content
stringlengths
1
1.04M
input_ids
sequencelengths
1
774k
ratio_char_token
float64
0.38
22.9
token_count
int64
1
774k
import sys import numpy as np def safe_isinstance(obj, class_path_str): # this function is copy-paste from the code of the SHAP Python library # Copyright (c) 2018 Scott Lundberg """ Acts as a safe version of isinstance without having to explicitly import packages which may not exist in the users environment. Checks if obj is an instance of type specified by class_path_str. Parameters ---------- obj: Any Some object you want to test against class_path_str: str or list A string or list of strings specifying full class paths Example: `sklearn.ensemble.RandomForestRegressor` Returns -------- bool: True if isinstance is true and the package exists, False otherwise """ if isinstance(class_path_str, str): class_path_strs = [class_path_str] elif isinstance(class_path_str, list) or isinstance(class_path_str, tuple): class_path_strs = class_path_str else: class_path_strs = [''] # try each module path in order for class_path_str in class_path_strs: if "." not in class_path_str: raise ValueError("class_path_str must be a string or list of strings specifying a full \ module path to a class. Eg, 'sklearn.ensemble.RandomForestRegressor'") # Splits on last occurence of "." module_name, class_name = class_path_str.rsplit(".", 1) # here we don't check further if the model is not imported, since we shouldn't have # an object of that types passed to us if the model the type is from has never been # imported. (and we don't want to import lots of new modules for no reason) if module_name not in sys.modules: continue module = sys.modules[module_name] #Get class _class = getattr(module, class_name, None) if _class is None: continue if isinstance(obj, _class): return True return False
[ 11748, 25064, 198, 11748, 299, 32152, 355, 45941, 628, 198, 4299, 3338, 62, 271, 39098, 7, 26801, 11, 1398, 62, 6978, 62, 2536, 2599, 198, 220, 220, 220, 1303, 428, 2163, 318, 4866, 12, 34274, 422, 262, 2438, 286, 262, 6006, 2969, 11361, 5888, 198, 220, 220, 220, 1303, 15069, 357, 66, 8, 2864, 4746, 33609, 3900, 628, 220, 220, 220, 37227, 198, 220, 220, 220, 25528, 355, 257, 3338, 2196, 286, 318, 39098, 1231, 1719, 284, 11777, 198, 220, 220, 220, 1330, 10392, 543, 743, 407, 2152, 287, 262, 2985, 2858, 13, 198, 220, 220, 220, 47719, 611, 26181, 318, 281, 4554, 286, 2099, 7368, 416, 1398, 62, 6978, 62, 2536, 13, 198, 220, 220, 220, 40117, 198, 220, 220, 220, 24200, 438, 198, 220, 220, 220, 26181, 25, 4377, 198, 220, 220, 220, 220, 220, 220, 220, 2773, 2134, 345, 765, 284, 1332, 1028, 198, 220, 220, 220, 1398, 62, 6978, 62, 2536, 25, 965, 393, 1351, 198, 220, 220, 220, 220, 220, 220, 220, 317, 4731, 393, 1351, 286, 13042, 31577, 1336, 1398, 13532, 198, 220, 220, 220, 220, 220, 220, 220, 17934, 25, 4600, 8135, 35720, 13, 1072, 11306, 13, 29531, 34605, 8081, 44292, 63, 198, 220, 220, 220, 16409, 198, 220, 220, 220, 24200, 198, 220, 220, 220, 20512, 25, 6407, 611, 318, 39098, 318, 2081, 290, 262, 5301, 7160, 11, 10352, 4306, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 611, 318, 39098, 7, 4871, 62, 6978, 62, 2536, 11, 965, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 1398, 62, 6978, 62, 2536, 82, 796, 685, 4871, 62, 6978, 62, 2536, 60, 198, 220, 220, 220, 1288, 361, 318, 39098, 7, 4871, 62, 6978, 62, 2536, 11, 1351, 8, 393, 318, 39098, 7, 4871, 62, 6978, 62, 2536, 11, 46545, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 1398, 62, 6978, 62, 2536, 82, 796, 1398, 62, 6978, 62, 2536, 198, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 1398, 62, 6978, 62, 2536, 82, 796, 685, 7061, 60, 628, 220, 220, 220, 1303, 1949, 1123, 8265, 3108, 287, 1502, 198, 220, 220, 220, 329, 1398, 62, 6978, 62, 2536, 287, 1398, 62, 6978, 62, 2536, 82, 25, 198, 220, 220, 220, 220, 220, 220, 220, 611, 366, 526, 407, 287, 1398, 62, 6978, 62, 2536, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5298, 11052, 12331, 7203, 4871, 62, 6978, 62, 2536, 1276, 307, 257, 4731, 393, 1351, 286, 13042, 31577, 257, 1336, 3467, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8265, 3108, 284, 257, 1398, 13, 36386, 11, 705, 8135, 35720, 13, 1072, 11306, 13, 29531, 34605, 8081, 44292, 6, 4943, 628, 220, 220, 220, 220, 220, 220, 220, 1303, 13341, 896, 319, 938, 1609, 495, 1198, 286, 366, 526, 198, 220, 220, 220, 220, 220, 220, 220, 8265, 62, 3672, 11, 1398, 62, 3672, 796, 1398, 62, 6978, 62, 2536, 13, 3808, 489, 270, 7203, 33283, 352, 8, 628, 220, 220, 220, 220, 220, 220, 220, 1303, 994, 356, 836, 470, 2198, 2252, 611, 262, 2746, 318, 407, 17392, 11, 1201, 356, 6584, 470, 423, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 281, 2134, 286, 326, 3858, 3804, 284, 514, 611, 262, 2746, 262, 2099, 318, 422, 468, 1239, 587, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 17392, 13, 357, 392, 356, 836, 470, 765, 284, 1330, 6041, 286, 649, 13103, 329, 645, 1738, 8, 198, 220, 220, 220, 220, 220, 220, 220, 611, 8265, 62, 3672, 407, 287, 25064, 13, 18170, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2555, 628, 220, 220, 220, 220, 220, 220, 220, 8265, 796, 25064, 13, 18170, 58, 21412, 62, 3672, 60, 628, 220, 220, 220, 220, 220, 220, 220, 1303, 3855, 1398, 198, 220, 220, 220, 220, 220, 220, 220, 4808, 4871, 796, 651, 35226, 7, 21412, 11, 1398, 62, 3672, 11, 6045, 8, 628, 220, 220, 220, 220, 220, 220, 220, 611, 4808, 4871, 318, 6045, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2555, 628, 220, 220, 220, 220, 220, 220, 220, 611, 318, 39098, 7, 26801, 11, 4808, 4871, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1441, 6407, 628, 220, 220, 220, 1441, 10352, 628 ]
2.696477
738
# this file imports custom routes into the experiment server from flask import Blueprint, render_template, request, jsonify, Response, abort, current_app from jinja2 import TemplateNotFound from functools import wraps from sqlalchemy import or_ from psiturk.psiturk_config import PsiturkConfig from psiturk.experiment_errors import ExperimentError, InvalidUsage from psiturk.user_utils import PsiTurkAuthorization, nocache # # Database setup from psiturk.db import db_session, init_db from psiturk.models import Participant from json import dumps, loads # load the configuration options config = PsiturkConfig() config.load_config() # if you want to add a password protect route use this myauth = PsiTurkAuthorization(config) # explore the Blueprint custom_code = Blueprint('custom_code', __name__, template_folder='templates', static_folder='static') ########################################################### # serving warm, fresh, & sweet custom, user-provided routes # add them here ########################################################### # ---------------------------------------------- # example custom route # ---------------------------------------------- @custom_code.route('/my_custom_view') # ---------------------------------------------- # example using HTTP authentication # ---------------------------------------------- @custom_code.route('/my_password_protected_route') @myauth.requires_auth # ---------------------------------------------- # example accessing data # ---------------------------------------------- @custom_code.route('/view_data') @myauth.requires_auth # ---------------------------------------------- # example computing bonus # ---------------------------------------------- @custom_code.route('/compute_bonus', methods=['GET'])
[ 2, 428, 2393, 17944, 2183, 11926, 656, 262, 6306, 4382, 198, 198, 6738, 42903, 1330, 39932, 11, 8543, 62, 28243, 11, 2581, 11, 33918, 1958, 11, 18261, 11, 15614, 11, 1459, 62, 1324, 198, 6738, 474, 259, 6592, 17, 1330, 37350, 3673, 21077, 198, 6738, 1257, 310, 10141, 1330, 27521, 198, 6738, 44161, 282, 26599, 1330, 393, 62, 198, 198, 6738, 26692, 270, 333, 74, 13, 862, 270, 333, 74, 62, 11250, 1330, 33610, 270, 333, 74, 16934, 198, 6738, 26692, 270, 333, 74, 13, 23100, 3681, 62, 48277, 1330, 29544, 12331, 11, 17665, 28350, 198, 6738, 26692, 270, 333, 74, 13, 7220, 62, 26791, 1330, 350, 13396, 17483, 74, 13838, 1634, 11, 299, 420, 4891, 198, 198, 2, 1303, 24047, 9058, 198, 6738, 26692, 270, 333, 74, 13, 9945, 1330, 20613, 62, 29891, 11, 2315, 62, 9945, 198, 6738, 26692, 270, 333, 74, 13, 27530, 1330, 29880, 198, 6738, 33918, 1330, 45514, 11, 15989, 198, 198, 2, 3440, 262, 8398, 3689, 198, 11250, 796, 33610, 270, 333, 74, 16934, 3419, 198, 11250, 13, 2220, 62, 11250, 3419, 198, 2, 611, 345, 765, 284, 751, 257, 9206, 1805, 6339, 779, 428, 198, 1820, 18439, 796, 350, 13396, 17483, 74, 13838, 1634, 7, 11250, 8, 198, 198, 2, 7301, 262, 39932, 198, 23144, 62, 8189, 796, 39932, 10786, 23144, 62, 8189, 3256, 11593, 3672, 834, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 11055, 62, 43551, 11639, 11498, 17041, 3256, 9037, 62, 43551, 11639, 12708, 11537, 628, 198, 29113, 14468, 7804, 21017, 198, 2, 220, 7351, 5814, 11, 4713, 11, 1222, 6029, 2183, 11, 2836, 12, 41279, 11926, 198, 2, 220, 751, 606, 994, 198, 29113, 14468, 7804, 21017, 198, 198, 2, 20368, 26171, 198, 2, 1672, 2183, 6339, 198, 2, 20368, 26171, 198, 31, 23144, 62, 8189, 13, 38629, 10786, 14, 1820, 62, 23144, 62, 1177, 11537, 198, 198, 2, 20368, 26171, 198, 2, 1672, 1262, 14626, 18239, 198, 2, 20368, 26171, 198, 31, 23144, 62, 8189, 13, 38629, 10786, 14, 1820, 62, 28712, 62, 24326, 62, 38629, 11537, 198, 31, 1820, 18439, 13, 47911, 62, 18439, 198, 198, 2, 20368, 26171, 198, 2, 1672, 22534, 1366, 198, 2, 20368, 26171, 198, 31, 23144, 62, 8189, 13, 38629, 10786, 14, 1177, 62, 7890, 11537, 198, 31, 1820, 18439, 13, 47911, 62, 18439, 198, 198, 2, 20368, 26171, 198, 2, 1672, 14492, 7202, 198, 2, 20368, 26171, 628, 198, 31, 23144, 62, 8189, 13, 38629, 10786, 14, 5589, 1133, 62, 4189, 385, 3256, 5050, 28, 17816, 18851, 6, 12962, 198 ]
4.149083
436
from __future__ import print_function import torch import torch.nn as nn import torch.nn.functional as F import torch.optim as optim from PIL import Image import matplotlib.pyplot as plt import cv2 import os import time import warnings import torchvision.transforms as transforms import torchvision.models as models import copy # content loss # style loss # gram matrix # for normalizing the input image
[ 6738, 11593, 37443, 834, 1330, 3601, 62, 8818, 198, 198, 11748, 28034, 198, 11748, 28034, 13, 20471, 355, 299, 77, 198, 11748, 28034, 13, 20471, 13, 45124, 355, 376, 198, 11748, 28034, 13, 40085, 355, 6436, 198, 198, 6738, 350, 4146, 1330, 7412, 198, 11748, 2603, 29487, 8019, 13, 9078, 29487, 355, 458, 83, 198, 11748, 269, 85, 17, 198, 11748, 28686, 198, 11748, 640, 198, 11748, 14601, 198, 198, 11748, 28034, 10178, 13, 7645, 23914, 355, 31408, 198, 11748, 28034, 10178, 13, 27530, 355, 4981, 198, 198, 11748, 4866, 198, 198, 2, 2695, 2994, 198, 198, 2, 3918, 2994, 628, 220, 220, 220, 220, 220, 220, 220, 1303, 14599, 17593, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 2, 329, 3487, 2890, 262, 5128, 2939, 628, 198 ]
3.238806
134
import pandas as pd import numpy as np from rdtools import energy_from_power import pytest @pytest.fixture @pytest.fixture
[ 11748, 19798, 292, 355, 279, 67, 198, 11748, 299, 32152, 355, 45941, 198, 6738, 374, 28664, 10141, 1330, 2568, 62, 6738, 62, 6477, 198, 11748, 12972, 9288, 628, 198, 31, 9078, 9288, 13, 69, 9602, 628, 198, 31, 9078, 9288, 13, 69, 9602, 628, 628, 628, 628, 628, 628, 198 ]
2.78
50
import copy import unittest from pathlib import Path import ignite import ignite.metrics as metrics import torch.nn as nn import torch.optim as optim from ignite.metrics import Precision, Recall, MetricsLambda from transfer_nlp.plugins.config import ExperimentConfig from transfer_nlp.plugins.regularizers import L1 from .trainer_utils import * PLUGINS = { 'CrossEntropyLoss': nn.CrossEntropyLoss, 'BCEWithLogitsLoss': nn.BCEWithLogitsLoss, "Adam": optim.Adam, "SGD": optim.SGD, "AdaDelta": optim.Adadelta, "AdaGrad": optim.Adagrad, "SparseAdam": optim.SparseAdam, "AdaMax": optim.Adamax, "ASGD": optim.ASGD, "LBFGS": optim.LBFGS, "RMSPROP": optim.RMSprop, "Rprop": optim.Rprop, "ReduceLROnPlateau": optim.lr_scheduler.ReduceLROnPlateau, "MultiStepLR": optim.lr_scheduler.MultiStepLR, "ExponentialLR": optim.lr_scheduler.ExponentialLR, "CosineAnnealingLR": optim.lr_scheduler.CosineAnnealingLR, "LambdaLR": optim.lr_scheduler.LambdaLR, "ReLU": nn.functional.relu, "LeakyReLU": nn.functional.leaky_relu, "Tanh": nn.functional.tanh, "Softsign": nn.functional.softsign, "Softshrink": nn.functional.softshrink, "Softplus": nn.functional.softplus, "Sigmoid": nn.Sigmoid, "CELU": nn.CELU, "SELU": nn.functional.selu, "RReLU": nn.functional.rrelu, "ReLU6": nn.functional.relu6, "PReLU": nn.functional.prelu, "LogSigmoid": nn.functional.logsigmoid, "Hardtanh": nn.functional.hardtanh, "Hardshrink": nn.functional.hardshrink, "ELU": nn.functional.elu, "Softmin": nn.functional.softmin, "Softmax": nn.functional.softmax, "LogSoftmax": nn.functional.log_softmax, "GLU": nn.functional.glu, "TanhShrink": nn.functional.tanhshrink, "Accuracy": metrics.Accuracy, } for plugin_name, plugin in PLUGINS.items(): register_plugin(registrable=plugin, alias=plugin_name) @register_plugin EXPERIMENT = { "my_dataset_splits": { "_name": "TestDataset", "data_file": Path(__file__).parent.resolve() / "sample_data.csv", "batch_size": 128, "vectorizer": { "_name": "TestVectorizer", "data_file": Path(__file__).parent.resolve() / "sample_data.csv" } }, "model": { "_name": "TestModel", "hidden_dim": 100, "data": "$my_dataset_splits" }, "optimizer": { "_name": "Adam", "lr": 0.01, "params": { "_name": "TrainableParameters", "model": "$model" } }, "scheduler": { "_name": "ReduceLROnPlateau", "patience": 1, "mode": "min", "factor": 0.5, "optimizer": "$optimizer" }, "trainer": { "_name": "SingleTaskTrainer", "model": "$model", "dataset_splits": "$my_dataset_splits", "loss": { "_name": "CrossEntropyLoss" }, "optimizer": "$optimizer", "gradient_clipping": 0.25, "num_epochs": 5, "seed": 1337, "scheduler": "$scheduler", "regularizer": { "_name": "L1" }, "metrics": { "accuracy": { "_name": "Accuracy" }, "fbeta": { "_name": "create_fbeta" }, "loss": { "_name": "LossMetric", "loss_fn": { "_name": "CrossEntropyLoss" } } } } }
[ 11748, 4866, 198, 11748, 555, 715, 395, 198, 6738, 3108, 8019, 1330, 10644, 198, 198, 11748, 44794, 198, 11748, 44794, 13, 4164, 10466, 355, 20731, 198, 11748, 28034, 13, 20471, 355, 299, 77, 198, 11748, 28034, 13, 40085, 355, 6436, 198, 6738, 44794, 13, 4164, 10466, 1330, 39281, 11, 44536, 11, 3395, 10466, 43, 4131, 6814, 198, 198, 6738, 4351, 62, 21283, 79, 13, 37390, 13, 11250, 1330, 29544, 16934, 198, 6738, 4351, 62, 21283, 79, 13, 37390, 13, 16338, 11341, 1330, 406, 16, 198, 6738, 764, 2213, 10613, 62, 26791, 1330, 1635, 198, 198, 6489, 7340, 20913, 796, 1391, 198, 220, 220, 220, 705, 21544, 14539, 28338, 43, 793, 10354, 299, 77, 13, 21544, 14539, 28338, 43, 793, 11, 198, 220, 220, 220, 705, 2749, 36, 3152, 11187, 896, 43, 793, 10354, 299, 77, 13, 2749, 36, 3152, 11187, 896, 43, 793, 11, 198, 220, 220, 220, 366, 23159, 1298, 6436, 13, 23159, 11, 198, 220, 220, 220, 366, 38475, 35, 1298, 6436, 13, 38475, 35, 11, 198, 220, 220, 220, 366, 2782, 64, 42430, 1298, 6436, 13, 2782, 324, 12514, 11, 198, 220, 220, 220, 366, 2782, 64, 42731, 1298, 6436, 13, 2782, 363, 6335, 11, 198, 220, 220, 220, 366, 50, 29572, 23159, 1298, 6436, 13, 50, 29572, 23159, 11, 198, 220, 220, 220, 366, 2782, 64, 11518, 1298, 6436, 13, 23159, 897, 11, 198, 220, 220, 220, 366, 1921, 45113, 1298, 6436, 13, 1921, 45113, 11, 198, 220, 220, 220, 366, 43, 29499, 14313, 1298, 6436, 13, 43, 29499, 14313, 11, 198, 220, 220, 220, 366, 29138, 4303, 49, 3185, 1298, 6436, 13, 49, 5653, 22930, 11, 198, 220, 220, 220, 366, 49, 22930, 1298, 6436, 13, 49, 22930, 11, 198, 220, 220, 220, 366, 7738, 7234, 35972, 2202, 3646, 378, 559, 1298, 6436, 13, 14050, 62, 1416, 704, 18173, 13, 7738, 7234, 35972, 2202, 3646, 378, 559, 11, 198, 220, 220, 220, 366, 29800, 8600, 35972, 1298, 6436, 13, 14050, 62, 1416, 704, 18173, 13, 29800, 8600, 35972, 11, 198, 220, 220, 220, 366, 16870, 35470, 35972, 1298, 6436, 13, 14050, 62, 1416, 704, 18173, 13, 16870, 35470, 35972, 11, 198, 220, 220, 220, 366, 36734, 500, 43227, 4272, 35972, 1298, 6436, 13, 14050, 62, 1416, 704, 18173, 13, 36734, 500, 43227, 4272, 35972, 11, 198, 220, 220, 220, 366, 43, 4131, 6814, 35972, 1298, 6436, 13, 14050, 62, 1416, 704, 18173, 13, 43, 4131, 6814, 35972, 11, 198, 220, 220, 220, 366, 3041, 41596, 1298, 299, 77, 13, 45124, 13, 260, 2290, 11, 198, 220, 220, 220, 366, 3123, 15492, 3041, 41596, 1298, 299, 77, 13, 45124, 13, 293, 15492, 62, 260, 2290, 11, 198, 220, 220, 220, 366, 45557, 71, 1298, 299, 77, 13, 45124, 13, 38006, 71, 11, 198, 220, 220, 220, 366, 18380, 12683, 1298, 299, 77, 13, 45124, 13, 4215, 12683, 11, 198, 220, 220, 220, 366, 18380, 36007, 676, 1298, 299, 77, 13, 45124, 13, 4215, 36007, 676, 11, 198, 220, 220, 220, 366, 18380, 9541, 1298, 299, 77, 13, 45124, 13, 4215, 9541, 11, 198, 220, 220, 220, 366, 50, 17225, 1868, 1298, 299, 77, 13, 50, 17225, 1868, 11, 198, 220, 220, 220, 366, 34, 3698, 52, 1298, 299, 77, 13, 34, 3698, 52, 11, 198, 220, 220, 220, 366, 50, 3698, 52, 1298, 299, 77, 13, 45124, 13, 741, 84, 11, 198, 220, 220, 220, 366, 49, 3041, 41596, 1298, 299, 77, 13, 45124, 13, 81, 260, 2290, 11, 198, 220, 220, 220, 366, 3041, 41596, 21, 1298, 299, 77, 13, 45124, 13, 260, 2290, 21, 11, 198, 220, 220, 220, 366, 47, 3041, 41596, 1298, 299, 77, 13, 45124, 13, 3866, 2290, 11, 198, 220, 220, 220, 366, 11187, 50, 17225, 1868, 1298, 299, 77, 13, 45124, 13, 6404, 82, 17225, 1868, 11, 198, 220, 220, 220, 366, 17309, 38006, 71, 1298, 299, 77, 13, 45124, 13, 28375, 272, 71, 11, 198, 220, 220, 220, 366, 39, 1371, 11840, 676, 1298, 299, 77, 13, 45124, 13, 71, 1371, 11840, 676, 11, 198, 220, 220, 220, 366, 3698, 52, 1298, 299, 77, 13, 45124, 13, 417, 84, 11, 198, 220, 220, 220, 366, 18380, 1084, 1298, 299, 77, 13, 45124, 13, 4215, 1084, 11, 198, 220, 220, 220, 366, 18380, 9806, 1298, 299, 77, 13, 45124, 13, 4215, 9806, 11, 198, 220, 220, 220, 366, 11187, 18380, 9806, 1298, 299, 77, 13, 45124, 13, 6404, 62, 4215, 9806, 11, 198, 220, 220, 220, 366, 8763, 52, 1298, 299, 77, 13, 45124, 13, 70, 2290, 11, 198, 220, 220, 220, 366, 45557, 71, 2484, 81, 676, 1298, 299, 77, 13, 45124, 13, 38006, 71, 36007, 676, 11, 198, 220, 220, 220, 366, 17320, 23843, 1298, 20731, 13, 17320, 23843, 11, 198, 92, 198, 1640, 13877, 62, 3672, 11, 13877, 287, 9297, 7340, 20913, 13, 23814, 33529, 198, 220, 220, 220, 7881, 62, 33803, 7, 2301, 396, 81, 540, 28, 33803, 11, 16144, 28, 33803, 62, 3672, 8, 628, 198, 198, 31, 30238, 62, 33803, 628, 198, 6369, 18973, 3955, 3525, 796, 1391, 198, 220, 220, 220, 366, 1820, 62, 19608, 292, 316, 62, 22018, 896, 1298, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 45434, 3672, 1298, 366, 14402, 27354, 292, 316, 1600, 198, 220, 220, 220, 220, 220, 220, 220, 366, 7890, 62, 7753, 1298, 10644, 7, 834, 7753, 834, 737, 8000, 13, 411, 6442, 3419, 1220, 366, 39873, 62, 7890, 13, 40664, 1600, 198, 220, 220, 220, 220, 220, 220, 220, 366, 43501, 62, 7857, 1298, 13108, 11, 198, 220, 220, 220, 220, 220, 220, 220, 366, 31364, 7509, 1298, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 45434, 3672, 1298, 366, 14402, 38469, 7509, 1600, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 7890, 62, 7753, 1298, 10644, 7, 834, 7753, 834, 737, 8000, 13, 411, 6442, 3419, 1220, 366, 39873, 62, 7890, 13, 40664, 1, 198, 220, 220, 220, 220, 220, 220, 220, 1782, 198, 220, 220, 220, 8964, 198, 220, 220, 220, 366, 19849, 1298, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 45434, 3672, 1298, 366, 14402, 17633, 1600, 198, 220, 220, 220, 220, 220, 220, 220, 366, 30342, 62, 27740, 1298, 1802, 11, 198, 220, 220, 220, 220, 220, 220, 220, 366, 7890, 1298, 17971, 1820, 62, 19608, 292, 316, 62, 22018, 896, 1, 198, 220, 220, 220, 8964, 198, 220, 220, 220, 366, 40085, 7509, 1298, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 45434, 3672, 1298, 366, 23159, 1600, 198, 220, 220, 220, 220, 220, 220, 220, 366, 14050, 1298, 657, 13, 486, 11, 198, 220, 220, 220, 220, 220, 220, 220, 366, 37266, 1298, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 45434, 3672, 1298, 366, 44077, 540, 48944, 1600, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 19849, 1298, 17971, 19849, 1, 198, 220, 220, 220, 220, 220, 220, 220, 1782, 198, 220, 220, 220, 8964, 198, 220, 220, 220, 366, 1416, 704, 18173, 1298, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 45434, 3672, 1298, 366, 7738, 7234, 35972, 2202, 3646, 378, 559, 1600, 198, 220, 220, 220, 220, 220, 220, 220, 366, 8071, 1240, 1298, 352, 11, 198, 220, 220, 220, 220, 220, 220, 220, 366, 14171, 1298, 366, 1084, 1600, 198, 220, 220, 220, 220, 220, 220, 220, 366, 31412, 1298, 657, 13, 20, 11, 198, 220, 220, 220, 220, 220, 220, 220, 366, 40085, 7509, 1298, 17971, 40085, 7509, 1, 198, 220, 220, 220, 8964, 198, 220, 220, 220, 366, 2213, 10613, 1298, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 45434, 3672, 1298, 366, 28008, 25714, 2898, 10613, 1600, 198, 220, 220, 220, 220, 220, 220, 220, 366, 19849, 1298, 17971, 19849, 1600, 198, 220, 220, 220, 220, 220, 220, 220, 366, 19608, 292, 316, 62, 22018, 896, 1298, 17971, 1820, 62, 19608, 292, 316, 62, 22018, 896, 1600, 198, 220, 220, 220, 220, 220, 220, 220, 366, 22462, 1298, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 45434, 3672, 1298, 366, 21544, 14539, 28338, 43, 793, 1, 198, 220, 220, 220, 220, 220, 220, 220, 8964, 198, 220, 220, 220, 220, 220, 220, 220, 366, 40085, 7509, 1298, 17971, 40085, 7509, 1600, 198, 220, 220, 220, 220, 220, 220, 220, 366, 49607, 62, 565, 4501, 1298, 657, 13, 1495, 11, 198, 220, 220, 220, 220, 220, 220, 220, 366, 22510, 62, 538, 5374, 82, 1298, 642, 11, 198, 220, 220, 220, 220, 220, 220, 220, 366, 28826, 1298, 1511, 2718, 11, 198, 220, 220, 220, 220, 220, 220, 220, 366, 1416, 704, 18173, 1298, 17971, 1416, 704, 18173, 1600, 198, 220, 220, 220, 220, 220, 220, 220, 366, 16338, 7509, 1298, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 45434, 3672, 1298, 366, 43, 16, 1, 198, 220, 220, 220, 220, 220, 220, 220, 8964, 198, 220, 220, 220, 220, 220, 220, 220, 366, 4164, 10466, 1298, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 4134, 23843, 1298, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 45434, 3672, 1298, 366, 17320, 23843, 1, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8964, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 69, 31361, 1298, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 45434, 3672, 1298, 366, 17953, 62, 69, 31361, 1, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8964, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 22462, 1298, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 45434, 3672, 1298, 366, 43, 793, 9171, 1173, 1600, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 22462, 62, 22184, 1298, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 45434, 3672, 1298, 366, 21544, 14539, 28338, 43, 793, 1, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1782, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1782, 198, 220, 220, 220, 220, 220, 220, 220, 1782, 198, 220, 220, 220, 1782, 198, 198, 92, 628 ]
1.999429
1,752
#!/usr/bin/env python # coding: utf-8 import sys sys.path.append('../isoclique') import isoclique as ic import networkx as nx import random import time if __name__ == '__main__': E = nx.karate_club_graph().edges() ''' encode_method=None E = [[x,y] for x,y in E] ''' ''' # generate a graph with node id offset. # edge must be a list for irregular node IDs. # (e.g. (x,y)->[x+5,y+5]) E = [[x+5,y+5] for x,y in E] encode_method = 'array' ''' #''' # for string node labels E = [[e1,e2] for e1,e2 in E] for i in range(len(E)): if E[i][0]==1: E[i][0] = 'one' elif E[i][1]==1: E[i][1] = 'one' encode_method = 'hash' #''' #print(E) print("WITHOUT_SORT") start = time.time() print("start to constust AdjacencyList.") sorted_graph = ic.AdjacencyList(E,do_sort=False,encode_method=encode_method) elapsed_time = time.time()-start print("%.5f sec. elapsed for graph sorting."%elapsed_time) nodes = sorted_graph.nodes() neighbors = sorted_graph.edges() for v,neigh in zip(nodes,neighbors): print(v,": ", neigh) print("WITH_SORT") start = time.time() sorted_graph = ic.AdjacencyList(E,do_sort=True,encode_method=encode_method) elapsed_time = time.time()-start print("%.5f sec. elapsed for graph sorting."%elapsed_time) nodes = sorted_graph.nodes() neighbors = sorted_graph.edges() for v,neigh in zip(nodes,neighbors): print(v,": ", neigh) Gs = sorted_graph.subgraph([4,5,6,7,8]) print(Gs.edges(edge_list_format='list')) Gs.complement() print(Gs.edges(edge_list_format='list')) sys.exit()
[ 2, 48443, 14629, 14, 8800, 14, 24330, 21015, 198, 2, 19617, 25, 3384, 69, 12, 23, 198, 198, 11748, 25064, 198, 17597, 13, 6978, 13, 33295, 10786, 40720, 271, 38679, 2350, 11537, 198, 11748, 318, 38679, 2350, 355, 14158, 198, 11748, 3127, 87, 355, 299, 87, 198, 11748, 4738, 198, 198, 11748, 640, 198, 198, 361, 11593, 3672, 834, 6624, 705, 834, 12417, 834, 10354, 628, 220, 220, 220, 412, 796, 299, 87, 13, 21070, 378, 62, 18664, 62, 34960, 22446, 276, 3212, 3419, 198, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 37773, 62, 24396, 28, 14202, 198, 220, 220, 220, 412, 796, 16410, 87, 11, 88, 60, 329, 2124, 11, 88, 287, 412, 60, 198, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 1303, 7716, 257, 4823, 351, 10139, 4686, 11677, 13, 198, 220, 220, 220, 1303, 5743, 1276, 307, 257, 1351, 329, 21388, 10139, 32373, 13, 198, 220, 220, 220, 1303, 357, 68, 13, 70, 13, 357, 87, 11, 88, 8, 3784, 58, 87, 10, 20, 11, 88, 10, 20, 12962, 198, 220, 220, 220, 412, 796, 16410, 87, 10, 20, 11, 88, 10, 20, 60, 329, 2124, 11, 88, 287, 412, 60, 198, 220, 220, 220, 37773, 62, 24396, 796, 705, 18747, 6, 198, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 1303, 7061, 6, 198, 220, 220, 220, 1303, 329, 4731, 10139, 14722, 198, 220, 220, 220, 412, 796, 16410, 68, 16, 11, 68, 17, 60, 329, 304, 16, 11, 68, 17, 287, 412, 60, 198, 220, 220, 220, 329, 1312, 287, 2837, 7, 11925, 7, 36, 8, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 611, 412, 58, 72, 7131, 15, 60, 855, 16, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 412, 58, 72, 7131, 15, 60, 796, 705, 505, 6, 198, 220, 220, 220, 220, 220, 220, 220, 1288, 361, 412, 58, 72, 7131, 16, 60, 855, 16, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 412, 58, 72, 7131, 16, 60, 796, 705, 505, 6, 198, 220, 220, 220, 37773, 62, 24396, 796, 705, 17831, 6, 198, 220, 220, 220, 1303, 7061, 6, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 1303, 4798, 7, 36, 8, 198, 220, 220, 220, 3601, 7203, 54, 10554, 12425, 62, 50, 9863, 4943, 198, 220, 220, 220, 923, 796, 640, 13, 2435, 3419, 198, 220, 220, 220, 3601, 7203, 9688, 284, 1500, 436, 1215, 30482, 1387, 8053, 19570, 198, 220, 220, 220, 23243, 62, 34960, 796, 14158, 13, 2782, 30482, 1387, 8053, 7, 36, 11, 4598, 62, 30619, 28, 25101, 11, 268, 8189, 62, 24396, 28, 268, 8189, 62, 24396, 8, 198, 220, 220, 220, 42118, 62, 2435, 796, 640, 13, 2435, 3419, 12, 9688, 198, 220, 220, 220, 3601, 7203, 7225, 20, 69, 792, 13, 42118, 329, 4823, 29407, 526, 4, 417, 28361, 62, 2435, 8, 628, 220, 220, 220, 13760, 796, 23243, 62, 34960, 13, 77, 4147, 3419, 198, 220, 220, 220, 12020, 796, 23243, 62, 34960, 13, 276, 3212, 3419, 628, 220, 220, 220, 329, 410, 11, 710, 394, 287, 19974, 7, 77, 4147, 11, 710, 394, 32289, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 3601, 7, 85, 553, 25, 33172, 3422, 8, 628, 220, 220, 220, 3601, 7203, 54, 10554, 62, 50, 9863, 4943, 198, 220, 220, 220, 923, 796, 640, 13, 2435, 3419, 198, 220, 220, 220, 23243, 62, 34960, 796, 14158, 13, 2782, 30482, 1387, 8053, 7, 36, 11, 4598, 62, 30619, 28, 17821, 11, 268, 8189, 62, 24396, 28, 268, 8189, 62, 24396, 8, 198, 220, 220, 220, 42118, 62, 2435, 796, 640, 13, 2435, 3419, 12, 9688, 198, 220, 220, 220, 3601, 7203, 7225, 20, 69, 792, 13, 42118, 329, 4823, 29407, 526, 4, 417, 28361, 62, 2435, 8, 628, 220, 220, 220, 13760, 796, 23243, 62, 34960, 13, 77, 4147, 3419, 198, 220, 220, 220, 12020, 796, 23243, 62, 34960, 13, 276, 3212, 3419, 198, 220, 220, 220, 329, 410, 11, 710, 394, 287, 19974, 7, 77, 4147, 11, 710, 394, 32289, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 3601, 7, 85, 553, 25, 33172, 3422, 8, 628, 220, 220, 220, 402, 82, 796, 23243, 62, 34960, 13, 7266, 34960, 26933, 19, 11, 20, 11, 21, 11, 22, 11, 23, 12962, 198, 220, 220, 220, 3601, 7, 33884, 13, 276, 3212, 7, 14907, 62, 4868, 62, 18982, 11639, 4868, 6, 4008, 198, 220, 220, 220, 402, 82, 13, 785, 26908, 3419, 198, 220, 220, 220, 3601, 7, 33884, 13, 276, 3212, 7, 14907, 62, 4868, 62, 18982, 11639, 4868, 6, 4008, 198, 220, 220, 220, 220, 628, 220, 220, 220, 25064, 13, 37023, 3419, 628, 198 ]
2.145704
803
""" module to run with the -m flag python -m async_sched.client.stop_schedule "Task 1" --list_schedules 1 """ import argparse from async_sched.client.client import stop_schedule from async_sched.utils import DEFAULT_HOST, DEFAULT_PORT __all__ = ['NAME', 'get_argparse', 'main'] NAME = 'stop_schedule' if __name__ == '__main__': P = get_argparse() ARGS = P.parse_args() KWARGS = {n: getattr(ARGS, n) for n in dir(ARGS) if not n.startswith('_') and getattr(ARGS, n, None) is not None} main(**KWARGS)
[ 37811, 198, 21412, 284, 1057, 351, 262, 532, 76, 6056, 198, 198, 29412, 532, 76, 30351, 62, 1416, 704, 13, 16366, 13, 11338, 62, 15952, 5950, 366, 25714, 352, 1, 1377, 4868, 62, 1416, 704, 5028, 352, 198, 198, 37811, 198, 11748, 1822, 29572, 198, 6738, 30351, 62, 1416, 704, 13, 16366, 13, 16366, 1330, 2245, 62, 15952, 5950, 198, 6738, 30351, 62, 1416, 704, 13, 26791, 1330, 5550, 38865, 62, 39, 10892, 11, 5550, 38865, 62, 15490, 628, 198, 834, 439, 834, 796, 37250, 20608, 3256, 705, 1136, 62, 853, 29572, 3256, 705, 12417, 20520, 628, 198, 20608, 796, 705, 11338, 62, 15952, 5950, 6, 628, 628, 198, 361, 11593, 3672, 834, 6624, 705, 834, 12417, 834, 10354, 198, 220, 220, 220, 350, 796, 651, 62, 853, 29572, 3419, 198, 220, 220, 220, 5923, 14313, 796, 350, 13, 29572, 62, 22046, 3419, 628, 220, 220, 220, 509, 16279, 14313, 796, 1391, 77, 25, 651, 35226, 7, 1503, 14313, 11, 299, 8, 329, 299, 287, 26672, 7, 1503, 14313, 8, 611, 407, 299, 13, 9688, 2032, 342, 10786, 62, 11537, 290, 651, 35226, 7, 1503, 14313, 11, 299, 11, 6045, 8, 318, 407, 6045, 92, 198, 220, 220, 220, 1388, 7, 1174, 42, 16279, 14313, 8, 198 ]
2.536232
207
import os if __name__ == "__main__": main()
[ 11748, 28686, 628, 198, 361, 11593, 3672, 834, 6624, 366, 834, 12417, 834, 1298, 198, 220, 220, 220, 1388, 3419, 198 ]
2.380952
21
import numpy as np # ======================================================== # # Environment-specific cost functions: # # ======================================================== # # Cost function for a whole trajectory: #
[ 11748, 299, 32152, 355, 45941, 628, 198, 2, 46111, 4770, 1421, 18604, 198, 2, 220, 198, 2, 9344, 12, 11423, 1575, 5499, 25, 198, 2, 628, 198, 198, 2, 46111, 4770, 1421, 18604, 198, 2, 220, 198, 2, 6446, 2163, 329, 257, 2187, 22942, 25, 198, 2, 628 ]
4.833333
48
from .. import * import math
[ 6738, 11485, 1330, 1635, 198, 11748, 10688, 198 ]
3.625
8
from titan.dodo_pkg.layer import LayerConfig
[ 6738, 48047, 13, 67, 24313, 62, 35339, 13, 29289, 1330, 34398, 16934, 628 ]
3.538462
13
# Copyright 2021 Huawei Technologies Co., Ltd # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. # ============================================================================ """asgd""" from mindspore.ops import functional as F, operations as P from mindspore.common.parameter import Parameter from mindspore.common.tensor import Tensor import mindspore.common.dtype as mstype import mindspore from mindspore._checkparam import Validator as validator from .optimizer import Optimizer from .optimizer import opt_init_args_register class ASGD(Optimizer): r""" Implements Average Stochastic Gradient Descent. Introduction to ASGD can be found at `Acceleration of stochastic approximation by average <http://dl.acm.org/citation.cfm?id=131098>`_. The updating formulas are as follows: .. math:: \begin{gather*} w_{t} = w_{t-1} * (1 - \lambda * \eta_{t-1}) - \eta_{t-1} * g_{t} \\ ax_{t} = (w_t - ax_{t-1}) * \mu_{t-1} \\ \eta_{t} = \frac{1.}{(1 + \lambda * lr * t)^\alpha} \\ \mu_{t} = \frac{1}{\max(1, t - t0)} \end{gather*} :math:`\lambda` represents the decay term, :math:`\mu` and :math:`\eta` are tracked to update :math:`ax` and :math:`w`, :math:`t0` represents the point of starting averaging, :math:`\alpha` represents the power for eta update, :math:`ax` represents the averaged parameter value, :math:`t` represents the current step, :math:`g` represents `gradients`, :math:`w` represents `params`. Note: If parameters are not grouped, the `weight_decay` in optimizer will be applied on the parameters without 'beta' or 'gamma' in their names. Users can group parameters to change the strategy of decaying weight. When parameters are grouped, each group can set `weight_decay`, if not, the `weight_decay` in optimizer will be applied. Args: params (Union[list[Parameter], list[dict]]): Must be list of `Parameter` or list of `dict`. When the `parameters` is a list of `dict`, the "params", "lr", "weight_decay", "grad_centralization" and "order_params" are the keys can be parsed. - params: Required. Parameters in current group. The value must be a list of `Parameter`. - lr: Optional. If "lr" in the keys, the value of corresponding learning rate will be used. If not, the `learning_rate` in optimizer will be used. Fixed and dynamic learning rate are supported. - weight_decay: Optional. If "weight_decay" in the keys, the value of corresponding weight decay will be used. If not, the `weight_decay` in the optimizer will be used. - grad_centralization: Optional. Must be Boolean. If "grad_centralization" is in the keys, the set value will be used. If not, the `grad_centralization` is False by default. This configuration only works on the convolution layer. - order_params: Optional. When parameters is grouped, this usually is used to maintain the order of parameters that appeared in the network to improve performance. The value should be parameters whose order will be followed in optimizer. If `order_params` in the keys, other keys will be ignored and the element of 'order_params' must be in one group of `params`. learning_rate (Union[float, int, Tensor, Iterable, LearningRateSchedule]): - float: The fixed learning rate value. Must be equal to or greater than 0. - int: The fixed learning rate value. Must be equal to or greater than 0. It will be converted to float. - Tensor: Its value should be a scalar or a 1-D vector. For scalar, fixed learning rate will be applied. For vector, learning rate is dynamic, then the i-th step will take the i-th value as the learning rate. - Iterable: Learning rate is dynamic. The i-th step will take the i-th value as the learning rate. - LearningRateSchedule: Learning rate is dynamic. During training, the optimizer calls the instance of LearningRateSchedule with step as the input to get the learning rate of current step. lambd (float): The decay term. Default: 1e-4. alpha (float): The power for eta update. Default: 0.75. t0 (float): The point of starting averaging. Default: 1e6. weight_decay (int, float): Weight decay (L2 penalty). It must be equal to or greater than 0. Default: 0.0. Inputs: - **gradients** (tuple[Tensor]) - The gradients of `params`, the shape is the same as `params`. Outputs: Tensor[bool], the value is True. Raises: TypeError: If `learning_rate` is not one of int, float, Tensor, Iterable, LearningRateSchedule. TypeError: If element of `parameters` is neither Parameter nor dict. TypeError: If `lambd`, `alpha` or `t0` is not a float. TypeError: If `weight_decay` is neither float nor int. ValueError: If `weight_decay` is less than 0. Supported Platforms: ``Ascend`` ``GPU`` ``CPU`` Examples: >>> from mindspore import nn, Model >>> >>> net = Net() >>> #1) All parameters use the same learning rate and weight decay >>> optim = nn.ASGD(params=net.trainable_params()) >>> >>> #2) Use parameter groups and set different values >>> conv_params = list(filter(lambda x: 'conv' in x.name, net.trainable_params())) >>> no_conv_params = list(filter(lambda x: 'conv' not in x.name, net.trainable_params())) >>> group_params = [{'params': conv_params,'grad_centralization':True}, ... {'params': no_conv_params, 'lr': 0.01}, ... {'order_params': net.trainable_params()}] >>> optim = nn.ASGD(group_params, learning_rate=0.1, weight_decay=0.0) >>> # The conv_params's parameters will use default learning rate of 0.1 default weight decay of 0.0 and grad >>> # centralization of True. >>> # The no_conv_params's parameters will use learning rate of 0.01 and default weight decay of 0.0 and grad >>> # centralization of False. >>> # The final parameters order in which the optimizer will be followed is the value of 'order_params'. >>> >>> loss = nn.SoftmaxCrossEntropyWithLogits() >>> model = Model(net, loss_fn=loss, optimizer=optim) """ @opt_init_args_register
[ 2, 15069, 33448, 43208, 21852, 1766, 1539, 12052, 198, 2, 198, 2, 49962, 739, 262, 24843, 13789, 11, 10628, 362, 13, 15, 357, 1169, 366, 34156, 15341, 198, 2, 345, 743, 407, 779, 428, 2393, 2845, 287, 11846, 351, 262, 13789, 13, 198, 2, 921, 743, 7330, 257, 4866, 286, 262, 13789, 379, 198, 2, 198, 2, 2638, 1378, 2503, 13, 43073, 13, 2398, 14, 677, 4541, 14, 43, 2149, 24290, 12, 17, 13, 15, 198, 2, 198, 2, 17486, 2672, 416, 9723, 1099, 393, 4987, 284, 287, 3597, 11, 3788, 198, 2, 9387, 739, 262, 13789, 318, 9387, 319, 281, 366, 1921, 3180, 1, 29809, 1797, 11, 198, 2, 42881, 34764, 11015, 6375, 7102, 49828, 11053, 3963, 15529, 509, 12115, 11, 2035, 4911, 393, 17142, 13, 198, 2, 4091, 262, 13789, 329, 262, 2176, 3303, 15030, 21627, 290, 198, 2, 11247, 739, 262, 13789, 13, 198, 2, 38093, 2559, 18604, 198, 37811, 292, 21287, 37811, 198, 6738, 2000, 2777, 382, 13, 2840, 1330, 10345, 355, 376, 11, 4560, 355, 350, 198, 6738, 2000, 2777, 382, 13, 11321, 13, 17143, 2357, 1330, 25139, 2357, 198, 6738, 2000, 2777, 382, 13, 11321, 13, 83, 22854, 1330, 309, 22854, 198, 11748, 2000, 2777, 382, 13, 11321, 13, 67, 4906, 355, 285, 301, 2981, 198, 11748, 2000, 2777, 382, 198, 6738, 2000, 2777, 382, 13557, 9122, 17143, 1330, 48951, 1352, 355, 4938, 1352, 198, 6738, 764, 40085, 7509, 1330, 30011, 7509, 198, 6738, 764, 40085, 7509, 1330, 2172, 62, 15003, 62, 22046, 62, 30238, 628, 198, 4871, 7054, 45113, 7, 27871, 320, 7509, 2599, 198, 220, 220, 220, 374, 37811, 198, 220, 220, 220, 1846, 1154, 902, 13475, 520, 5374, 3477, 17701, 1153, 2935, 1087, 13, 628, 220, 220, 220, 22395, 284, 7054, 45113, 460, 307, 1043, 379, 4600, 12832, 7015, 341, 286, 3995, 354, 3477, 40874, 416, 2811, 198, 220, 220, 220, 1279, 4023, 1378, 25404, 13, 330, 76, 13, 2398, 14, 66, 3780, 13, 12993, 76, 30, 312, 28, 1485, 940, 4089, 29, 63, 44807, 628, 220, 220, 220, 383, 19698, 32126, 389, 355, 5679, 25, 628, 220, 220, 220, 11485, 10688, 3712, 198, 220, 220, 220, 220, 220, 220, 220, 3467, 27471, 90, 70, 1032, 9, 92, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 266, 23330, 83, 92, 796, 266, 23330, 83, 12, 16, 92, 1635, 357, 16, 532, 3467, 50033, 1635, 3467, 17167, 23330, 83, 12, 16, 30072, 532, 3467, 17167, 23330, 83, 12, 16, 92, 1635, 308, 23330, 83, 92, 26867, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 7877, 23330, 83, 92, 796, 357, 86, 62, 83, 532, 7877, 23330, 83, 12, 16, 30072, 1635, 3467, 30300, 23330, 83, 12, 16, 92, 26867, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3467, 17167, 23330, 83, 92, 796, 3467, 31944, 90, 16, 13, 18477, 7, 16, 1343, 3467, 50033, 1635, 300, 81, 1635, 256, 8, 61, 59, 26591, 92, 26867, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3467, 30300, 23330, 83, 92, 796, 3467, 31944, 90, 16, 18477, 59, 9806, 7, 16, 11, 256, 532, 256, 15, 38165, 198, 220, 220, 220, 220, 220, 220, 220, 3467, 437, 90, 70, 1032, 9, 92, 628, 220, 220, 220, 1058, 11018, 25, 63, 59, 50033, 63, 6870, 262, 22119, 3381, 11, 1058, 11018, 25, 63, 59, 30300, 63, 290, 1058, 11018, 25, 63, 59, 17167, 63, 389, 18283, 284, 198, 220, 220, 220, 4296, 1058, 11018, 25, 63, 897, 63, 290, 1058, 11018, 25, 63, 86, 47671, 1058, 11018, 25, 63, 83, 15, 63, 6870, 262, 966, 286, 3599, 20430, 11, 198, 220, 220, 220, 1058, 11018, 25, 63, 59, 26591, 63, 6870, 262, 1176, 329, 2123, 64, 4296, 11, 1058, 11018, 25, 63, 897, 63, 6870, 262, 16449, 198, 220, 220, 220, 11507, 1988, 11, 1058, 11018, 25, 63, 83, 63, 6870, 262, 1459, 2239, 11, 1058, 11018, 25, 63, 70, 63, 6870, 4600, 9744, 2334, 47671, 198, 220, 220, 220, 1058, 11018, 25, 63, 86, 63, 6870, 4600, 37266, 44646, 628, 220, 220, 220, 5740, 25, 198, 220, 220, 220, 220, 220, 220, 220, 1002, 10007, 389, 407, 32824, 11, 262, 4600, 6551, 62, 12501, 323, 63, 287, 6436, 7509, 481, 307, 5625, 319, 262, 10007, 1231, 705, 31361, 6, 198, 220, 220, 220, 220, 220, 220, 220, 393, 705, 28483, 2611, 6, 287, 511, 3891, 13, 18987, 460, 1448, 10007, 284, 1487, 262, 4811, 286, 49240, 3463, 13, 1649, 10007, 198, 220, 220, 220, 220, 220, 220, 220, 389, 32824, 11, 1123, 1448, 460, 900, 4600, 6551, 62, 12501, 323, 47671, 611, 407, 11, 262, 4600, 6551, 62, 12501, 323, 63, 287, 6436, 7509, 481, 307, 5625, 13, 628, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 42287, 357, 38176, 58, 4868, 58, 36301, 4357, 1351, 58, 11600, 11907, 2599, 12039, 307, 1351, 286, 4600, 36301, 63, 393, 1351, 286, 4600, 11600, 44646, 1649, 262, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4600, 17143, 7307, 63, 318, 257, 1351, 286, 4600, 11600, 47671, 262, 366, 37266, 1600, 366, 14050, 1600, 366, 6551, 62, 12501, 323, 1600, 366, 9744, 62, 31463, 1634, 1, 290, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 2875, 62, 37266, 1, 389, 262, 8251, 460, 307, 44267, 13, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 532, 42287, 25, 20906, 13, 40117, 287, 1459, 1448, 13, 383, 1988, 1276, 307, 257, 1351, 286, 4600, 36301, 44646, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 532, 300, 81, 25, 32233, 13, 1002, 366, 14050, 1, 287, 262, 8251, 11, 262, 1988, 286, 11188, 4673, 2494, 481, 307, 973, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1002, 407, 11, 262, 4600, 40684, 62, 4873, 63, 287, 6436, 7509, 481, 307, 973, 13, 10832, 290, 8925, 4673, 2494, 389, 4855, 13, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 532, 3463, 62, 12501, 323, 25, 32233, 13, 1002, 366, 6551, 62, 12501, 323, 1, 287, 262, 8251, 11, 262, 1988, 286, 11188, 3463, 22119, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 481, 307, 973, 13, 1002, 407, 11, 262, 4600, 6551, 62, 12501, 323, 63, 287, 262, 6436, 7509, 481, 307, 973, 13, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 532, 3915, 62, 31463, 1634, 25, 32233, 13, 12039, 307, 41146, 13, 1002, 366, 9744, 62, 31463, 1634, 1, 318, 287, 262, 8251, 11, 262, 900, 1988, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 481, 307, 973, 13, 1002, 407, 11, 262, 4600, 9744, 62, 31463, 1634, 63, 318, 10352, 416, 4277, 13, 770, 8398, 691, 2499, 319, 262, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3063, 2122, 7679, 13, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 532, 1502, 62, 37266, 25, 32233, 13, 1649, 10007, 318, 32824, 11, 428, 3221, 318, 973, 284, 5529, 262, 1502, 286, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 10007, 326, 4120, 287, 262, 3127, 284, 2987, 2854, 13, 383, 1988, 815, 307, 10007, 3025, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1502, 481, 307, 3940, 287, 6436, 7509, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1002, 4600, 2875, 62, 37266, 63, 287, 262, 8251, 11, 584, 8251, 481, 307, 9514, 290, 262, 5002, 286, 705, 2875, 62, 37266, 6, 1276, 307, 287, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 530, 1448, 286, 4600, 37266, 44646, 628, 220, 220, 220, 220, 220, 220, 220, 4673, 62, 4873, 357, 38176, 58, 22468, 11, 493, 11, 309, 22854, 11, 40806, 540, 11, 18252, 32184, 27054, 5950, 60, 2599, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 532, 12178, 25, 383, 5969, 4673, 2494, 1988, 13, 12039, 307, 4961, 284, 393, 3744, 621, 657, 13, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 532, 493, 25, 383, 5969, 4673, 2494, 1988, 13, 12039, 307, 4961, 284, 393, 3744, 621, 657, 13, 632, 481, 307, 11513, 284, 12178, 13, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 532, 309, 22854, 25, 6363, 1988, 815, 307, 257, 16578, 283, 393, 257, 352, 12, 35, 15879, 13, 1114, 16578, 283, 11, 5969, 4673, 2494, 481, 307, 5625, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1114, 15879, 11, 4673, 2494, 318, 8925, 11, 788, 262, 1312, 12, 400, 2239, 481, 1011, 262, 1312, 12, 400, 1988, 355, 262, 4673, 2494, 13, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 532, 40806, 540, 25, 18252, 2494, 318, 8925, 13, 383, 1312, 12, 400, 2239, 481, 1011, 262, 1312, 12, 400, 1988, 355, 262, 4673, 2494, 13, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 532, 18252, 32184, 27054, 5950, 25, 18252, 2494, 318, 8925, 13, 5856, 3047, 11, 262, 6436, 7509, 3848, 262, 4554, 286, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 18252, 32184, 27054, 5950, 351, 2239, 355, 262, 5128, 284, 651, 262, 4673, 2494, 286, 1459, 2239, 13, 628, 220, 220, 220, 220, 220, 220, 220, 19343, 67, 357, 22468, 2599, 383, 22119, 3381, 13, 15161, 25, 352, 68, 12, 19, 13, 198, 220, 220, 220, 220, 220, 220, 220, 17130, 357, 22468, 2599, 383, 1176, 329, 2123, 64, 4296, 13, 15161, 25, 657, 13, 2425, 13, 198, 220, 220, 220, 220, 220, 220, 220, 256, 15, 357, 22468, 2599, 383, 966, 286, 3599, 20430, 13, 15161, 25, 352, 68, 21, 13, 198, 220, 220, 220, 220, 220, 220, 220, 3463, 62, 12501, 323, 357, 600, 11, 12178, 2599, 14331, 22119, 357, 43, 17, 7389, 737, 632, 1276, 307, 4961, 284, 393, 3744, 621, 657, 13, 15161, 25, 657, 13, 15, 13, 628, 220, 220, 220, 23412, 82, 25, 198, 220, 220, 220, 220, 220, 220, 220, 532, 12429, 9744, 2334, 1174, 357, 83, 29291, 58, 51, 22854, 12962, 532, 383, 3915, 2334, 286, 4600, 37266, 47671, 262, 5485, 318, 262, 976, 355, 4600, 37266, 44646, 628, 220, 220, 220, 25235, 82, 25, 198, 220, 220, 220, 220, 220, 220, 220, 309, 22854, 58, 30388, 4357, 262, 1988, 318, 6407, 13, 628, 220, 220, 220, 7567, 2696, 25, 198, 220, 220, 220, 220, 220, 220, 220, 5994, 12331, 25, 1002, 4600, 40684, 62, 4873, 63, 318, 407, 530, 286, 493, 11, 12178, 11, 309, 22854, 11, 40806, 540, 11, 18252, 32184, 27054, 5950, 13, 198, 220, 220, 220, 220, 220, 220, 220, 5994, 12331, 25, 1002, 5002, 286, 4600, 17143, 7307, 63, 318, 6159, 25139, 2357, 4249, 8633, 13, 198, 220, 220, 220, 220, 220, 220, 220, 5994, 12331, 25, 1002, 4600, 2543, 17457, 47671, 4600, 26591, 63, 393, 4600, 83, 15, 63, 318, 407, 257, 12178, 13, 198, 220, 220, 220, 220, 220, 220, 220, 5994, 12331, 25, 1002, 4600, 6551, 62, 12501, 323, 63, 318, 6159, 12178, 4249, 493, 13, 198, 220, 220, 220, 220, 220, 220, 220, 11052, 12331, 25, 1002, 4600, 6551, 62, 12501, 323, 63, 318, 1342, 621, 657, 13, 628, 220, 220, 220, 36848, 19193, 82, 25, 198, 220, 220, 220, 220, 220, 220, 220, 7559, 32, 1416, 437, 15506, 7559, 33346, 15506, 7559, 36037, 15506, 628, 220, 220, 220, 21066, 25, 198, 220, 220, 220, 220, 220, 220, 220, 13163, 422, 2000, 2777, 382, 1330, 299, 77, 11, 9104, 198, 220, 220, 220, 220, 220, 220, 220, 13163, 198, 220, 220, 220, 220, 220, 220, 220, 13163, 2010, 796, 3433, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 13163, 1303, 16, 8, 1439, 10007, 779, 262, 976, 4673, 2494, 290, 3463, 22119, 198, 220, 220, 220, 220, 220, 220, 220, 13163, 6436, 796, 299, 77, 13, 1921, 45113, 7, 37266, 28, 3262, 13, 27432, 540, 62, 37266, 28955, 198, 220, 220, 220, 220, 220, 220, 220, 13163, 198, 220, 220, 220, 220, 220, 220, 220, 13163, 1303, 17, 8, 5765, 11507, 2628, 290, 900, 1180, 3815, 198, 220, 220, 220, 220, 220, 220, 220, 13163, 3063, 62, 37266, 796, 1351, 7, 24455, 7, 50033, 2124, 25, 705, 42946, 6, 287, 2124, 13, 3672, 11, 2010, 13, 27432, 540, 62, 37266, 3419, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 13163, 645, 62, 42946, 62, 37266, 796, 1351, 7, 24455, 7, 50033, 2124, 25, 705, 42946, 6, 407, 287, 2124, 13, 3672, 11, 2010, 13, 27432, 540, 62, 37266, 3419, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 13163, 1448, 62, 37266, 796, 685, 90, 6, 37266, 10354, 3063, 62, 37266, 4032, 9744, 62, 31463, 1634, 10354, 17821, 5512, 198, 220, 220, 220, 220, 220, 220, 220, 2644, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1391, 6, 37266, 10354, 645, 62, 42946, 62, 37266, 11, 705, 14050, 10354, 657, 13, 486, 5512, 198, 220, 220, 220, 220, 220, 220, 220, 2644, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1391, 6, 2875, 62, 37266, 10354, 2010, 13, 27432, 540, 62, 37266, 3419, 92, 60, 198, 220, 220, 220, 220, 220, 220, 220, 13163, 6436, 796, 299, 77, 13, 1921, 45113, 7, 8094, 62, 37266, 11, 4673, 62, 4873, 28, 15, 13, 16, 11, 3463, 62, 12501, 323, 28, 15, 13, 15, 8, 198, 220, 220, 220, 220, 220, 220, 220, 13163, 1303, 383, 3063, 62, 37266, 338, 10007, 481, 779, 4277, 4673, 2494, 286, 657, 13, 16, 4277, 3463, 22119, 286, 657, 13, 15, 290, 3915, 198, 220, 220, 220, 220, 220, 220, 220, 13163, 1303, 4318, 1634, 286, 6407, 13, 198, 220, 220, 220, 220, 220, 220, 220, 13163, 1303, 383, 645, 62, 42946, 62, 37266, 338, 10007, 481, 779, 4673, 2494, 286, 657, 13, 486, 290, 4277, 3463, 22119, 286, 657, 13, 15, 290, 3915, 198, 220, 220, 220, 220, 220, 220, 220, 13163, 1303, 4318, 1634, 286, 10352, 13, 198, 220, 220, 220, 220, 220, 220, 220, 13163, 1303, 383, 2457, 10007, 1502, 287, 543, 262, 6436, 7509, 481, 307, 3940, 318, 262, 1988, 286, 705, 2875, 62, 37266, 4458, 198, 220, 220, 220, 220, 220, 220, 220, 13163, 198, 220, 220, 220, 220, 220, 220, 220, 13163, 2994, 796, 299, 77, 13, 18380, 9806, 21544, 14539, 28338, 3152, 11187, 896, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 13163, 2746, 796, 9104, 7, 3262, 11, 2994, 62, 22184, 28, 22462, 11, 6436, 7509, 28, 40085, 8, 198, 220, 220, 220, 37227, 628, 220, 220, 220, 2488, 8738, 62, 15003, 62, 22046, 62, 30238, 198 ]
2.801037
2,508
import multiprocessing print("cpu count is", multiprocessing.cpu_count())
[ 11748, 18540, 305, 919, 278, 198, 4798, 7203, 36166, 954, 318, 1600, 18540, 305, 919, 278, 13, 36166, 62, 9127, 28955, 198 ]
3.363636
22
from abc import ABCMeta, abstractmethod
[ 6738, 450, 66, 1330, 9738, 48526, 11, 12531, 24396, 628 ]
4.1
10
import json import lzma import struct import logging from typing import Tuple, Iterator, List from lzma import LZMAError, LZMADecompressor from toolkit.uf2.uf2 import UF2 log = logging.getLogger(__name__)
[ 11748, 33918, 198, 11748, 300, 89, 2611, 198, 11748, 2878, 198, 11748, 18931, 198, 6738, 19720, 1330, 309, 29291, 11, 40806, 1352, 11, 7343, 198, 6738, 300, 89, 2611, 1330, 406, 57, 5673, 12331, 11, 406, 57, 44, 2885, 721, 3361, 44292, 198, 198, 6738, 2891, 15813, 13, 3046, 17, 13, 3046, 17, 1330, 471, 37, 17, 198, 198, 6404, 796, 18931, 13, 1136, 11187, 1362, 7, 834, 3672, 834, 8, 628 ]
2.888889
72
#!/usr/bin/env python3 import unittest from collections import OrderedDict from thrift.test.sample_structs.ttypes import DummyStruct, Struct from thrift.util import struct_to_dict
[ 2, 48443, 14629, 14, 8800, 14, 24330, 21015, 18, 198, 11748, 555, 715, 395, 198, 6738, 17268, 1330, 14230, 1068, 35, 713, 198, 198, 6738, 5636, 2135, 13, 9288, 13, 39873, 62, 7249, 82, 13, 83, 19199, 1330, 360, 13513, 44909, 11, 32112, 198, 6738, 5636, 2135, 13, 22602, 1330, 2878, 62, 1462, 62, 11600, 628 ]
3.25
56
import os from abc import abstractmethod from collections.abc import Sequence from ..options_merger import OptionsMerger
[ 11748, 28686, 198, 6738, 450, 66, 1330, 12531, 24396, 198, 6738, 17268, 13, 39305, 1330, 45835, 198, 198, 6738, 11485, 25811, 62, 647, 1362, 1330, 18634, 13102, 1362, 628 ]
4.241379
29
# Copyright © 2021 Ingram Micro Inc. All rights reserved. import sys from dj_cqrs.constants import NO_QUEUE from dj_cqrs.management.commands.cqrs_sync import Command as SyncCommand from dj_cqrs.registries import MasterRegistry from django.core.management.base import BaseCommand, CommandError
[ 2, 220, 15069, 10673, 33448, 44211, 4527, 3457, 13, 1439, 2489, 10395, 13, 198, 198, 11748, 25064, 198, 198, 6738, 42625, 62, 66, 80, 3808, 13, 9979, 1187, 1330, 8005, 62, 48, 8924, 8924, 198, 6738, 42625, 62, 66, 80, 3808, 13, 27604, 13, 9503, 1746, 13, 66, 80, 3808, 62, 27261, 1330, 9455, 355, 35908, 21575, 198, 6738, 42625, 62, 66, 80, 3808, 13, 2301, 32995, 1330, 5599, 8081, 4592, 198, 198, 6738, 42625, 14208, 13, 7295, 13, 27604, 13, 8692, 1330, 7308, 21575, 11, 9455, 12331, 628 ]
3.348315
89
import torch from .misc import config_to_string def _load_pretraining_dict(model, state_dict): """Load state dictionary from a pre-training snapshot This is an even less strict version of `model.load_state_dict(..., False)`, which also ignores parameters from `state_dict` that don't have the same shapes as the corresponding ones in `model`. This is useful when loading from pre-trained models that are trained on different datasets. Parameters ---------- model : torch.nn.Model Target model state_dict : dict Dictionary of model parameters """ model_sd = model.state_dict() for k, v in model_sd.items(): if k in state_dict: if v.shape != state_dict[k].shape: del state_dict[k] model.load_state_dict(state_dict, False)
[ 11748, 28034, 198, 198, 6738, 764, 44374, 1330, 4566, 62, 1462, 62, 8841, 628, 628, 198, 198, 4299, 4808, 2220, 62, 5310, 24674, 62, 11600, 7, 19849, 11, 1181, 62, 11600, 2599, 198, 220, 220, 220, 37227, 8912, 1181, 22155, 422, 257, 662, 12, 34409, 27479, 628, 220, 220, 220, 770, 318, 281, 772, 1342, 7646, 2196, 286, 4600, 19849, 13, 2220, 62, 5219, 62, 11600, 7, 986, 11, 10352, 8, 47671, 543, 635, 24245, 10007, 422, 198, 220, 220, 220, 4600, 5219, 62, 11600, 63, 326, 836, 470, 423, 262, 976, 15268, 355, 262, 11188, 3392, 287, 4600, 19849, 44646, 770, 318, 4465, 618, 11046, 198, 220, 220, 220, 422, 662, 12, 35311, 4981, 326, 389, 8776, 319, 1180, 40522, 13, 628, 220, 220, 220, 40117, 198, 220, 220, 220, 24200, 438, 198, 220, 220, 220, 2746, 1058, 28034, 13, 20471, 13, 17633, 198, 220, 220, 220, 220, 220, 220, 220, 12744, 2746, 198, 220, 220, 220, 1181, 62, 11600, 1058, 8633, 198, 220, 220, 220, 220, 220, 220, 220, 28261, 286, 2746, 10007, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 2746, 62, 21282, 796, 2746, 13, 5219, 62, 11600, 3419, 628, 220, 220, 220, 329, 479, 11, 410, 287, 2746, 62, 21282, 13, 23814, 33529, 198, 220, 220, 220, 220, 220, 220, 220, 611, 479, 287, 1181, 62, 11600, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 410, 13, 43358, 14512, 1181, 62, 11600, 58, 74, 4083, 43358, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1619, 1181, 62, 11600, 58, 74, 60, 628, 220, 220, 220, 2746, 13, 2220, 62, 5219, 62, 11600, 7, 5219, 62, 11600, 11, 10352, 8, 198 ]
2.852234
291
# import tensorflow as tf # def get_pretrained_classfier(path = '/home/jupyter-ivanljh123/Simulating-Brain-signal-to-control-Hand-Movement-using-GPT2/pretrained/09_0.92'): # #load pretrained model # model = tf.keras.models.load_model(path) # model.trainable = False # return model import mne import numpy as np import os import os.path as op import matplotlib.pyplot as plt import nibabel as nib from mne.datasets import sample from mne.minimum_norm import make_inverse_operator, apply_inverse_epochs from mne.datasets import fetch_fsaverage import scipy.io from scipy.io import loadmat from scipy.spatial import Delaunay import PIL from PIL import Image import datetime import tensorflow as tf import tfplot from tensorflow.python.ops.numpy_ops import np_config np_config.enable_numpy_behavior() from tensorflow import keras from keras.preprocessing.image import ImageDataGenerator from keras import Sequential from keras.layers import Conv2D, MaxPool2D, GlobalAveragePooling2D, Dense, Flatten, Concatenate, BatchNormalization, Dropout, Input from keras.layers.merge import concatenate from tensorflow.keras.optimizers import Adam from sklearn.metrics import accuracy_score, precision_score, recall_score, f1_score from sklearn.model_selection import StratifiedKFold import gc DIRECTORY_PATH = os.getcwd() @tfplot.autowrap()
[ 198, 198, 2, 1330, 11192, 273, 11125, 355, 48700, 198, 198, 2, 825, 651, 62, 5310, 13363, 62, 4871, 69, 959, 7, 6978, 796, 31051, 11195, 14, 73, 929, 88, 353, 12, 13809, 75, 73, 71, 10163, 14, 8890, 8306, 12, 44687, 12, 12683, 282, 12, 1462, 12, 13716, 12, 12885, 12, 21774, 434, 12, 3500, 12, 38, 11571, 17, 14, 5310, 13363, 14, 2931, 62, 15, 13, 5892, 6, 2599, 198, 2, 220, 220, 220, 220, 1303, 2220, 2181, 13363, 2746, 198, 2, 220, 220, 220, 220, 2746, 796, 48700, 13, 6122, 292, 13, 27530, 13, 2220, 62, 19849, 7, 6978, 8, 198, 2, 220, 220, 220, 220, 2746, 13, 27432, 540, 796, 10352, 198, 198, 2, 220, 220, 220, 220, 1441, 2746, 628, 198, 198, 11748, 285, 710, 198, 11748, 299, 32152, 355, 45941, 198, 11748, 28686, 198, 11748, 28686, 13, 6978, 355, 1034, 198, 11748, 2603, 29487, 8019, 13, 9078, 29487, 355, 458, 83, 198, 11748, 33272, 9608, 355, 33272, 198, 6738, 285, 710, 13, 19608, 292, 1039, 1330, 6291, 198, 6738, 285, 710, 13, 39504, 62, 27237, 1330, 787, 62, 259, 4399, 62, 46616, 11, 4174, 62, 259, 4399, 62, 538, 5374, 82, 198, 6738, 285, 710, 13, 19608, 292, 1039, 1330, 21207, 62, 9501, 23913, 198, 11748, 629, 541, 88, 13, 952, 198, 6738, 629, 541, 88, 13, 952, 1330, 3440, 6759, 198, 6738, 629, 541, 88, 13, 2777, 34961, 1330, 4216, 1942, 323, 198, 11748, 350, 4146, 198, 6738, 350, 4146, 1330, 7412, 198, 11748, 4818, 8079, 198, 11748, 11192, 273, 11125, 355, 48700, 198, 11748, 48700, 29487, 198, 6738, 11192, 273, 11125, 13, 29412, 13, 2840, 13, 77, 32152, 62, 2840, 1330, 45941, 62, 11250, 198, 37659, 62, 11250, 13, 21633, 62, 77, 32152, 62, 46571, 3419, 198, 6738, 11192, 273, 11125, 1330, 41927, 292, 198, 6738, 41927, 292, 13, 3866, 36948, 13, 9060, 1330, 7412, 6601, 8645, 1352, 198, 6738, 41927, 292, 1330, 24604, 1843, 198, 6738, 41927, 292, 13, 75, 6962, 1330, 34872, 17, 35, 11, 5436, 27201, 17, 35, 11, 8060, 26287, 27201, 278, 17, 35, 11, 360, 1072, 11, 1610, 41769, 11, 1482, 9246, 268, 378, 11, 347, 963, 26447, 1634, 11, 14258, 448, 11, 23412, 198, 6738, 41927, 292, 13, 75, 6962, 13, 647, 469, 1330, 1673, 36686, 378, 198, 6738, 11192, 273, 11125, 13, 6122, 292, 13, 40085, 11341, 1330, 7244, 198, 198, 6738, 1341, 35720, 13, 4164, 10466, 1330, 9922, 62, 26675, 11, 15440, 62, 26675, 11, 10014, 62, 26675, 11, 277, 16, 62, 26675, 198, 6738, 1341, 35720, 13, 19849, 62, 49283, 1330, 29186, 1431, 42, 37, 727, 198, 11748, 308, 66, 198, 198, 17931, 23988, 15513, 62, 34219, 796, 28686, 13, 1136, 66, 16993, 3419, 198, 198, 31, 27110, 29487, 13, 2306, 322, 2416, 3419 ]
2.930586
461
import random from selenium.webdriver.common.by import By from ui_test.page.base_page import BasePage
[ 11748, 4738, 198, 6738, 384, 11925, 1505, 13, 12384, 26230, 13, 11321, 13, 1525, 1330, 2750, 198, 6738, 334, 72, 62, 9288, 13, 7700, 13, 8692, 62, 7700, 1330, 7308, 9876, 628 ]
3.21875
32
# -------------------------------------------------------- # Fast R-CNN # Copyright (c) 2015 Microsoft # Licensed under The MIT License [see LICENSE_fast_rcnn for details] # Written by Ross Girshick # -------------------------------------------------------- import numpy as np from distutils.core import setup from distutils.extension import Extension from Cython.Distutils import build_ext cmdclass = {} ext_modules = [ Extension( "cython_bbox", ["bbox.pyx"], extra_compile_args=["-Wno-cpp", "-Wno-unused-function"], ) ] cmdclass.update({'build_ext': build_ext}) setup( name='fast_rcnn', cmdclass=cmdclass, ext_modules=ext_modules, include_dirs=[np.get_include()] )
[ 2, 20368, 22369, 198, 2, 12549, 371, 12, 18474, 198, 2, 15069, 357, 66, 8, 1853, 5413, 198, 2, 49962, 739, 383, 17168, 13789, 685, 3826, 38559, 24290, 62, 7217, 62, 6015, 20471, 329, 3307, 60, 198, 2, 22503, 416, 9847, 23837, 1477, 624, 198, 2, 20368, 22369, 198, 198, 11748, 299, 32152, 355, 45941, 198, 6738, 1233, 26791, 13, 7295, 1330, 9058, 198, 6738, 1233, 26791, 13, 2302, 3004, 1330, 27995, 198, 6738, 327, 7535, 13, 20344, 26791, 1330, 1382, 62, 2302, 198, 198, 28758, 4871, 796, 23884, 198, 2302, 62, 18170, 796, 685, 198, 220, 220, 220, 27995, 7, 198, 220, 220, 220, 220, 220, 220, 220, 366, 948, 400, 261, 62, 65, 3524, 1600, 198, 220, 220, 220, 220, 220, 220, 220, 14631, 65, 3524, 13, 9078, 87, 33116, 198, 220, 220, 220, 220, 220, 220, 220, 3131, 62, 5589, 576, 62, 22046, 28, 14692, 12, 54, 3919, 12, 20322, 1600, 27444, 54, 3919, 12, 403, 1484, 12, 8818, 33116, 198, 220, 220, 220, 1267, 198, 60, 198, 28758, 4871, 13, 19119, 15090, 6, 11249, 62, 2302, 10354, 1382, 62, 2302, 30072, 198, 198, 40406, 7, 198, 220, 220, 220, 1438, 11639, 7217, 62, 6015, 20471, 3256, 198, 220, 220, 220, 23991, 4871, 28, 28758, 4871, 11, 198, 220, 220, 220, 1070, 62, 18170, 28, 2302, 62, 18170, 11, 198, 220, 220, 220, 2291, 62, 15908, 82, 41888, 37659, 13, 1136, 62, 17256, 3419, 60, 198, 8, 198 ]
2.979253
241
#!/usr/bin/env python # coding: utf-8 # In[ ]: # This Python 3 environment comes with many helpful analytics libraries installed # It is defined by the kaggle/python docker image: https://github.com/kaggle/docker-python # For example, here's several helpful packages to load in import numpy as np # linear algebra import pandas as pd # data processing, CSV file I/O (e.g. pd.read_csv) import matplotlib.pyplot as plt import seaborn as sns # Input data files are available in the "../input/" directory. # For example, running this (by clicking run or pressing Shift+Enter) will list the files in the input directory from subprocess import check_output from sklearn.model_selection import train_test_split from sklearn import metrics from sklearn.model_selection import cross_val_score from sklearn.ensemble import RandomForestClassifier from sklearn import model_selection print(check_output(["ls", "../input"]).decode("utf8")) from sklearn.linear_model import LinearRegression # Any results you write to the current directory are saved as output. # **Loading dataset into pandas dataframe** # In[ ]: shanghai = pd.read_csv('../input/shanghaiData.csv') # Checking for datatypes of columns # In[ ]: print(shanghai.dtypes) # **Splitting dataset into Training data and Test data** # In[ ]: X = shanghai[['alumni','award','hici','ns','pub','pcp']] y = shanghai.total_score X = X.fillna(method='ffill') y = y.fillna(method='ffill') X_train, X_test, y_train, y_test = train_test_split(X, y,test_size=0.25) # * **Applying Linear Regression and fitting data on a straing line.** # * Predicting the test data. # In[ ]: reg = LinearRegression() reg.fit(X_train,y_train) y_pred = reg.predict(X_test) # **Printing the score and other variables on the straight line** # In[ ]: print('Scoring =',reg.score(X_train,y_train)) print('Coefficient :',reg.coef_) print('Intercept :',reg.intercept_) # **Printing scores of metrics** # In[ ]: print('Root Mean Square Error =',np.sqrt(metrics.mean_squared_error(y_test, y_pred))) print('Mean Absolute Error =',metrics.mean_absolute_error(y_test, y_pred)) print('Mean Square Error =',metrics.mean_squared_error(y_test, y_pred)) print('R^2 =',metrics.r2_score(y_test, y_pred)) # **Printing scores of metrics using K fold cross validation** # In[ ]: kfold = model_selection.KFold(n_splits=10, random_state=7) scoring = 'neg_mean_absolute_error' results = cross_val_score(reg, X, y, cv=kfold, scoring=scoring) print("Mean Absolute Error: %.3f (%.3f)" % (results.mean(), results.std())) # In[ ]: scoring = 'neg_mean_squared_error' results = model_selection.cross_val_score(reg, X, y, cv=kfold, scoring=scoring) print("Mean Squared Error: %.3f (%.3f)" % (results.mean(), results.std())) # In[ ]: scoring = 'r2' results = model_selection.cross_val_score(reg, X, y, cv=kfold, scoring=scoring) print("R^2: %.3f (%.3f)" % (results.mean(), results.std()))
[ 2, 48443, 14629, 14, 8800, 14, 24330, 21015, 198, 2, 19617, 25, 3384, 69, 12, 23, 198, 198, 2, 554, 58, 2361, 25, 628, 198, 2, 770, 11361, 513, 2858, 2058, 351, 867, 7613, 23696, 12782, 6589, 198, 2, 632, 318, 5447, 416, 262, 479, 9460, 293, 14, 29412, 36253, 2939, 25, 3740, 1378, 12567, 13, 785, 14, 74, 9460, 293, 14, 45986, 12, 29412, 198, 2, 1114, 1672, 11, 994, 338, 1811, 7613, 10392, 284, 3440, 287, 220, 198, 198, 11748, 299, 32152, 355, 45941, 1303, 14174, 37139, 198, 11748, 19798, 292, 355, 279, 67, 1303, 1366, 7587, 11, 44189, 2393, 314, 14, 46, 357, 68, 13, 70, 13, 279, 67, 13, 961, 62, 40664, 8, 198, 11748, 2603, 29487, 8019, 13, 9078, 29487, 355, 458, 83, 198, 11748, 384, 397, 1211, 355, 3013, 82, 198, 198, 2, 23412, 1366, 3696, 389, 1695, 287, 262, 366, 40720, 15414, 30487, 8619, 13, 198, 2, 1114, 1672, 11, 2491, 428, 357, 1525, 12264, 1057, 393, 12273, 15576, 10, 17469, 8, 481, 1351, 262, 3696, 287, 262, 5128, 8619, 198, 198, 6738, 850, 14681, 1330, 2198, 62, 22915, 198, 6738, 1341, 35720, 13, 19849, 62, 49283, 1330, 4512, 62, 9288, 62, 35312, 198, 6738, 1341, 35720, 1330, 20731, 198, 6738, 1341, 35720, 13, 19849, 62, 49283, 1330, 3272, 62, 2100, 62, 26675, 198, 6738, 1341, 35720, 13, 1072, 11306, 1330, 14534, 34605, 9487, 7483, 198, 6738, 1341, 35720, 1330, 2746, 62, 49283, 198, 198, 4798, 7, 9122, 62, 22915, 7, 14692, 7278, 1600, 366, 40720, 15414, 8973, 737, 12501, 1098, 7203, 40477, 23, 48774, 198, 6738, 1341, 35720, 13, 29127, 62, 19849, 1330, 44800, 8081, 2234, 198, 2, 4377, 2482, 345, 3551, 284, 262, 1459, 8619, 389, 7448, 355, 5072, 13, 628, 198, 2, 12429, 19031, 27039, 656, 19798, 292, 1366, 14535, 1174, 198, 198, 2, 554, 58, 2361, 25, 628, 198, 1477, 272, 20380, 796, 279, 67, 13, 961, 62, 40664, 10786, 40720, 15414, 14, 1477, 272, 20380, 6601, 13, 40664, 11537, 628, 198, 2, 39432, 329, 4818, 265, 9497, 286, 15180, 198, 198, 2, 554, 58, 2361, 25, 628, 198, 4798, 7, 1477, 272, 20380, 13, 67, 19199, 8, 628, 198, 2, 12429, 26568, 2535, 27039, 656, 13614, 1366, 290, 6208, 1366, 1174, 198, 198, 2, 554, 58, 2361, 25, 628, 198, 55, 796, 427, 272, 20380, 58, 17816, 282, 25402, 41707, 707, 446, 41707, 71, 44070, 41707, 5907, 41707, 12984, 41707, 79, 13155, 6, 11907, 198, 88, 796, 427, 272, 20380, 13, 23350, 62, 26675, 198, 55, 796, 1395, 13, 20797, 2616, 7, 24396, 11639, 487, 359, 11537, 198, 88, 796, 331, 13, 20797, 2616, 7, 24396, 11639, 487, 359, 11537, 198, 55, 62, 27432, 11, 1395, 62, 9288, 11, 331, 62, 27432, 11, 331, 62, 9288, 796, 4512, 62, 9288, 62, 35312, 7, 55, 11, 331, 11, 9288, 62, 7857, 28, 15, 13, 1495, 8, 628, 198, 2, 1635, 12429, 4677, 3157, 44800, 3310, 2234, 290, 15830, 1366, 319, 257, 3534, 278, 1627, 13, 1174, 198, 2, 1635, 49461, 278, 262, 1332, 1366, 13, 198, 198, 2, 554, 58, 2361, 25, 628, 198, 2301, 796, 44800, 8081, 2234, 3419, 198, 2301, 13, 11147, 7, 55, 62, 27432, 11, 88, 62, 27432, 8, 198, 88, 62, 28764, 796, 842, 13, 79, 17407, 7, 55, 62, 9288, 8, 628, 198, 2, 12429, 18557, 278, 262, 4776, 290, 584, 9633, 319, 262, 3892, 1627, 1174, 198, 198, 2, 554, 58, 2361, 25, 628, 198, 4798, 10786, 3351, 3255, 796, 3256, 2301, 13, 26675, 7, 55, 62, 27432, 11, 88, 62, 27432, 4008, 198, 4798, 10786, 34, 2577, 5632, 1058, 3256, 2301, 13, 1073, 891, 62, 8, 198, 4798, 10786, 9492, 984, 1058, 3256, 2301, 13, 3849, 984, 62, 8, 628, 198, 2, 12429, 18557, 278, 8198, 286, 20731, 1174, 198, 198, 2, 554, 58, 2361, 25, 628, 198, 4798, 10786, 30016, 22728, 9276, 13047, 796, 3256, 37659, 13, 31166, 17034, 7, 4164, 10466, 13, 32604, 62, 16485, 1144, 62, 18224, 7, 88, 62, 9288, 11, 331, 62, 28764, 22305, 198, 4798, 10786, 5308, 272, 36532, 13047, 796, 3256, 4164, 10466, 13, 32604, 62, 48546, 62, 18224, 7, 88, 62, 9288, 11, 331, 62, 28764, 4008, 198, 4798, 10786, 5308, 272, 9276, 13047, 796, 3256, 4164, 10466, 13, 32604, 62, 16485, 1144, 62, 18224, 7, 88, 62, 9288, 11, 331, 62, 28764, 4008, 198, 4798, 10786, 49, 61, 17, 796, 3256, 4164, 10466, 13, 81, 17, 62, 26675, 7, 88, 62, 9288, 11, 331, 62, 28764, 4008, 628, 198, 2, 12429, 18557, 278, 8198, 286, 20731, 1262, 509, 5591, 3272, 21201, 1174, 198, 198, 2, 554, 58, 2361, 25, 628, 198, 74, 11379, 796, 2746, 62, 49283, 13, 42, 37, 727, 7, 77, 62, 22018, 896, 28, 940, 11, 4738, 62, 5219, 28, 22, 8, 198, 46536, 796, 705, 12480, 62, 32604, 62, 48546, 62, 18224, 6, 198, 43420, 796, 3272, 62, 2100, 62, 26675, 7, 2301, 11, 1395, 11, 331, 11, 269, 85, 28, 74, 11379, 11, 9689, 28, 46536, 8, 198, 4798, 7203, 5308, 272, 36532, 13047, 25, 4064, 13, 18, 69, 357, 7225, 18, 69, 16725, 4064, 357, 43420, 13, 32604, 22784, 2482, 13, 19282, 3419, 4008, 628, 198, 2, 554, 58, 2361, 25, 628, 198, 46536, 796, 705, 12480, 62, 32604, 62, 16485, 1144, 62, 18224, 6, 198, 43420, 796, 2746, 62, 49283, 13, 19692, 62, 2100, 62, 26675, 7, 2301, 11, 1395, 11, 331, 11, 269, 85, 28, 74, 11379, 11, 9689, 28, 46536, 8, 198, 4798, 7203, 5308, 272, 5056, 1144, 13047, 25, 4064, 13, 18, 69, 357, 7225, 18, 69, 16725, 4064, 357, 43420, 13, 32604, 22784, 2482, 13, 19282, 3419, 4008, 628, 198, 2, 554, 58, 2361, 25, 628, 198, 46536, 796, 705, 81, 17, 6, 198, 43420, 796, 2746, 62, 49283, 13, 19692, 62, 2100, 62, 26675, 7, 2301, 11, 1395, 11, 331, 11, 269, 85, 28, 74, 11379, 11, 9689, 28, 46536, 8, 198, 4798, 7203, 49, 61, 17, 25, 4064, 13, 18, 69, 357, 7225, 18, 69, 16725, 4064, 357, 43420, 13, 32604, 22784, 2482, 13, 19282, 3419, 4008, 628 ]
2.896928
1,009
import logging import pathlib import pkg_resources from mopidy import config, ext __version__ = pkg_resources.get_distribution("Mopidy-YTMusic").version logger = logging.getLogger(__name__)
[ 11748, 18931, 198, 11748, 3108, 8019, 198, 198, 11748, 279, 10025, 62, 37540, 198, 198, 6738, 285, 404, 19325, 1330, 4566, 11, 1070, 198, 198, 834, 9641, 834, 796, 279, 10025, 62, 37540, 13, 1136, 62, 17080, 3890, 7203, 44, 404, 19325, 12, 56, 51, 22648, 11074, 9641, 198, 198, 6404, 1362, 796, 18931, 13, 1136, 11187, 1362, 7, 834, 3672, 834, 8, 628 ]
3.046875
64
from loaddata import TitanicData, HousePriceData, CervicalCancerData from models import Classifier, Regressor import json import os import argparse if __name__ == '__main__': # arguments parser = argparse.ArgumentParser() parser.add_argument('--model', type=str, choices=['LR','DT','RF','XGB','DNN'], help='LR: Logistic Regression or Linear Regression / DT: Decision Tree / RF: Random Forest / XGB: XGBoost / DNN: Deep Neural Network') parser.add_argument('--dataset', type=str, choices=['titanic','house_price','bike_sharing','cervical_cancer','youtube_spam'], help='dataset category') parser.add_argument('--file_path',type=str, default='../dataset', help='dataset directory') parser.add_argument('--save_path',type=str, default='../saved_models',help='save model directory') parser.add_argument('--params_path',type=str, default='../params', help='model parameters directory') args = parser.parse_args() # file path file_path = os.path.join(args.file_path, args.dataset) # save path and name save_path = os.path.join(args.save_path, f'{args.dataset}_{args.model}') # load parameters params_path = os.path.join(args.params_path, f'{args.model}_params.json') params = json.load(open(params_path, 'r')) # model training by dataset model_train(file_path, args.dataset, args.model, save_path, **params)
[ 6738, 3440, 7890, 1330, 41184, 6601, 11, 2097, 18124, 6601, 11, 327, 712, 605, 34, 8250, 6601, 198, 6738, 4981, 1330, 5016, 7483, 11, 3310, 44292, 198, 11748, 33918, 198, 11748, 28686, 220, 198, 11748, 1822, 29572, 628, 198, 220, 220, 220, 220, 198, 361, 11593, 3672, 834, 6624, 705, 834, 12417, 834, 10354, 198, 220, 220, 220, 1303, 7159, 198, 220, 220, 220, 30751, 796, 1822, 29572, 13, 28100, 1713, 46677, 3419, 198, 220, 220, 220, 30751, 13, 2860, 62, 49140, 10786, 438, 19849, 3256, 2099, 28, 2536, 11, 7747, 28, 17816, 35972, 41707, 24544, 41707, 32754, 41707, 55, 4579, 41707, 35, 6144, 6, 4357, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1037, 11639, 35972, 25, 5972, 2569, 3310, 2234, 393, 44800, 3310, 2234, 1220, 24311, 25, 26423, 12200, 1220, 20445, 25, 14534, 9115, 1220, 1395, 4579, 25, 1395, 4579, 78, 455, 1220, 360, 6144, 25, 10766, 47986, 7311, 11537, 198, 220, 220, 220, 30751, 13, 2860, 62, 49140, 10786, 438, 19608, 292, 316, 3256, 2099, 28, 2536, 11, 7747, 28, 17816, 83, 18642, 291, 41707, 4803, 62, 20888, 41707, 32256, 62, 21987, 41707, 66, 712, 605, 62, 48870, 41707, 11604, 62, 2777, 321, 6, 4357, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1037, 11639, 19608, 292, 316, 6536, 11537, 198, 220, 220, 220, 30751, 13, 2860, 62, 49140, 10786, 438, 7753, 62, 6978, 3256, 4906, 28, 2536, 11, 4277, 11639, 40720, 19608, 292, 316, 3256, 1037, 11639, 19608, 292, 316, 8619, 11537, 198, 220, 220, 220, 30751, 13, 2860, 62, 49140, 10786, 438, 21928, 62, 6978, 3256, 4906, 28, 2536, 11, 4277, 11639, 40720, 82, 9586, 62, 27530, 3256, 16794, 11639, 21928, 2746, 8619, 11537, 198, 220, 220, 220, 30751, 13, 2860, 62, 49140, 10786, 438, 37266, 62, 6978, 3256, 4906, 28, 2536, 11, 4277, 11639, 40720, 37266, 3256, 1037, 11639, 19849, 10007, 8619, 11537, 198, 220, 220, 220, 26498, 796, 30751, 13, 29572, 62, 22046, 3419, 628, 220, 220, 220, 1303, 2393, 3108, 198, 220, 220, 220, 2393, 62, 6978, 796, 28686, 13, 6978, 13, 22179, 7, 22046, 13, 7753, 62, 6978, 11, 26498, 13, 19608, 292, 316, 8, 198, 220, 220, 220, 1303, 3613, 3108, 290, 1438, 198, 220, 220, 220, 3613, 62, 6978, 796, 28686, 13, 6978, 13, 22179, 7, 22046, 13, 21928, 62, 6978, 11, 277, 6, 90, 22046, 13, 19608, 292, 316, 92, 23330, 22046, 13, 19849, 92, 11537, 198, 220, 220, 220, 1303, 3440, 10007, 220, 198, 220, 220, 220, 42287, 62, 6978, 796, 28686, 13, 6978, 13, 22179, 7, 22046, 13, 37266, 62, 6978, 11, 277, 6, 90, 22046, 13, 19849, 92, 62, 37266, 13, 17752, 11537, 198, 220, 220, 220, 42287, 796, 33918, 13, 2220, 7, 9654, 7, 37266, 62, 6978, 11, 705, 81, 6, 4008, 198, 220, 220, 220, 220, 628, 220, 220, 220, 1303, 2746, 3047, 416, 27039, 198, 220, 220, 220, 2746, 62, 27432, 7, 7753, 62, 6978, 11, 26498, 13, 19608, 292, 316, 11, 26498, 13, 19849, 11, 3613, 62, 6978, 11, 12429, 37266, 8, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220 ]
2.637523
549
"Main" import sys from detection.detection import capture_video, run_detection if __name__ == '__main__': VIDEO = sys.argv[1] XML = sys.argv[2] CAP, CAR_CASCADE = capture_video(VIDEO, XML) run_detection(CAP, CAR_CASCADE)
[ 1, 13383, 1, 198, 198, 11748, 25064, 198, 6738, 13326, 13, 15255, 3213, 1330, 8006, 62, 15588, 11, 1057, 62, 15255, 3213, 198, 198, 361, 11593, 3672, 834, 6624, 705, 834, 12417, 834, 10354, 198, 220, 220, 220, 35507, 796, 25064, 13, 853, 85, 58, 16, 60, 198, 220, 220, 220, 23735, 796, 25064, 13, 853, 85, 58, 17, 60, 198, 220, 220, 220, 20176, 11, 17368, 62, 34, 42643, 19266, 796, 8006, 62, 15588, 7, 42937, 11, 23735, 8, 198, 220, 220, 220, 1057, 62, 15255, 3213, 7, 33177, 11, 17368, 62, 34, 42643, 19266, 8, 198 ]
2.438776
98
'''pyCis - Python Console Intelligence System'''
[ 7061, 6, 9078, 34, 271, 532, 11361, 24371, 9345, 4482, 7061, 6, 198, 220, 220, 220, 220 ]
3.117647
17
import os import argparse from pydub import AudioSegment from pydub.utils import make_chunks if __name__ == "__main__": parser = argparse.ArgumentParser(description="script to split audio files into chunks") parser.add_argument('--seconds', type=int, default=None, help='if set to None, then will record forever until keyboard interrupt') parser.add_argument('--audio_file_name', type=str, default=None, required=True, help='name of audio file') parser.add_argument('--save_path', type=str, default=None, required=True, help='full path to to save data. i.e. /to/path/saved_clips/') args = parser.parse_args() main(args)
[ 11748, 28686, 198, 11748, 1822, 29572, 198, 6738, 279, 5173, 549, 1330, 13491, 41030, 434, 198, 6738, 279, 5173, 549, 13, 26791, 1330, 787, 62, 354, 14125, 628, 198, 198, 361, 11593, 3672, 834, 6624, 366, 834, 12417, 834, 1298, 198, 220, 220, 220, 30751, 796, 1822, 29572, 13, 28100, 1713, 46677, 7, 11213, 2625, 12048, 284, 6626, 6597, 3696, 656, 22716, 4943, 198, 220, 220, 220, 30751, 13, 2860, 62, 49140, 10786, 438, 43012, 3256, 2099, 28, 600, 11, 4277, 28, 14202, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1037, 11639, 361, 900, 284, 6045, 11, 788, 481, 1700, 8097, 1566, 10586, 11313, 11537, 198, 220, 220, 220, 30751, 13, 2860, 62, 49140, 10786, 438, 24051, 62, 7753, 62, 3672, 3256, 2099, 28, 2536, 11, 4277, 28, 14202, 11, 2672, 28, 17821, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1037, 11639, 3672, 286, 6597, 2393, 11537, 198, 220, 220, 220, 30751, 13, 2860, 62, 49140, 10786, 438, 21928, 62, 6978, 3256, 2099, 28, 2536, 11, 4277, 28, 14202, 11, 2672, 28, 17821, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1037, 11639, 12853, 3108, 284, 284, 3613, 1366, 13, 1312, 13, 68, 13, 1220, 1462, 14, 6978, 14, 82, 9586, 62, 31945, 14, 11537, 628, 220, 220, 220, 26498, 796, 30751, 13, 29572, 62, 22046, 3419, 628, 220, 220, 220, 1388, 7, 22046, 8, 198 ]
2.584229
279
import abc from sqlparse.sql import Token from ..exceptions import SQLDecodeError from .sql_tokens import AliasableToken, SQLToken from . import query as query_module from typing import Union as U
[ 11748, 450, 66, 198, 198, 6738, 44161, 29572, 13, 25410, 1330, 29130, 198, 198, 6738, 11485, 1069, 11755, 1330, 16363, 10707, 1098, 12331, 198, 6738, 764, 25410, 62, 83, 482, 641, 1330, 978, 4448, 540, 30642, 11, 16363, 30642, 198, 6738, 764, 1330, 12405, 355, 12405, 62, 21412, 198, 6738, 19720, 1330, 4479, 355, 471, 628, 628, 628, 628, 198 ]
3.45
60
import time from print_running_function import print_running_function # Hackish method to import from another directory # Useful while xendit-python isn't released yet to the public import importlib.machinery loader = importlib.machinery.SourceFileLoader("xendit", "../xendit/__init__.py") xendit = loader.load_module("xendit")
[ 11748, 640, 201, 198, 201, 198, 6738, 3601, 62, 20270, 62, 8818, 1330, 3601, 62, 20270, 62, 8818, 201, 198, 201, 198, 2, 18281, 680, 2446, 284, 1330, 422, 1194, 8619, 201, 198, 2, 49511, 981, 2124, 437, 270, 12, 29412, 2125, 470, 2716, 1865, 284, 262, 1171, 201, 198, 11748, 1330, 8019, 13, 76, 620, 15451, 201, 198, 201, 198, 29356, 796, 1330, 8019, 13, 76, 620, 15451, 13, 37226, 17401, 7203, 87, 437, 270, 1600, 366, 40720, 87, 437, 270, 14, 834, 15003, 834, 13, 9078, 4943, 201, 198, 87, 437, 270, 796, 40213, 13, 2220, 62, 21412, 7203, 87, 437, 270, 4943, 201, 198, 201, 198, 201, 198, 201, 198, 201, 198, 201, 198 ]
3
117
############################################################################## # # Copyright (c) 2007 Zope Foundation and Contributors. # # This software is subject to the provisions of the Zope Public License, # Version 2.1 (ZPL). A copy of the ZPL should accompany this distribution. # THIS SOFTWARE IS PROVIDED "AS IS" AND ANY AND ALL EXPRESS OR IMPLIED # WARRANTIES ARE DISCLAIMED, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED # WARRANTIES OF TITLE, MERCHANTABILITY, AGAINST INFRINGEMENT, AND FITNESS # FOR A PARTICULAR PURPOSE. # ############################################################################## """ZopeLite layer """ from Testing.ZopeTestCase import utils _deferred_setup = [] class ZopeLite(object): '''The most base layer''' @classmethod def setUp(cls): '''Brings up the ZopeLite environment.''' for func, args, kw in _deferred_setup: func(*args, **kw) @classmethod def tearDown(cls): '''ZopeLite doesn't support tear down. We don't raise NotImplementedError to avoid triggering the testrunner's "resume layer" mechanism. See zope.testrunner-layers-ntd.txt ''' ZopeLiteLayer = ZopeLite def onsetup(func): '''Defers a function call to layer setup. Used as a decorator. ''' return deferred_func def appcall(func): '''Defers a function call to layer setup. Used as a decorator. In addition, this decorator implements the appcall protocol: * The decorated function expects 'app' as first argument. * If 'app' is provided by the caller, the function is called immediately. * If 'app' is omitted or None, the 'app' argument is provided by the decorator, and the function call is deferred to ZopeLite layer setup. Also see utils.appcall. ''' return appcalled_func
[ 29113, 29113, 7804, 4242, 2235, 198, 2, 198, 2, 15069, 357, 66, 8, 4343, 1168, 3008, 5693, 290, 25767, 669, 13, 198, 2, 198, 2, 770, 3788, 318, 2426, 284, 262, 8617, 286, 262, 1168, 3008, 5094, 13789, 11, 198, 2, 10628, 362, 13, 16, 357, 57, 6489, 737, 220, 317, 4866, 286, 262, 1168, 6489, 815, 13873, 428, 6082, 13, 198, 2, 12680, 47466, 3180, 36592, 2389, 1961, 366, 1921, 3180, 1, 5357, 15529, 5357, 11096, 7788, 32761, 6375, 8959, 49094, 198, 2, 34764, 11015, 15986, 13954, 48778, 1961, 11, 47783, 2751, 11, 21728, 5626, 40880, 5390, 11, 3336, 8959, 49094, 198, 2, 34764, 11015, 3963, 37977, 2538, 11, 34482, 3398, 1565, 5603, 25382, 11, 36218, 38604, 3268, 10913, 2751, 12529, 11, 5357, 376, 46144, 198, 2, 7473, 317, 16652, 2149, 37232, 33079, 48933, 13, 198, 2, 198, 29113, 29113, 7804, 4242, 2235, 198, 37811, 57, 3008, 43, 578, 7679, 198, 37811, 198, 198, 6738, 23983, 13, 57, 3008, 14402, 20448, 1330, 3384, 4487, 628, 198, 62, 4299, 17436, 62, 40406, 796, 17635, 628, 198, 4871, 1168, 3008, 43, 578, 7, 15252, 2599, 198, 220, 220, 220, 705, 7061, 464, 749, 2779, 7679, 7061, 6, 628, 220, 220, 220, 2488, 4871, 24396, 198, 220, 220, 220, 825, 900, 4933, 7, 565, 82, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 705, 7061, 9414, 654, 510, 262, 1168, 3008, 43, 578, 2858, 2637, 7061, 198, 220, 220, 220, 220, 220, 220, 220, 329, 25439, 11, 26498, 11, 479, 86, 287, 4808, 4299, 17436, 62, 40406, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 25439, 46491, 22046, 11, 12429, 46265, 8, 628, 220, 220, 220, 2488, 4871, 24396, 198, 220, 220, 220, 825, 11626, 8048, 7, 565, 82, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 705, 7061, 57, 3008, 43, 578, 1595, 470, 1104, 11626, 866, 13, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 775, 836, 470, 5298, 1892, 3546, 1154, 12061, 12331, 284, 3368, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 26555, 262, 1332, 16737, 338, 366, 411, 2454, 7679, 1, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 9030, 13, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4091, 1976, 3008, 13, 9288, 16737, 12, 75, 6962, 12, 429, 67, 13, 14116, 198, 220, 220, 220, 220, 220, 220, 220, 705, 7061, 628, 198, 57, 3008, 43, 578, 49925, 796, 1168, 3008, 43, 578, 628, 198, 4299, 21228, 929, 7, 20786, 2599, 198, 220, 220, 220, 705, 7061, 7469, 364, 257, 2163, 869, 284, 7679, 9058, 13, 198, 220, 220, 220, 220, 220, 220, 16718, 355, 257, 11705, 1352, 13, 198, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 1441, 28651, 62, 20786, 628, 198, 4299, 598, 13345, 7, 20786, 2599, 198, 220, 220, 220, 705, 7061, 7469, 364, 257, 2163, 869, 284, 7679, 9058, 13, 198, 220, 220, 220, 220, 220, 220, 16718, 355, 257, 11705, 1352, 13, 628, 220, 220, 220, 220, 220, 220, 554, 3090, 11, 428, 11705, 1352, 23986, 262, 598, 13345, 198, 220, 220, 220, 220, 220, 220, 8435, 25, 628, 220, 220, 220, 220, 220, 220, 1635, 383, 24789, 2163, 13423, 705, 1324, 6, 355, 717, 4578, 13, 628, 220, 220, 220, 220, 220, 220, 1635, 1002, 705, 1324, 6, 318, 2810, 416, 262, 24955, 11, 262, 2163, 318, 198, 220, 220, 220, 220, 220, 220, 220, 220, 1444, 3393, 13, 628, 220, 220, 220, 220, 220, 220, 1635, 1002, 705, 1324, 6, 318, 22532, 393, 6045, 11, 262, 705, 1324, 6, 4578, 318, 198, 220, 220, 220, 220, 220, 220, 220, 220, 2810, 416, 262, 11705, 1352, 11, 290, 262, 2163, 869, 318, 198, 220, 220, 220, 220, 220, 220, 220, 220, 28651, 284, 1168, 3008, 43, 578, 7679, 9058, 13, 628, 220, 220, 220, 220, 220, 220, 4418, 766, 3384, 4487, 13, 1324, 13345, 13, 198, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 1441, 598, 7174, 62, 20786, 198 ]
2.84101
673
# Copyright 2020 Google LLC # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. # This file implements a recursive subset diff between two json/dict objects. import sys import json def sdiff(actual, expected, path): """ Performs a subset diff between two python dicts. Actual is said to be a subset of expected iff: 1. Every key in Actual exists in expected, and its value is a subset of the value in expected. 2. For base values (numbers, strings, etc), the values have to be equal. 3. For lists, the two lists must be equal in length, and every element in actual must be a subset of the corresponding element in expected. 4. None values in expected are allowed to have a matching default value in actual (e.g. "", False, 0, []). Args: actual: the subset dict. expected: the super set dict. path: a string specifying the current path in the recursive sdiff. Returns: A tuple (status: bool, path: str), where status is True if actual is indeed a subset of expected, or False otherwise, and path is the empty string if actual is a subset, or the path of an element where actual disagreed with expected. When the path looks like foo/bar it means that "actual[foo][bar]" is an offending element that fails to meet the subset criteria. """ try: if expected is None and not actual: # equate default values to None return (True, "") if type(actual) != type(expected): return (False, path) if isinstance(actual, list): if len(actual) != len(expected): return (False, path) for i in range(len(actual)): status, rpath = sdiff(actual[i], expected[i], "%s/%d" % (path, i)) if not status: return (status, rpath) return (True, "") if isinstance(actual, dict): for k in actual.keys(): status, rpath = sdiff(actual[k], expected.get(k, None), "%s/%s" % (path, str(k))) if not status: return (status, rpath) return (True, "") return (actual == expected, path) except Exception as exp: return (False, "%s EXCEPTION %s" % (path, str(exp))) if __name__ == "__main__": expectedFilePath = sys.argv[1] with open(expectedFilePath) as expectedFile: expected = json.load(expectedFile) actualFilePath = sys.argv[2] with open(actualFilePath) as actualFile: actual = json.load(actualFile) status, path = sdiff(actual, expected, "") if not status: sys.exit("not subset diff! Error at path \"%s\"" % path)
[ 2, 15069, 12131, 3012, 11419, 198, 2, 198, 2, 49962, 739, 262, 24843, 13789, 11, 10628, 362, 13, 15, 357, 1169, 366, 34156, 15341, 198, 2, 345, 743, 407, 779, 428, 2393, 2845, 287, 11846, 351, 262, 13789, 13, 198, 2, 921, 743, 7330, 257, 4866, 286, 262, 13789, 379, 198, 2, 198, 2, 220, 220, 220, 220, 220, 2638, 1378, 2503, 13, 43073, 13, 2398, 14, 677, 4541, 14, 43, 2149, 24290, 12, 17, 13, 15, 198, 2, 198, 2, 17486, 2672, 416, 9723, 1099, 393, 4987, 284, 287, 3597, 11, 3788, 198, 2, 9387, 739, 262, 13789, 318, 9387, 319, 281, 366, 1921, 3180, 1, 29809, 1797, 11, 198, 2, 42881, 34764, 11015, 6375, 7102, 49828, 11053, 3963, 15529, 509, 12115, 11, 2035, 4911, 393, 17142, 13, 198, 2, 4091, 262, 13789, 329, 262, 2176, 3303, 15030, 21627, 290, 198, 2, 11247, 739, 262, 13789, 13, 198, 198, 2, 770, 2393, 23986, 257, 45115, 24637, 814, 1022, 734, 33918, 14, 11600, 5563, 13, 198, 198, 11748, 25064, 198, 11748, 33918, 628, 198, 4299, 264, 26069, 7, 50039, 11, 2938, 11, 3108, 2599, 198, 220, 37227, 2448, 23914, 257, 24637, 814, 1022, 734, 21015, 8633, 82, 13, 628, 220, 33520, 318, 531, 284, 307, 257, 24637, 286, 2938, 611, 69, 25, 198, 220, 352, 13, 3887, 1994, 287, 33520, 7160, 287, 2938, 11, 290, 663, 1988, 318, 257, 24637, 198, 220, 220, 220, 220, 286, 262, 1988, 287, 2938, 13, 198, 220, 362, 13, 1114, 2779, 3815, 357, 77, 17024, 11, 13042, 11, 3503, 828, 262, 3815, 423, 284, 307, 4961, 13, 198, 220, 513, 13, 1114, 8341, 11, 262, 734, 8341, 1276, 307, 4961, 287, 4129, 11, 290, 790, 5002, 287, 198, 220, 220, 220, 220, 4036, 1276, 307, 257, 24637, 286, 262, 11188, 5002, 287, 2938, 13, 198, 220, 604, 13, 6045, 3815, 287, 2938, 389, 3142, 284, 423, 257, 12336, 4277, 1988, 287, 198, 220, 220, 220, 220, 4036, 357, 68, 13, 70, 13, 366, 1600, 10352, 11, 657, 11, 17635, 737, 628, 220, 943, 14542, 25, 198, 220, 220, 220, 4036, 25, 262, 24637, 8633, 13, 198, 220, 220, 220, 2938, 25, 262, 2208, 900, 8633, 13, 198, 220, 220, 220, 3108, 25, 257, 4731, 31577, 262, 1459, 3108, 287, 262, 45115, 264, 26069, 13, 628, 220, 16409, 25, 198, 220, 220, 220, 317, 46545, 357, 13376, 25, 20512, 11, 3108, 25, 965, 828, 810, 3722, 318, 6407, 611, 4036, 198, 220, 220, 220, 318, 5600, 257, 24637, 286, 2938, 11, 393, 10352, 4306, 11, 290, 3108, 318, 198, 220, 220, 220, 262, 6565, 4731, 611, 4036, 318, 257, 24637, 11, 393, 262, 3108, 286, 281, 5002, 198, 220, 220, 220, 810, 4036, 27884, 351, 2938, 13, 628, 220, 220, 220, 1649, 262, 3108, 3073, 588, 22944, 14, 5657, 340, 1724, 326, 198, 220, 220, 220, 366, 50039, 58, 21943, 7131, 5657, 30866, 318, 281, 30810, 5002, 326, 10143, 284, 1826, 198, 220, 220, 220, 262, 24637, 9987, 13, 198, 220, 37227, 198, 220, 1949, 25, 198, 220, 220, 220, 611, 2938, 318, 6045, 290, 407, 4036, 25, 220, 1303, 45423, 4277, 3815, 284, 6045, 198, 220, 220, 220, 220, 220, 1441, 357, 17821, 11, 366, 4943, 628, 220, 220, 220, 611, 2099, 7, 50039, 8, 14512, 2099, 7, 40319, 2599, 198, 220, 220, 220, 220, 220, 1441, 357, 25101, 11, 3108, 8, 628, 220, 220, 220, 611, 318, 39098, 7, 50039, 11, 1351, 2599, 198, 220, 220, 220, 220, 220, 611, 18896, 7, 50039, 8, 14512, 18896, 7, 40319, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 357, 25101, 11, 3108, 8, 628, 220, 220, 220, 220, 220, 329, 1312, 287, 2837, 7, 11925, 7, 50039, 8, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 3722, 11, 374, 6978, 796, 264, 26069, 7, 50039, 58, 72, 4357, 2938, 58, 72, 4357, 36521, 82, 14, 4, 67, 1, 4064, 357, 6978, 11, 1312, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 611, 407, 3722, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1441, 357, 13376, 11, 374, 6978, 8, 198, 220, 220, 220, 220, 220, 1441, 357, 17821, 11, 366, 4943, 628, 220, 220, 220, 611, 318, 39098, 7, 50039, 11, 8633, 2599, 198, 220, 220, 220, 220, 220, 329, 479, 287, 4036, 13, 13083, 33529, 198, 220, 220, 220, 220, 220, 220, 220, 3722, 11, 374, 6978, 796, 264, 26069, 7, 50039, 58, 74, 4357, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2938, 13, 1136, 7, 74, 11, 6045, 828, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 36521, 82, 14, 4, 82, 1, 4064, 357, 6978, 11, 965, 7, 74, 22305, 198, 220, 220, 220, 220, 220, 220, 220, 611, 407, 3722, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1441, 357, 13376, 11, 374, 6978, 8, 198, 220, 220, 220, 220, 220, 1441, 357, 17821, 11, 366, 4943, 628, 220, 220, 220, 1441, 357, 50039, 6624, 2938, 11, 3108, 8, 198, 220, 2845, 35528, 355, 1033, 25, 198, 220, 220, 220, 1441, 357, 25101, 11, 36521, 82, 7788, 42006, 2849, 4064, 82, 1, 4064, 357, 6978, 11, 965, 7, 11201, 22305, 628, 198, 361, 11593, 3672, 834, 6624, 366, 834, 12417, 834, 1298, 198, 220, 2938, 8979, 15235, 796, 25064, 13, 853, 85, 58, 16, 60, 198, 220, 351, 1280, 7, 40319, 8979, 15235, 8, 355, 2938, 8979, 25, 198, 220, 220, 220, 2938, 796, 33918, 13, 2220, 7, 40319, 8979, 8, 628, 220, 4036, 8979, 15235, 796, 25064, 13, 853, 85, 58, 17, 60, 198, 220, 351, 1280, 7, 50039, 8979, 15235, 8, 355, 4036, 8979, 25, 198, 220, 220, 220, 4036, 796, 33918, 13, 2220, 7, 50039, 8979, 8, 628, 220, 3722, 11, 3108, 796, 264, 26069, 7, 50039, 11, 2938, 11, 366, 4943, 198, 220, 611, 407, 3722, 25, 198, 220, 220, 220, 25064, 13, 37023, 7203, 1662, 24637, 814, 0, 13047, 379, 3108, 19990, 4, 82, 7879, 1, 4064, 3108, 8, 198 ]
2.959577
1,039
# Array # Given an array A of integers, return true if and only if it is a valid mountain array. # # Recall that A is a mountain array if and only if: # # A.length >= 3 # There exists some i with 0 < i < A.length - 1 such that: # A[0] < A[1] < ... A[i-1] < A[i] # A[i] > A[i+1] > ... > A[B.length - 1] # # # Example 1: # # Input: [2,1] # Output: false # Example 2: # # Input: [3,5,5] # Output: false # Example 3: # # Input: [0,3,2,1] # Output: true # # # Note: # # 0 <= A.length <= 10000 # 0 <= A[i] <= 10000
[ 2, 15690, 198, 198, 2, 11259, 281, 7177, 317, 286, 37014, 11, 1441, 2081, 611, 290, 691, 611, 340, 318, 257, 4938, 8598, 7177, 13, 198, 2, 198, 2, 44536, 326, 317, 318, 257, 8598, 7177, 611, 290, 691, 611, 25, 198, 2, 198, 2, 317, 13, 13664, 18189, 513, 198, 2, 1318, 7160, 617, 1312, 351, 657, 1279, 1312, 1279, 317, 13, 13664, 532, 352, 884, 326, 25, 198, 2, 317, 58, 15, 60, 1279, 317, 58, 16, 60, 1279, 2644, 317, 58, 72, 12, 16, 60, 1279, 317, 58, 72, 60, 198, 2, 317, 58, 72, 60, 1875, 317, 58, 72, 10, 16, 60, 1875, 2644, 1875, 317, 58, 33, 13, 13664, 532, 352, 60, 198, 2, 198, 2, 198, 2, 17934, 352, 25, 198, 2, 198, 2, 23412, 25, 685, 17, 11, 16, 60, 198, 2, 25235, 25, 3991, 198, 2, 17934, 362, 25, 198, 2, 198, 2, 23412, 25, 685, 18, 11, 20, 11, 20, 60, 198, 2, 25235, 25, 3991, 198, 2, 17934, 513, 25, 198, 2, 198, 2, 23412, 25, 685, 15, 11, 18, 11, 17, 11, 16, 60, 198, 2, 25235, 25, 2081, 198, 2, 198, 2, 198, 2, 5740, 25, 198, 2, 198, 2, 657, 19841, 317, 13, 13664, 19841, 33028, 198, 2, 657, 19841, 317, 58, 72, 60, 19841, 33028, 198 ]
2.318182
220
from uuid import UUID from ..exceptions import CheckError
[ 6738, 334, 27112, 1330, 471, 27586, 198, 198, 6738, 11485, 1069, 11755, 1330, 6822, 12331, 628, 628, 198 ]
3.5
18
import numpy as np import librosa, librosa.display import matplotlib.pyplot as plt FIG_SIZE = (15,10) file = "/home/jack/Documents/python/PycharmProjects/untitled2/show the wav/dog.wav" signal, sample_rate = librosa.load(file, sr=22050) plt.figure(figsize=FIG_SIZE) librosa.display.waveplot(signal, sample_rate, alpha=0.4) plt.xlabel("Time (s)") plt.ylabel("Amplitude") plt.title("Waveform") # MFCCs hop_length = 512 # shifting n_fft = 2048 # window in num MFCCs = librosa.feature.mfcc(signal, sample_rate, n_fft=n_fft, hop_length=hop_length, n_mfcc=13) plt.figure(figsize=FIG_SIZE) librosa.display.specshow(MFCCs, sr=sample_rate, hop_length=hop_length) plt.xlabel("Time") plt.ylabel("MFCC coefficients") plt.colorbar() plt.title("MFCCs") plt.show()
[ 11748, 299, 32152, 355, 45941, 198, 11748, 9195, 4951, 64, 11, 9195, 4951, 64, 13, 13812, 198, 11748, 2603, 29487, 8019, 13, 9078, 29487, 355, 458, 83, 198, 198, 16254, 62, 33489, 796, 357, 1314, 11, 940, 8, 198, 198, 7753, 796, 12813, 11195, 14, 19650, 14, 38354, 14, 29412, 14, 20519, 354, 1670, 16775, 82, 14, 2797, 7803, 17, 14, 12860, 262, 266, 615, 14, 9703, 13, 45137, 1, 198, 198, 12683, 282, 11, 6291, 62, 4873, 796, 9195, 4951, 64, 13, 2220, 7, 7753, 11, 19677, 28, 17572, 1120, 8, 198, 198, 489, 83, 13, 26875, 7, 5647, 7857, 28, 16254, 62, 33489, 8, 198, 8019, 4951, 64, 13, 13812, 13, 19204, 29487, 7, 12683, 282, 11, 6291, 62, 4873, 11, 17130, 28, 15, 13, 19, 8, 198, 489, 83, 13, 87, 18242, 7203, 7575, 357, 82, 8, 4943, 198, 489, 83, 13, 2645, 9608, 7203, 5840, 489, 3984, 4943, 198, 489, 83, 13, 7839, 7203, 39709, 687, 4943, 198, 198, 2, 32850, 4093, 82, 198, 8548, 62, 13664, 796, 22243, 1303, 15852, 198, 77, 62, 487, 83, 796, 36117, 1303, 4324, 287, 997, 198, 49800, 4093, 82, 796, 9195, 4951, 64, 13, 30053, 13, 76, 69, 535, 7, 12683, 282, 11, 6291, 62, 4873, 11, 299, 62, 487, 83, 28, 77, 62, 487, 83, 11, 1725, 62, 13664, 28, 8548, 62, 13664, 11, 299, 62, 76, 69, 535, 28, 1485, 8, 628, 198, 489, 83, 13, 26875, 7, 5647, 7857, 28, 16254, 62, 33489, 8, 198, 8019, 4951, 64, 13, 13812, 13, 16684, 12860, 7, 49800, 4093, 82, 11, 19677, 28, 39873, 62, 4873, 11, 1725, 62, 13664, 28, 8548, 62, 13664, 8, 198, 489, 83, 13, 87, 18242, 7203, 7575, 4943, 198, 489, 83, 13, 2645, 9608, 7203, 49800, 4093, 44036, 4943, 198, 489, 83, 13, 8043, 5657, 3419, 198, 489, 83, 13, 7839, 7203, 49800, 4093, 82, 4943, 628, 198, 489, 83, 13, 12860, 3419, 198 ]
2.364486
321
import os import functools import tools import tensorflow as tf import numpy as np import pickle import pathlib import off_policy from dreamer import Dreamer, setup_dreamer, create_envs, count_steps, make_dataset, parse_dreamer_args if __name__ == '__main__': args, remaining = parse_dreamer_args() main(args.logdir, remaining)
[ 11748, 28686, 198, 11748, 1257, 310, 10141, 198, 11748, 4899, 198, 11748, 11192, 273, 11125, 355, 48700, 198, 11748, 299, 32152, 355, 45941, 198, 11748, 2298, 293, 198, 11748, 3108, 8019, 198, 11748, 572, 62, 30586, 198, 6738, 4320, 263, 1330, 7610, 263, 11, 9058, 62, 25966, 263, 11, 2251, 62, 268, 14259, 11, 954, 62, 20214, 11, 787, 62, 19608, 292, 316, 11, 21136, 62, 25966, 263, 62, 22046, 628, 628, 198, 361, 11593, 3672, 834, 6624, 705, 834, 12417, 834, 10354, 198, 220, 26498, 11, 5637, 796, 21136, 62, 25966, 263, 62, 22046, 3419, 198, 220, 1388, 7, 22046, 13, 6404, 15908, 11, 5637, 8, 198 ]
3.111111
108
from notebook_utils import synthesize from utils import hparams as hp import utils.text.cleaners as cleaners from scipy.io import wavfile import numpy as np import string import argparse SAMPLE_RATE = 22050 parser = argparse.ArgumentParser() parser.add_argument( '-t','--text', help='Input text', default='Đó là lần tôi ở Đà Lạt non một tháng làm nhiệm vụ nghiên cứu chính sách đất đai cho đồng bào dân tộc thiểu số Tây Nguyên cuối năm 2004' ) parser.add_argument('-o', '--output', help='Directory to save output wave files', default='model_outputs') args = parser.parse_args() forward_model_path = 'pretrained/forward_300K.pyt' voc_model_path = 'pretrained/model_loss0.028723_step860000_weights.pyt' print('*** Configure hparams...') synthesize.init_hparams('hparams.py') print('*** Loading forward model') forward_model = synthesize.get_forward_model(forward_model_path) print('*** Loading VOC model') voc_model = synthesize.get_wavernn_model(voc_model_path) text = args.text # Using WaveRNN vocoder wav = synthesize.synthesize(text, forward_model, voc_model) # Using Griffin-Lim vocoder gl_wav = synthesize.synthesize(text, forward_model, 'griffinlim') # Write the audio using WaveRNN vocoder wavfile.write('{}/wavernn.wav'.format(args.output), SAMPLE_RATE, wav) # Write the audio using Griffin-Lim vocoder wavfile.write('{}/griffinlim.wav'.format(args.output), SAMPLE_RATE, gl_wav)
[ 6738, 20922, 62, 26791, 1330, 24983, 1096, 198, 6738, 3384, 4487, 1330, 289, 37266, 355, 27673, 198, 198, 11748, 3384, 4487, 13, 5239, 13, 27773, 364, 355, 50102, 198, 6738, 629, 541, 88, 13, 952, 1330, 266, 615, 7753, 198, 11748, 299, 32152, 355, 45941, 198, 11748, 4731, 198, 11748, 1822, 29572, 198, 198, 49302, 16437, 62, 49, 6158, 796, 15629, 1120, 198, 198, 48610, 796, 1822, 29572, 13, 28100, 1713, 46677, 3419, 198, 48610, 13, 2860, 62, 49140, 7, 198, 220, 220, 220, 705, 12, 83, 41707, 438, 5239, 3256, 1037, 11639, 20560, 2420, 3256, 198, 220, 220, 220, 4277, 11639, 128, 238, 10205, 300, 24247, 300, 157, 118, 100, 77, 256, 27083, 72, 28053, 119, 253, 34754, 238, 24247, 406, 157, 118, 94, 83, 1729, 285, 157, 119, 247, 83, 294, 6557, 782, 300, 24247, 76, 299, 5303, 157, 119, 229, 76, 410, 157, 119, 98, 299, 456, 72, 25792, 77, 269, 157, 119, 102, 84, 442, 39588, 71, 264, 6557, 354, 34754, 239, 157, 118, 98, 83, 34754, 239, 1872, 1727, 34754, 239, 157, 119, 241, 782, 275, 24247, 78, 288, 22940, 77, 256, 157, 119, 247, 66, 294, 72, 157, 119, 225, 84, 264, 157, 119, 239, 309, 22940, 88, 399, 22932, 25792, 77, 18912, 157, 119, 239, 72, 299, 128, 225, 76, 5472, 6, 198, 8, 198, 48610, 13, 2860, 62, 49140, 10786, 12, 78, 3256, 705, 438, 22915, 3256, 1037, 11639, 43055, 284, 3613, 5072, 6769, 3696, 3256, 4277, 11639, 19849, 62, 22915, 82, 11537, 198, 198, 22046, 796, 30751, 13, 29572, 62, 22046, 3419, 628, 198, 11813, 62, 19849, 62, 6978, 796, 705, 5310, 13363, 14, 11813, 62, 6200, 42, 13, 9078, 83, 6, 198, 18893, 62, 19849, 62, 6978, 796, 705, 5310, 13363, 14, 19849, 62, 22462, 15, 13, 15, 27800, 1954, 62, 9662, 4521, 2388, 62, 43775, 13, 9078, 83, 6, 198, 198, 4798, 10786, 8162, 17056, 495, 289, 37266, 986, 11537, 198, 1837, 429, 956, 1096, 13, 15003, 62, 71, 37266, 10786, 71, 37266, 13, 9078, 11537, 198, 4798, 10786, 8162, 12320, 2651, 2746, 11537, 198, 11813, 62, 19849, 796, 24983, 1096, 13, 1136, 62, 11813, 62, 19849, 7, 11813, 62, 19849, 62, 6978, 8, 198, 4798, 10786, 8162, 12320, 569, 4503, 2746, 11537, 198, 18893, 62, 19849, 796, 24983, 1096, 13, 1136, 62, 10247, 933, 77, 62, 19849, 7, 18893, 62, 19849, 62, 6978, 8, 198, 198, 5239, 796, 26498, 13, 5239, 198, 198, 2, 8554, 17084, 49, 6144, 12776, 12342, 198, 45137, 796, 24983, 1096, 13, 1837, 429, 956, 1096, 7, 5239, 11, 2651, 62, 19849, 11, 12776, 62, 19849, 8, 198, 2, 8554, 16525, 12, 19352, 12776, 12342, 198, 4743, 62, 45137, 796, 24983, 1096, 13, 1837, 429, 956, 1096, 7, 5239, 11, 2651, 62, 19849, 11, 705, 2164, 42022, 2475, 11537, 198, 198, 2, 19430, 262, 6597, 1262, 17084, 49, 6144, 12776, 12342, 198, 45137, 7753, 13, 13564, 10786, 90, 92, 14, 10247, 933, 77, 13, 45137, 4458, 18982, 7, 22046, 13, 22915, 828, 28844, 16437, 62, 49, 6158, 11, 266, 615, 8, 198, 2, 19430, 262, 6597, 1262, 16525, 12, 19352, 12776, 12342, 198, 45137, 7753, 13, 13564, 10786, 90, 92, 14, 2164, 42022, 2475, 13, 45137, 4458, 18982, 7, 22046, 13, 22915, 828, 28844, 16437, 62, 49, 6158, 11, 1278, 62, 45137, 8 ]
2.555556
549
5351 4c69 7465 2066 6f72 6d61 7420 3300 0400 0101 0040 2020 0000 003b 0000 0000 0000 0000 0000 0000 0000 003b 0000 0001 0000 0000 0000 0000 0000 0001 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0500 0000 0603 e200 0000 0026 03fb 03f1 03ec 03f6 03e7 03e2 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0081 6704 0717 3333 0182 7574 6162 6c65 646a 616e 676f 5f63 6f6e 7465 6e74 5f74 7970 6564 6a61 6e67 6f5f 636f 6e74 656e 745f 7479 7065 0543 5245 4154 4520 5441 424c 4520 2264 6a61 6e67 6f5f 636f 6e74 656e 745f 7479 7065 2220 2822 6964 2220 696e 7465 6765 7220 4e4f 5420 4e55 4c4c 2050 5249 4d41 5259 204b 4559 2041 5554 4f49 4e43 5245 4d45 4e54 2c20 226e 616d 6522 2076 6172 6368 6172 2831 3030 2920 4e4f 5420 4e55 4c4c 2c20 2261 7070 5f6c 6162 656c 2220 7661 7263 6861 7228 3130 3029 204e 4f54 204e 554c 4c2c 2022 6d6f 6465 6c22 2076 6172 6368 6172 2831 3030 2920 4e4f 5420 4e55 4c4c 2900 0000 3a17 3d3d 0182 7f74 6162 6c65 646a 616e 676f 5f63 6f6e 7465 6e74 5f74 7970 655f 5f6f 6c64 646a 616e 676f 5f63 6f6e 7465 6e74 5f00 0000 0481 3c05 0717 6333 0181 6f69 6e64 6578 646a 616e 676f 5f63 6f6e 7465 6e74 5f74 7970 655f 6170 705f 6c61 6265 6c5f 3736 6264 3364 3362 5f75 6e69 7164 6a61 6e67 6f5f 636f 6e74 656e 745f 7479 7065 0443 5245 4154 4520 554e 4951 5545 2049 4e44 4558 2022 646a 616e 676f 5f63 6f6e 7465 6e74 5f74 7970 655f 6170 705f 6c61 6265 6c5f 3736 6264 3364 3362 5f75 6e69 7122 204f 4e20 2264 6a61 6e67 6f5f 636f 6e74 656e 745f 7479 7065 2220 2822 6170 705f 6c61 6265 6c22 2c20 226d 6f64 656c 2229 5002 0617 2b2b 0159 7461 626c 6573 716c 6974 655f 7365 7175 656e 6365 7371 6c69 7465 5f73 6571 7565 6e63 6503 4352 4541 5445 2054 4142 4c45 2073 716c 6974 655f 7365 7175 656e 6365 286e 616d 652c 7365 7129 8159 0107 172f 2f01 8261 7461 626c 6564 6a61 6e67 6f5f 6d69 6772 6174 696f 6e73 646a 616e 676f 5f6d 6967 7261 7469 6f6e 7302 4352 4541 5445 2054 4142 4c45 2022 646a 616e 676f 5f6d 6967 7261 7469 6f6e 7322 2028 2269 6422 2069 6e74 6567 6572 204e 4f54 204e 554c 4c20 5052 494d 4152 5920 4b45 5920 4155 544f 494e 4352 454d 454e 542c 2022 6170 7022 2076 6172 6368 6172 2832 3535 2920 4e4f 5420 4e55 4c4c 2c20 226e 616d 6522 2076 6172 6368 6172 2832 3535 2920 4e4f 5420 4e55 4c4c 0000 0024 2e00 0000 2124 0000 001b 1700 0000 0a11 0000 0020 1e00 0000 070b 0d00 0000 0d00 c800 03c7 0396 0364 0321 02d7 028d 0248 0206 01c2 017f 0132 00fd 00c8 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 330d 0500 1d25 4170 726f 6475 6374 7330 3030 315f 696e 6974 6961 6c32 3031 362d 3031 2d32 3720 3133 3a32 363a 3438 2e36 3731 3030 3033 0c05 001d 2541 7365 7373 696f 6e73 3030 3031 5f69 6e69 7469 616c 3230 3136 2d30 312d 3237 2031 323a 3430 3a31 312e 3836 3130 3030 4b0b 0500 155d 4161 7574 6830 3030 375f 616c 7465 725f 7661 6c69 6461 746f 7273 5f61 6464 5f65 7272 6f72 5f6d 6573 7361 6765 7332 3031 362d 3031 2d32 3720 3132 3a34 303a 3131 2e38 3435 3030 3041 0a05 0015 4941 6175 7468 3030 3036 5f72 6571 7569 7265 5f63 6f6e 7465 6e74 7479 7065 735f 3030 3032 3230 3136 2d30 312d 3237 2031 323a 3430 3a31 312e 3739 3330 3030 4209 0500 154b 4161 7574 6830 3030 355f 616c 7465 725f 7573 6572 5f6c 6173 745f 6c6f 6769 6e5f 6e75 6c6c 3230 3136 2d30 312d 3237 2031 323a 3430 3a31 312e 3738 3630 3030 4008 0500 1547 4161 7574 6830 3030 345f 616c 7465 725f 7573 6572 5f75 7365 726e 616d 655f 6f70 7473 3230 3136 2d30 312d 3237 2031 323a 3430 3a31 312e 3733 3630 3030 4307 0500 154d 4161 7574 6830 3030 335f 616c 7465 725f 7573 6572 5f65 6d61 696c 5f6d 6178 5f6c 656e 6774 6832 3031 362d 3031 2d32 3720 3132 3a34 303a 3131 2e36 3831 3030 3048 0605 0015 5741 6175 7468 3030 3032 5f61 6c74 6572 5f70 6572 6d69 7373 696f 6e5f 6e61 6d65 5f6d 6178 5f6c 656e 6774 6832 3031 362d 3031 2d32 3720 3132 3a34 303a 3131 2e36 3332 3030 3048 0505 0025 4741 636f 6e74 656e 7474 7970 6573 3030 3032 5f72 656d 6f76 655f 636f 6e74 656e 745f 7479 7065 5f6e 616d 6532 3031 362d 3031 2d32 3720 3132 3a34 303a 3131 2e35 3837 3030 3041 0405 0017 4741 6164 6d69 6e30 3030 325f 6c6f 6765 6e74 7279 5f72 656d 6f76 655f 6175 746f 5f61 6464 3230 3136 2d30 312d 3237 2031 323a 3430 3a31 312e 3531 3330 3030 3003 0500 1725 4161 646d 696e 3030 3031 5f69 6e69 7469 616c 3230 3136 2d30 312d 3237 2031 323a 3430 3a31 312e 3435 3930 3030 2f02 0500 1525 4161 7574 6830 3030 315f 696e 6974 6961 6c32 3031 362d 3031 2d32 3720 3132 3a34 303a 3131 2e34 3230 3030 3037 0105 0025 2541 636f 6e74 656e 7474 7970 6573 3030 3031 5f69 6e69 7469 616c 3230 3136 2d30 312d 3237 2031 323a 3430 3a31 312e 3336 3130 3030 0d03 bb00 0603 7500 03a4 03c6 038b 03eb 03dc 0375 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0014 0b03 2d01 7072 6f64 7563 7473 5f70 726f 6475 6374 0417 0503 3301 646a 616e 676f 5f63 6f6e 7465 6e74 5f74 7970 6507 1502 032f 0164 6a61 6e67 6f5f 6d69 6772 6174 696f 6e73 0d00 0000 0b01 646a 616e 676f 1403 032d 0164 6a61 6e67 6f5f 6164 6d69 6e5f 6c6f 670a 0d0a 031f 0161 7574 685f 7573 6572 0213 0603 2b01 6175 7468 5f70 6572 6d69 7373 696f 6e15 0a00 0000 0703 7500 03ed 03ca 03d9 03bc 039f 0375 038a 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0014 041d 1b01 7072 6f64 7563 7473 7072 6f64 7563 7407 1404 1d1b 0173 6573 7369 6f6e 7373 6573 7369 6f6e 061c 0425 2301 636f 6e74 656e 7474 7970 6573 636f 6e74 656e 7474 7970 6505 0d04 1515 0161 7574 6875 7365 7204 0e04 1517 0161 7574 6867 726f 7570 0313 0415 2101 6175 7468 7065 726d 6973 7369 6f6e 0212 0417 1d01 6164 6d69 6e6c 6f67 656e 7472 7901 0d00 0000 0703 7500 03ed 03d9 03ca 03bc 039f 038a 0375 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0013 0704 001d 1b70 726f 6475 6374 7370 726f 6475 6374 1306 0400 1d1b 7365 7373 696f 6e73 7365 7373 696f 6e1b 0504 0025 2363 6f6e 7465 6e74 7479 7065 7363 6f6e 7465 6e74 7479 7065 0c04 0400 1515 6175 7468 7573 6572 0d03 0400 1517 6175 7468 6772 6f75 7012 0204 0015 2161 7574 6870 6572 6d69 7373 696f 6e11 0104 0017 1d61 646d 696e 6c6f 6765 6e74 7279 0a00 0000 1502 5300 03ed 03d7 03c1 03ac 0394 037c 036c 0359 0346 0337 0325 0313 02fd 02e4 02cb 02b9 02a4 028f 027d 0268 0253 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0014 0401 2901 0764 656c 6574 655f 7072 6f64 7563 7415 1404 0129 0107 6368 616e 6765 5f70 726f 6475 6374 1411 0401 2301 0761 6464 5f70 726f 6475 6374 1314 0401 2901 0664 656c 6574 655f 7365 7373 696f 6e12 1404 0129 0106 6368 616e 6765 5f73 6573 7369 6f6e 1111 0401 2301 0661 6464 5f73 6573 7369 6f6e 1018 0401 3101 0564 656c 6574 655f 636f 6e74 656e 7474 7970 650f 1804 0131 0105 6368 616e 6765 5f63 6f6e 7465 6e74 7479 7065 0e15 0401 2b01 0561 6464 5f63 6f6e 7465 6e74 7479 7065 0d11 0401 2301 0464 656c 6574 655f 7573 6572 0c11 0401 2301 0463 6861 6e67 655f 7573 6572 0b0e 0401 1d01 0461 6464 5f75 7365 720a 1204 0125 0103 6465 6c65 7465 5f67 726f 7570 0912 0401 2501 0363 6861 6e67 655f 6772 6f75 7008 0f04 011f 0103 6164 645f 6772 6f75 7007 1704 012f 0102 6465 6c65 7465 5f70 6572 6d69 7373 696f 6e06 1704 012f 0102 6368 616e 6765 5f70 6572 6d69 7373 696f 6e05 1404 0129 0102 6164 645f 7065 726d 6973 7369 6f6e 0415 0401 2b01 0164 656c 6574 655f 6c6f 6765 6e74 7279 0315 0401 2b01 0163 6861 6e67 655f 6c6f 6765 6e74 7279 0212 0401 2501 0161 6464 5f6c 6f67 656e 7472 7901 0d03 c300 0500 b800 00b8 0194 01e6 0279 02ae 03c3 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 8159 0107 172f 2f01 8261 7461 626c 6564 6a61 6e67 6f5f 6d69 6772 6174 696f 6e73 646a 616e 676f 5f6d 6967 7261 7469 6f6e 7302 4352 4541 5445 2054 4142 4c45 2022 646a 616e 676f 5f6d 6967 7261 7469 6f6e 7322 2028 2269 6422 2069 6e74 6567 6572 204e 4f54 204e 554c 4c20 5052 494d 4152 5920 4b45 5920 4155 544f 494e 4352 454d 454e 542c 2022 6170 7022 2076 6172 6368 6172 2832 3535 2920 4e4f 5420 4e55 4c4c 2c20 226e 616d 6522 2076 6172 6368 6172 2832 3535 2920 4e4f 5420 4e55 4c4c 2c20 2261 7070 6c69 6564 2220 6461 7465 7469 6d65 204e 4f54 204e 554c 4c29 5002 0617 2b2b 0159 7461 626c 6573 716c 6974 655f 7365 7175 656e 6365 7371 6c69 7465 5f73 6571 7565 6e63 6503 4352 4541 5445 2054 4142 4c45 2073 716c 6974 655f 7365 7175 656e 6365 286e 616d 652c 7365 7129 8110 0707 1721 2101 816b 7461 626c 6561 7574 685f 6772 6f75 7061 7574 685f 6772 6f75 7008 4352 4541 5445 2054 4142 4c45 2022 6175 7468 5f67 726f 7570 2220 2822 6964 2220 696e 7465 6765 7220 4e4f 5420 4e55 4c4c 2050 5249 4d41 5259 204b 4559 2041 5554 4f49 4e43 5245 4d45 4e54 2c20 226e 616d 6522 2076 6172 6368 6172 2838 3029 204e 4f54 204e 554c 4c20 554e 4951 5545 2933 0806 1747 2101 0069 6e64 6578 7371 6c69 7465 5f61 7574 6f69 6e64 6578 5f61 7574 685f 6772 6f75 705f 3161 7574 685f 6772 6f75 7009 8212 0907 1739 3901 833f 7461 626c 6561 7574 685f 6772 6f75 705f 7065 726d 6973 7369 6f6e 7361 7574 685f 6772 6f75 705f 7065 726d 6973 7369 6f6e 730b 4352 4541 5445 2054 4142 4c45 2022 6175 7468 5f67 726f 7570 5f70 6572 6d69 7373 696f 6e73 2220 2822 6964 2220 696e 7465 6765 7220 4e4f 5420 4e55 4c4c 2050 5249 4d41 5259 204b 4559 2041 5554 4f49 4e43 5245 4d45 4e54 2c20 2267 726f 7570 5f69 6422 2069 6e74 6567 6572 204e 4f54 204e 554c 4c20 5245 4645 5245 4e43 4553 2022 6175 7468 5f67 726f 7570 2220 2822 6964 2229 2c20 2270 6572 6d69 7373 696f 6e5f 6964 2220 696e 7465 6765 7220 4e4f 5420 4e55 4c4c 2052 4546 4552 454e 4345 5320 2261 7574 685f 7065 726d 6973 7369 6f6e 2220 2822 6964 2229 2900 0000 3d4f 2901 0069 6e64 6578 7371 6c69 7465 5f61 7574 6f69 6e64 6578 5f61 7574 685f 7573 6572 5f5f 6f6c 645f 3161 7574 685f 7573 6572 5f5f 6f6c 640d 0d00 0000 0004 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0a00 0000 0004 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0d00 0000 0400 7e00 007e 0175 0294 0364 03cd 003f 8212 0907 1739 3901 833f 7461 626c 6561 7574 685f 6772 6f75 705f 7065 726d 6973 7369 6f6e 7361 7574 685f 6772 6f75 705f 7065 726d 6973 7369 6f6e 730b 4352 4541 5445 2054 4142 4c45 2022 6175 7468 5f67 726f 7570 5f70 6572 6d69 7373 696f 6e73 2220 2822 6964 2220 696e 8174 0c07 172d 2d01 831b 7461 626c 6561 7574 685f 7573 6572 5f67 726f 7570 7361 7574 685f 7573 6572 5f67 726f 7570 730e 4352 4541 5445 2054 4142 4c45 2022 6175 7468 5f75 7365 725f 6772 6f75 7073 2220 2822 6964 2220 696e 7465 6765 7220 4e4f 5420 4e55 4c4c 2050 5249 4d41 5259 204b 4559 2041 5554 4f49 4e43 5245 4d45 4e54 2c20 2275 7365 725f 6964 2220 696e 7465 6765 7220 4e4f 5420 4e55 4c4c 2052 4546 4552 454e 4345 5320 2261 7574 685f 7573 6572 2220 2822 6964 2229 2c20 2267 726f 7570 5f69 6422 2069 6e74 6567 6572 204e 4f54 204e 554c 4c20 5245 4645 5245 4e43 4553 2022 6175 7468 5f67 726f 7570 2220 2822 6964 2229 2982 1c0d 0717 4141 0183 4374 6162 6c65 6175 7468 5f75 7365 725f 7573 6572 5f70 6572 6d69 7373 696f 6e73 6175 7468 5f75 7365 725f 7573 6572 5f70 6572 6d69 7373 696f 6e73 1043 5245 4154 4520 5441 424c 4520 2261 7574 685f 7573 6572 5f75 7365 725f 7065 726d 6973 7369 6f6e 7322 2028 2269 6422 2069 6e74 6567 6572 204e 4f54 204e 554c 4c20 5052 494d 4152 5920 4b45 5920 4155 544f 494e 4352 454d 454e 542c 2022 7573 6572 5f69 6422 2069 6e74 6567 6572 204e 4f54 204e 554c 4c20 5245 4645 5245 4e43 4553 2022 6175 7468 5f75 7365 7222 2028 2269 6422 292c 2022 7065 726d 6973 7369 6f6e 5f69 6422 2069 6e74 6567 6572 204e 4f54 204e 554c 4c20 5245 4645 5245 4e43 4553 2022 6175 7468 5f70 6572 6d69 7373 696f 6e22 2028 2269 6422 2929 814d 1007 1767 3901 8207 696e 6465 7861 7574 685f 6772 6f75 705f 7065 726d 6973 7369 6f6e 735f 6772 6f75 705f 6964 5f30 6364 3332 3562 305f 756e 6971 6175 7468 5f67 726f 7570 5f70 6572 6d69 7373 696f 6e73 1343 5245 4154 4520 554e 4951 5545 2049 4e44 4558 2022 6175 7468 5f67 726f 7570 5f70 6572 6d69 7373 696f 6e73 5f67 726f 7570 5f69 645f 3063 6433 3235 6230 5f75 6e69 7122 204f 4e20 2261 7574 685f 6772 6f75 705f 7065 726d 6973 7369 6f6e 7322 2028 2267 726f 7570 5f69 6422 2c20 2270 6572 6d69 7373 696f 6e5f 6964 2229 8119 1107 174b 3901 813b 696e 6465 7861 7574 685f 6772 6f75 705f 7065 726d 6973 7369 6f6e 735f 3065 3933 3961 3466 6175 7468 5f67 726f 7570 5f70 6572 6d69 7373 696f 6e73 1543 5245 4154 4520 494e 4445 5820 2261 7574 685f 6772 6f75 705f 7065 726d 6973 7369 6f6e 735f 3065 3933 3961 3466 2220 4f4e 2022 6175 7468 5f67 726f 7570 5f70 6572 6d69 7373 696f 6e73 2220 2822 6772 6f75 705f 6964 2229 0d00 0000 0004 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0d02 bf00 0101 fe00 01fe 02bf 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 813e 010d 0081 2741 0121 194d 0101 3315 7062 6b64 6632 5f73 6861 3235 3624 3234 3030 3024 4a52 6958 6c51 6349 7069 4a57 245a 4141 5858 3945 4255 3338 3252 7446 4c72 676d 5765 455a 4a6c 6b61 4f7a 6d79 4772 5575 6d66 5479 4569 4d34 3d32 3031 362d 3031 2d32 3720 3133 3a33 343a 3235 2e30 3436 3030 3001 4a75 616e 2044 6176 6964 4361 7374 726f 6a75 616e 6461 7669 6463 6173 7472 6f67 616c 6c65 676f 4067 6d61 696c 2e63 6f6d 0101 3230 3136 2d30 312d 3237 2031 333a 3330 3a32 314a 7561 6e00 0001 4100 8127 0001 1b19 0d01 0133 1b70 626b 6466 325f 7368 6132 3536 2432 3430 3030 2431 3649 6e4e 5778 4650 7462 4524 4c69 427a 6a44 524b 7445 4235 7a6e 4c43 6c4d 2b78 4c73 7466 4c6e 524d 6952 2b63 4932 3365 6b68 6274 3937 633d 004a 7561 6e69 7461 4361 7374 726f 0001 3230 3136 2d30 312d 3237 2031 333a 3333 3a34 336a 7561 6e69 7461 0000 00ba 0081 2733 0121 194d 0101 3315 7062 6b64 6632 5f73 6861 3235 3624 3234 3030 3024 4a52 6958 6c51 6349 7069 4a57 245a 4141 5858 3945 4255 3338 3252 7446 4c72 676d 5765 455a 4a6c 6b61 4f7a 6d79 4772 5575 6d66 5479 4569 4d34 3d32 3031 362d 3031 2d32 3720 3133 3a33 303a 3430 014a 7561 6e20 4461 7669 6443 6173 7472 6f6a 7561 6e64 6176 6964 6361 7374 726f 6761 6c6c 6567 6f40 676d 6169 6c2e 636f 6d01 0132 3031 362d 3031 2d32 3720 3133 3a33 303a 3231 4a75 616e 0a00 0000 0103 f700 03f7 03eb 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0c6a 7561 6e69 7461 0208 0315 014a 7561 6e01 0d00 0000 0004 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0d00 0000 0102 c200 02c2 0012 0000 0011 0000 0006 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 8104 0f07 173d 2b01 812d 696e 6465 7861 7574 685f 7065 726d 6973 7369 6f6e 5f34 3137 6631 6231 6361 7574 685f 7065 726d 6973 7381 740c 0717 2d2d 0183 1b74 6162 6c65 6175 7468 5f75 7365 725f 6772 6f75 7073 6175 7468 5f75 7365 725f 6772 6f75 7073 0e43 5245 4154 4520 5441 424c 4520 2261 7574 685f 7573 6572 5f67 726f 7570 7322 2028 2269 6422 2069 6e74 6567 6572 204e 4f54 204e 554c 4c20 5052 494d 4152 5920 4b45 5920 4155 544f 494e 4352 454d 454e 542c 2022 7573 6572 5f69 6483 2a0a 0717 1f1f 0186 2374 6162 6c65 6175 7468 5f75 7365 7261 7574 685f 7573 6572 0c43 5245 4154 4520 5441 424c 4520 2261 7574 685f 7573 6572 2220 2822 6964 2220 696e 7465 6765 7220 4e4f 5420 4e55 4c4c 2050 5249 4d41 5259 204b 4559 2041 5554 4f49 4e43 5245 4d45 4e54 2c20 2270 6173 7377 6f72 6422 2076 6172 6368 6172 2831 3238 2920 4e4f 5420 4e55 4c4c 2c20 226c 6173 745f 6c6f 6769 6e22 2064 6174 6574 696d 6520 4e4f 5420 4e55 4c4c 2c20 2269 735f 7375 7065 7275 7365 7222 2062 6f6f 6c20 4e4f 5420 4e55 4c4c 2c20 2275 7365 726e 616d 6522 2076 6172 6368 6172 2833 3029 204e 4f54 204e 554c 4c20 554e 4951 5545 2c20 2266 6972 7374 5f6e 616d 6522 2076 6172 6368 6172 2833 3029 204e 4f54 204e 554c 4c2c 2022 6c61 7374 5f6e 616d 6522 2076 6172 6368 6172 2833 3029 204e 4f54 204e 554c 4c2c 2022 656d 6169 6c22 2076 6172 6368 6172 2837 3529 204e 4f54 204e 554c 4c2c 2022 6973 5f73 7461 6666 2220 626f 6f6c 204e 4f54 204e 554c 4c2c 2022 6973 5f61 6374 6976 6522 2062 6f6f 6c20 4e4f 5420 4e55 4c4c 2c20 2264 6174 655f 6a6f 696e 6564 823b 0105 4d84 0541 6b63 3674 7439 6636 7864 6c30 726b 3135 6962 3761 7638 3469 6e72 3331 6f67 6d73 4d54 4a6c 5a6a 4932 4e6a 4e6d 4e6a 5932 5957 4935 4e54 4979 4e57 5269 4d7a 466b 4e47 4931 4f44 4933 5a47 4e6a 4f47 4a6d 4e6a 4d35 4d54 7037 496c 3968 6458 526f 5833 567a 5a58 4a66 6147 467a 6143 4936 496a 6c69 4d6a 5a6d 4d6a 5a6a 5a47 4e6a 4e44 526c 4f57 5133 4d6d 526d 5957 5a69 596d 5177 4d57 5578 4e47 5578 4e47 5934 5954 466a 5a6a 6369 4c43 4a66 5958 5630 6146 3931 6332 5679 5832 4a68 5932 746c 626d 5169 4f69 4a6b 616d 4675 5a32 3875 5932 3975 6448 4a70 5969 3568 6458 526f 4c6d 4a68 5932 746c 626d 527a 4c6b 3176 5a47 5673 516d 466a 6132 5675 5a43 4973 496c 3968 6458 526f 5833 567a 5a58 4a66 6157 5169 4f69 4978 496e 303d 3230 3136 2d30 322d 3130 2031 333a 3334 3a32 352e 3038 3430 3030 0d00 0000 0004 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0a00 0000 1503 8200 03fa 03f4 03ee 03e8 03e2 03dc 03d6 03d0 03ca 03c4 03be 03b8 03b2 03ac 03a6 03a0 039a 0394 038e 0388 0382 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0503 0101 0715 0503 0101 0714 0503 0101 0713 0503 0101 0612 0503 0101 0611 0503 0101 0610 0503 0101 050f 0503 0101 050e 0503 0101 050d 0503 0101 040c 0503 0101 040b 0503 0101 040a 0503 0101 0309 0503 0101 0308 0503 0101 0307 0503 0101 0206 0503 0101 0205 0503 0101 0204 0503 0101 0103 0503 0101 0102 0503 0101 0101 0a00 0000 0103 db00 03db 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0024 034d 016b 6336 7474 3966 3678 646c 3072 6b31 3569 6237 6176 3834 696e 7233 316f 676d 7301 0a00 0000 0004 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0a00 0000 0103 e100 03e1 0012 0000 000f 02f9 037c 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0081 0014 814d 1007 1767 3901 8207 696e 6465 7861 7574 685f 6772 6f75 705f 7065 726d 6973 7369 6f6e 735f 6772 6f75 705f 6964 5f30 6364 3332 3562 305f 756e 6971 6175 7468 5f67 726f 7570 5f70 6572 6d69 7373 696f 6e73 1343 5245 4154 4520 554e 4951 5545 2049 4e44 4558 2022 6175 7468 5f67 726f 7570 5f70 6572 6d69 7373 696f 6e73 5f67 726f 7570 5f69 645f 3063 6433 3235 6230 5f75 6e69 7122 204f 4e20 2261 7574 685f 6772 6f75 705f 7065 726d 6973 7369 6f6e 7322 2028 2267 726f 7570 5f69 6422 2c20 2270 6572 6d69 7373 696f 6e5f 6964 2229 8119 1107 174b 3901 813b 696e 6465 7861 7574 685f 6772 6f75 705f 7065 726d 6973 7369 6f6e 735f 3065 3933 3961 3466 6175 7468 5f67 726f 7570 5f70 6572 6d69 7373 696f 6e73 1543 5245 4154 4520 494e 4445 5820 2261 7574 685f 6772 6f75 705f 7065 726d 6973 7369 6f6e 7382 1c0d 0717 4141 0183 4374 6162 6c65 6175 7468 5f75 7365 725f 7573 6572 5f70 6572 6d69 7373 696f 6e73 6175 7468 5f75 7365 725f 7573 6572 5f70 6572 6d69 7373 696f 6e73 1043 5245 4154 4520 5441 424c 4520 2261 7574 685f 7573 6572 5f75 7365 725f 7065 726d 6973 7369 6f6e 7322 2028 2269 6422 2069 6e74 6567 6572 204e 4f54 204e 554c 4c20 5052 494d 4152 5920 4b45 5920 4155 544f 494e 4352 454d 454e 542c 2022 7573 6572 5f69 6422 2069 6e74 6567 6572 204e 4f54 204e 554c 4c20 5245 4645 5245 4e43 4553 2022 6175 7468 5f75 7365 7222 2028 2269 6422 292c 2022 7065 726d 6973 7369 6f6e 5f69 6422 2069 6e74 6567 6572 204e 4f54 204e 554c 4c20 5245 4645 5245 4e43 4553 2022 6175 7468 5f70 6572 6d69 7373 696f 6e22 2028 2269 6422 2929 814d 1007 1767 3901 8207 696e 6465 7861 7574 685f 6772 6f75 705f 7065 726d 6973 7369 6f6e 735f 6772 6f75 705f 6964 5f30 6364 3332 3562 305f 756e 6971 6175 7468 5f67 726f 7570 5f70 6572 6d69 7373 696f 6e73 1343 5245 4154 4520 554e 4951 5545 2049 4e44 4558 2022 6175 7468 5f67 726f 7570 5f70 6572 6d69 7373 696f 6e73 5f67 726f 7570 5f69 645f 3063 6433 3235 6230 5f75 6e69 7122 204f 4e20 2261 7574 685f 6772 6f75 705f 7065 726d 6973 7369 6f6e 7322 2028 2267 726f 7570 5f69 6422 2c20 2270 6572 6d69 7373 696f 6e5f 6964 2229 8119 1107 174b 3901 813b 696e 6465 7861 7574 685f 6772 6f75 705f 7065 726d 6973 7369 6f6e 735f 3065 3933 3961 3466 6175 7468 5f67 726f 7570 5f70 6572 6d69 7373 696f 6e73 1543 5245 4154 4520 494e 4445 5820 2261 7574 685f 6772 6f75 705f 7065 726d 6973 7369 6f6e 735f 3065 3933 3961 3466 2220 4f4e 2022 6175 7468 5f1e 0341 0132 3031 362d 3032 2d31 3020 3133 3a33 343a 3235 2e30 3834 3030 3001 0a00 0000 0004 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0a00 0000 0004 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0a00 0000 0004 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0a00 0000 0004 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0a00 0000 0004 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0a00 0000 0004 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0d00 0000 0600 2000 0020 00c1 0171 01f4 0278 0355 0000 0000 0000 0000 0081 5a16 811e 1207 174b 3901 8145 696e 6465 7861 7574 685f 6772 6f75 705f 7065 726d 6973 7369 6f6e 735f 3833 3733 6231 3731 6175 7468 5f67 726f 7570 5f70 6572 6d69 7373 696f 6e73 1643 5245 4154 4520 494e 4445 5820 2261 7574 685f 6772 6f75 705f 7065 726d 6973 7369 6f6e 735f 3833 3733 6231 3731 2220 4f4e 2022 6175 7468 5f67 726f 7570 5f70 6572 6d69 7373 696f 6e73 2220 2822 7065 726d 6973 7369 6f6e 5f69 6422 2981 2d13 0717 592d 0181 6169 6e64 6578 6175 7468 5f75 7365 725f 6772 6f75 7073 5f75 7365 725f 6964 5f39 3433 3530 6330 635f 756e 6971 6175 7468 5f75 7365 725f 6772 6f75 7073 1743 5245 4154 4520 554e 4951 5545 2049 4e44 4558 2022 6175 7468 5f75 7365 725f 6772 6f75 7073 5f75 7365 725f 6964 5f39 3433 3530 6330 635f 756e 6971 2220 4f4e 2022 6175 7468 5f75 7365 725f 6772 6f75 7073 2220 2822 7573 6572 5f69 6422 2c20 2267 726f 7570 5f69 6422 2981 0014 0717 3f2d 0181 2169 6e64 6578 6175 7468 5f75 7365 725f 6772 6f75 7073 5f65 3837 3031 6164 3461 7574 685f 7573 6572 5f67 726f 7570 7318 4352 4541 5445 2049 4e44 4558 2022 6175 7468 5f75 7365 725f 6772 6f75 7073 5f65 3837 3031 6164 3422 204f 4e20 2261 7574 685f 7573 6572 5f67 726f 7570 7322 2028 2275 7365 725f 6964 2229 8101 1507 173f 2d01 8123 696e 6465 7861 7574 685f 7573 6572 5f67 726f 7570 735f 3065 3933 3961 3466 6175 7468 5f75 7365 725f 6772 6f75 7073 1943 5245 4154 4520 494e 4445 5820 2261 7574 685f 7573 6572 5f67 726f 7570 735f 3065 3933 3961 3466 2220 4f4e 2022 6175 7468 5f75 7365 725f 6772 6f75 7073 2220 2822 6772 6f75 705f 6964 2229 815a 1607 176d 4101 8213 696e 6465 7861 7574 685f 7573 6572 5f75 7365 725f 7065 726d 6973 7369 6f6e 735f 7573 6572 5f69 645f 3134 6136 6236 3332 5f75 6e69 7161 7574 685f 7573 6572 5f75 7365 725f 7065 726d 6973 7369 6f6e 731a 4352 4541 5445 2055 4e49 5155 4520 494e 4445 5820 2261 7574 685f 7573 6572 5f75 7365 725f 7065 726d 6973 7369 6f6e 735f 7573 6572 5f69 645f 3134 6136 6236 3332 5f75 6e69 7122 204f 4e20 2261 7574 685f 7573 6572 5f75 7365 725f 7065 726d 6973 7369 6f6e 7322 2028 2275 7365 725f 6964 222c 2022 7065 726d 6973 7369 6f6e 5f69 6422 2981 2817 0717 5341 0181 4969 6e64 6578 6175 7468 5f75 7365 725f 7573 6572 5f70 6572 6d69 7373 696f 6e73 5f65 3837 3031 6164 3461 7574 685f 7573 6572 5f75 7365 725f 7065 726d 6973 7369 6f6e 731c 4352 4541 5445 2049 4e44 4558 2022 6175 7468 5f75 7365 725f 7573 6572 5f70 6572 6d69 7373 696f 6e73 5f65 3837 3031 6164 3422 204f 4e20 2261 7574 685f 7573 6572 5f75 7365 725f 7065 726d 6973 7369 6f6e 7322 2028 2275 7365 725f 6964 2229 0a00 0000 0004 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0a00 0000 0004 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0a00 0000 0a03 c400 03fa 03f4 03ee 03e8 03e2 03dc 03d6 03d0 03ca 03c4 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0503 0101 070a 0503 0101 0709 0503 0101 0708 0503 0101 0707 0503 0101 0706 0503 0101 0405 0503 0101 0404 0503 0101 0403 0503 0101 0402 0503 0101 0401 0a00 0000 0a03 c400 03fa 03f4 03ee 03e8 03e2 03dc 03d6 03d0 03ca 03c4 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0503 0101 010a 0503 0101 0109 0503 0101 0108 0503 0101 0107 0503 0101 0106 0503 0101 0105 0503 0101 0104 0503 0101 0103 0503 0101 0102 0503 0101 0101 0d00 0000 0400 9700 0097 0148 02f2 037d 0043 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0082 0723 0717 2b2b 0183 4574 6162 6c65 6175 7468 5f70 6572 6d69 7373 696f 6e61 7574 685f 7065 726d 6973 7369 6f6e 2343 5245 4154 4520 5441 424c 4520 2261 7574 685f 7065 726d 6973 7369 6f6e 2220 2822 6964 2220 6981 2e18 0717 5341 0181 5569 6e64 6578 6175 7468 5f75 7365 725f 7573 6572 5f70 6572 6d69 7373 696f 6e73 5f38 3337 3362 3137 3161 7574 685f 7573 6572 5f75 7365 725f 7065 726d 6973 7369 6f6e 731d 4352 4541 5445 2049 4e44 4558 2022 6175 7468 5f75 7365 725f 7573 6572 5f70 6572 6d69 7373 696f 6e73 5f38 3337 3362 3137 3122 204f 4e20 2261 7574 685f 7573 6572 5f75 7365 725f 7065 726d 6973 7369 6f6e 7322 2028 2270 6572 6d69 7373 696f 6e5f 6964 2229 8327 1c07 172d 2d01 8601 7461 626c 6564 6a61 6e67 6f5f 6164 6d69 6e5f 6c6f 6764 6a61 6e67 6f5f 6164 6d69 6e5f 6c6f 6722 4352 4541 5445 2054 4142 4c45 2022 646a 616e 676f 5f61 646d 696e 5f6c 6f67 2220 2822 6964 2220 696e 7465 6765 7220 4e4f 5420 4e55 4c4c 2050 5249 4d41 5259 204b 4559 2041 5554 4f49 4e43 5245 4d45 4e54 2c20 226f 626a 6563 745f 6964 2220 7465 7874 204e 554c 4c2c 2022 6f62 6a65 6374 5f72 6570 7222 2076 6172 6368 6172 2832 3030 2920 4e4f 5420 4e55 4c4c 2c20 2261 6374 696f 6e5f 666c 6167 2220 736d 616c 6c69 6e74 2075 6e73 6967 6e65 6420 4e4f 5420 4e55 4c4c 2c20 2263 6861 6e67 655f 6d65 7373 6167 6522 2074 6578 7420 4e4f 5420 4e55 4c4c 2c20 2263 6f6e 7465 6e74 5f74 7970 655f 6964 2220 696e 7465 6765 7220 4e55 4c4c 2052 4546 4552 454e 4345 5320 2264 6a61 6e67 6f5f 636f 6e74 656e 745f 7479 7065 2220 2822 6964 2229 2c20 2275 7365 725f 6964 2220 696e 7465 6765 7220 4e4f 5420 4e55 4c4c 2052 4546 4552 454e 4345 5320 2261 7574 685f 7573 6572 2220 2822 6964 2229 2c20 2261 6374 696f 6e5f 7469 6d65 2220 6461 7465 7469 6d65 204e 4f54 204e 554c 4c29 8108 1d07 173f 2d01 8131 696e 6465 7864 6a61 6e67 6f5f 6164 6d69 6e5f 6c6f 675f 3431 3766 3162 3163 646a 616e 676f 5f61 646d 696e 5f6c 6f67 1e43 5245 4154 4520 494e 4445 5820 2264 6a61 6e67 6f5f 6164 6d69 6e5f 6c6f 675f 3431 3766 3162 3163 2220 4f4e 2022 646a 616e 676f 5f61 646d 696e 5f6c 6f67 2220 2822 636f 6e74 656e 745f 7479 7065 5f69 6422 2981 001e 0717 3f2d 0181 2169 6e64 6578 646a 616e 676f 5f61 646d 696e 5f6c 6f67 5f65 3837 3031 6164 3464 6a61 6e67 6f5f 6164 6d69 6e5f 6c6f 671f 4352 4541 5445 2049 4e44 4558 2022 646a 616e 676f 5f61 646d 696e 5f6c 6f67 5f65 3837 3031 6164 3422 204f 4e20 2264 6a61 6e67 6f5f 6164 6d69 6e5f 6c6f 6722 2028 2275 7365 725f 6964 2229 0d00 0000 0400 a700 00a7 0173 0232 033c 0379 001c 0000 0000 0000 0000 0026 0617 8149 2107 1733 3301 8239 7461 626c 6564 6a61 6e67 6f5f 636f 6e74 656e 745f 7479 7065 646a 616e 676f 5f63 6f6e 7465 6e74 5f74 7970 6505 4352 4541 5445 2054 4142 4c45 2022 646a 616e 676f 5f63 6f6e 7465 6e74 5f74 7970 6522 2028 2269 6422 2069 6e74 6567 6572 204e 4f54 204e 554c 4c20 5052 494d 4152 5920 4b45 5920 4155 544f 494e 4352 454d 4581 4921 0717 3333 0182 3974 6162 6c65 646a 616e 676f 5f63 6f6e 7465 6e74 5f74 7970 6564 6a61 6e67 6f5f 636f 6e74 656e 745f 7479 7065 0543 5245 4154 4520 5441 424c 4520 2264 6a61 6e67 6f5f 636f 6e74 656e 745f 7479 7065 2220 2822 6964 2220 696e 7465 6765 7220 4e4f 5420 4e55 4c4c 2050 5249 4d41 5259 204b 4559 2041 5554 4f49 4e43 5245 4d45 4e54 2c20 2261 7070 5f6c 6162 656c 2220 7661 7263 6861 7228 3130 3029 204e 4f54 204e 554c 4c2c 2022 6d6f 6465 6c22 2076 6172 6368 6172 2831 3030 2920 4e4f 5420 4e55 4c4c 2981 3c22 0717 6333 0181 6f69 6e64 6578 646a 616e 676f 5f63 6f6e 7465 6e74 5f74 7970 655f 6170 705f 6c61 6265 6c5f 3736 6264 3364 3362 5f75 6e69 7164 6a61 6e67 6f5f 636f 6e74 656e 745f 7479 7065 0443 5245 4154 4520 554e 4951 5545 2049 4e44 4558 2022 646a 616e 676f 5f63 6f6e 7465 6e74 5f74 7970 655f 6170 705f 6c61 6265 6c5f 3736 6264 3364 3362 5f75 6e69 7122 204f 4e20 2264 6a61 6e67 6f5f 636f 6e74 656e 745f 7479 7065 2220 2822 6170 705f 6c61 6265 6c22 2c20 226d 6f64 656c 2229 8207 2307 172b 2b01 8345 7461 626c 6561 7574 685f 7065 726d 6973 7369 6f6e 6175 7468 5f70 6572 6d69 7373 696f 6e23 4352 4541 5445 2054 4142 4c45 2022 6175 7468 5f70 6572 6d69 7373 696f 6e22 2028 2269 6422 2069 6e74 6567 6572 204e 4f54 204e 554c 4c20 5052 494d 4152 5920 4b45 5920 4155 544f 494e 4352 454d 454e 542c 2022 636f 6e74 656e 745f 7479 7065 5f69 6422 2069 6e74 6567 6572 204e 4f54 204e 554c 4c20 5245 4645 5245 4e43 4553 2022 646a 616e 676f 5f63 6f6e 7465 6e74 5f74 7970 6522 2028 2269 6422 292c 2022 636f 6465 6e61 6d65 2220 7661 7263 6861 7228 3130 3029 204e 4f54 204e 554c 4c2c 2022 6e61 6d65 2220 7661 7263 6861 7228 3235 3529 204e 4f54 204e 554c 4c29 8141 2407 1767 2b01 817d 696e 6465 7861 7574 685f 7065 726d 6973 7369 6f6e 5f63 6f6e 7465 6e74 5f74 7970 655f 6964 5f30 3161 6233 3735 615f 756e 6971 6175 7468 5f70 6572 6d69 7373 696f 6e06 4352 4541 5445 2055 4e49 5155 4520 494e 4445 5820 2261 7574 685f 7065 726d 6973 7369 6f6e 5f63 6f6e 7465 6e74 5f74 7970 655f 6964 5f30 3161 6233 3735 615f 756e 6971 2220 4f4e 2022 6175 7468 5f70 6572 6d69 7373 696f 6e22 2028 2263 6f6e 7465 6e74 5f74 7970 655f 6964 222c 2022 636f 6465 6e61 6d65 2229 0d00 0000 0a01 9a00 03b2 0373 033d 02ec 02bc 027f 0242 0205 01d0 019a 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 340a 0900 0f1b 0119 0101 4134 4a75 616e 6974 6101 4164 6465 642e 0701 3230 3136 2d30 312d 3237 2031 343a 3336 3a30 302e 3139 3030 3030 3309 0900 0f19 0119 0101 4133 4573 7065 6a6f 0141 6464 6564 2e07 0132 3031 362d 3031 2d32 3720 3133 3a35 333a 3538 2e39 3938 3030 303b 0809 000f 1901 2901 0141 3259 6f67 7572 7402 4368 616e 6765 6420 7072 6963 652e 0701 3230 3136 2d30 312d 3237 2031 333a 3431 3a32 342e 3132 3530 3030 3b07 0900 0f29 0119 0101 4132 5072 6f64 7563 7420 6f62 6a65 6374 0141 6464 6564 2e07 0132 3031 362d 3031 2d32 3720 3133 3a33 383a 3337 2e34 3436 3030 303b 0609 000f 2901 1901 0141 3150 726f 6475 6374 206f 626a 6563 7401 4164 6465 642e 0701 3230 3136 2d30 312d 3237 2031 333a 3337 3a34 392e 3734 3230 3030 2e05 0900 0f1b 010d 0101 4132 6a75 616e 6974 6103 0401 3230 3136 2d30 312d 3237 2031 333a 3334 3a34 322e 3736 3930 3030 4f04 0900 0f1b 014f 0101 4132 6a75 616e 6974 6102 4368 616e 6765 6420 6669 7273 745f 6e61 6d65 2061 6e64 206c 6173 745f 6e61 6d65 2e04 0132 3031 362d 3031 2d32 3720 3133 3a33 333a 3538 2e37 3830 3030 3034 0309 000f 1b01 1901 0141 326a 7561 6e69 7461 0141 6464 6564 2e04 0132 3031 362d 3031 2d32 3720 3133 3a33 333a 3433 2e31 3632 3030 303d 0209 000f 1501 3101 0141 314a 7561 6e02 4e6f 2066 6965 6c64 7320 6368 616e 6765 642e 0401 3230 3136 2d30 312d 3237 2031 333a 3333 3a30 382e 3831 3430 3030 4c01 0900 0f15 014f 0101 4131 4a75 616e 0243 6861 6e67 6564 2066 6972 7374 5f6e 616d 6520 616e 6420 6c61 7374 5f6e 616d 652e 0401 3230 3136 2d30 312d 3237 2031 333a 3332 3a32 312e 3836 3430 3030 0d00 0000 1500 ca00 03db 03b0 0385 035d 032f 0301 02e3 02bf 029b 027f 025d 023b 0210 01df 01ae 018c 0164 013c 011a 00f2 00ca 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 2615 0500 0129 3107 6465 6c65 7465 5f70 726f 6475 6374 4361 6e20 6465 6c65 7465 2070 726f 6475 6374 2614 0500 0129 3107 6368 616e 6765 5f70 726f 6475 6374 4361 6e20 6368 616e 6765 2070 726f 6475 6374 2013 0500 0123 2b07 6164 645f 7072 6f64 7563 7443 616e 2061 6464 2070 726f 6475 6374 2612 0500 0129 3106 6465 6c65 7465 5f73 6573 7369 6f6e 4361 6e20 6465 6c65 7465 2073 6573 7369 6f6e 2611 0500 0129 3106 6368 616e 6765 5f73 6573 7369 6f6e 4361 6e20 6368 616e 6765 2073 6573 7369 6f6e 2010 0500 0123 2b06 6164 645f 7365 7373 696f 6e43 616e 2061 6464 2073 6573 7369 6f6e 2f0f 0500 0131 3b05 6465 6c65 7465 5f63 6f6e 7465 6e74 7479 7065 4361 6e20 6465 6c65 7465 2063 6f6e 7465 6e74 2074 7970 652f 0e05 0001 313b 0563 6861 6e67 655f 636f 6e74 656e 7474 7970 6543 616e 2063 6861 6e67 6520 636f 6e74 656e 7420 7479 7065 290d 0500 012b 3505 6164 645f 636f 6e74 656e 7474 7970 6543 616e 2061 6464 2063 6f6e 7465 6e74 2074 7970 6520 0c05 0001 232b 0464 656c 6574 655f 7573 6572 4361 6e20 6465 6c65 7465 2075 7365 7220 0b05 0001 232b 0463 6861 6e67 655f 7573 6572 4361 6e20 6368 616e 6765 2075 7365 721a 0a05 0001 1d25 0461 6464 5f75 7365 7243 616e 2061 6464 2075 7365 7222 0905 0001 252d 0364 656c 6574 655f 6772 6f75 7043 616e 2064 656c 6574 6520 6772 6f75 7022 0805 0001 252d 0363 6861 6e67 655f 6772 6f75 7043 616e 2063 6861 6e67 6520 6772 6f75 701c 0705 0001 1f27 0361 6464 5f67 726f 7570 4361 6e20 6164 6420 6772 6f75 702c 0605 0001 2f37 0264 656c 6574 655f 7065 726d 6973 7369 6f6e 4361 6e20 6465 6c65 7465 2070 6572 6d69 7373 696f 6e2c 0505 0001 2f37 0263 6861 6e67 655f 7065 726d 6973 7369 6f6e 4361 6e20 6368 616e 6765 2070 6572 6d69 7373 696f 6e26 0405 0001 2931 0261 6464 5f70 6572 6d69 7373 696f 6e43 616e 2061 6464 2070 6572 6d69 7373 696f 6e29 0305 0001 2b35 0164 656c 6574 655f 6c6f 6765 6e74 7279 4361 6e20 6465 6c65 7465 206c 6f67 2065 6e74 7279 2902 0500 012b 3501 6368 616e 6765 5f6c 6f67 656e 7472 7943 616e 2063 6861 6e67 6520 6c6f 6720 656e 7472 7923 0105 0001 252f 0161 6464 5f6c 6f67 656e 7472 7943 616e 2061 6464 206c 6f67 2065 6e74 7279 0d00 0000 0400 e300 00e3 016a 0314 0347 0288 0284 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0083 272c 0717 1f1f 0186 1d74 6162 6c65 6175 7468 5f75 7365 7261 7574 685f 7573 6572 0c43 5245 4154 4520 5441 424c 4520 2261 7574 685f 7573 6572 2220 2822 6964 2220 696e 7465 6765 7220 4e4f 5420 4e55 4c4c 2050 5249 4d41 5259 204b 4559 2041 5554 4f49 4e43 5245 4d45 4e54 2c20 2270 6173 7377 6f72 6422 2076 6172 6368 6172 2831 3238 2920 4e4f 5420 4e55 4c4c 2c20 226c 6173 745f 6c6f 6769 6e22 2064 6174 6574 696d 6520 4e55 4c4c 2c20 2269 735f 7375 7065 7275 7365 7222 2081 0425 0717 3d2b 0181 2d69 6e64 6578 6175 7468 5f70 6572 6d69 7373 696f 6e5f 3431 3766 3162 3163 6175 7468 5f70 6572 6d69 7373 696f 6e11 4352 4541 5445 2049 4e44 4558 2022 6175 7468 5f70 6572 6d69 7373 696f 6e5f 3431 3766 3162 3163 2220 4f4e 2022 6175 7468 5f70 6572 6d69 7373 696f 6e22 2028 2263 6f6e 7465 6e74 5f74 7970 655f 6964 2229 8327 2c07 171f 1f01 861d 7461 626c 6561 7574 685f 7573 6572 6175 7468 5f75 7365 720c 4352 4541 5445 2054 4142 4c45 2022 6175 7468 5f75 7365 7222 2028 2269 6422 2069 6e74 6567 6572 204e 4f54 204e 554c 4c20 5052 494d 4152 5920 4b45 5920 4155 544f 494e 4352 454d 454e 542c 2022 7061 7373 776f 7264 2220 7661 7263 6861 7228 3132 3829 204e 4f54 204e 554c 4c2c 2022 6c61 7374 5f6c 6f67 696e 2220 6461 7465 7469 6d65 204e 554c 4c2c 2022 6973 5f73 7570 6572 7573 6572 2220 626f 6f6c 204e 4f54 204e 554c 4c2c 2022 6669 7273 745f 6e61 6d65 2220 7661 7263 6861 7228 3330 2920 4e4f 5420 4e55 4c4c 2c20 226c 6173 745f 6e61 6d65 2220 7661 7263 6861 7228 3330 2920 4e4f 5420 4e55 4c4c 2c20 2265 6d61 696c 2220 7661 7263 6861 7228 3235 3429 204e 4f54 204e 554c 4c2c 2022 6973 5f73 7461 6666 2220 626f 6f6c 204e 4f54 204e 554c 4c2c 2022 6973 5f61 6374 6976 6522 2062 6f6f 6c20 4e4f 5420 4e55 4c4c 2c20 2264 6174 655f 6a6f 696e 6564 2220 6461 7465 7469 6d65 204e 4f54 204e 554c 4c2c 2022 7573 6572 6e61 6d65 2220 7661 7263 6861 7228 3330 2920 4e4f 5420 4e55 4c4c 2055 4e49 5155 4529 312d 0617 451f 0100 696e 6465 7873 716c 6974 655f 6175 746f 696e 6465 785f 6175 7468 5f75 7365 725f 3161 7574 685f 7573 6572 0d81 362e 0717 2929 0182 2774 6162 6c65 646a 616e 676f 5f73 6573 7369 6f6e 646a 616e 676f 5f73 6573 7369 6f6e 0f43 5245 4154 4520 5441 424c 4520 2264 6a61 6e67 6f5f 7365 7373 696f 6e22 2028 2273 6573 7369 6f6e 5f6b 6579 2220 7661 7263 6861 7228 3430 2920 4e4f 5420 4e55 4c4c 2050 5249 4d41 5259 204b 4559 2c20 2273 6573 7369 6f6e 5f64 6174 6122 2074 6578 7420 4e4f 5420 4e55 4c4c 2c20 2265 7870 6972 655f 6461 7465 2220 6461 7465 7469 6d65 204e 4f54 204e 554c 4c29 0d00 0000 0403 5c00 03dc 03b7 0381 035c 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 2304 0600 1b23 1f02 4a75 616e 6974 614d 7579 2068 6572 6d6f 7361 4865 726d 616e 6974 6103 e834 0306 0019 5115 0245 7370 656a 6f48 6572 7261 6d69 656e 7461 2070 6172 6120 7665 7273 6520 6120 756e 6f20 6d69 736d 6f43 6173 6100 9623 0206 0019 2b1b 0159 6f67 7572 7450 726f 6475 6374 6f20 4c61 6374 656f 4c61 6374 656f 730a 2201 0600 172b 1b01 5175 6573 6f50 726f 6475 6374 6f20 4c61 6374 656f 4c61 6374 656f 7328 0d00 0000 0302 4500 0245 0282 0300 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 0000 003b 2f06 174f 2901 0069 6e64 6578 7371 6c69 7465 5f61 7574 6f69 6e64 6578 5f64 6a61 6e67 6f5f 7365 7373 696f 6e5f 3164 6a61 6e67 6f5f 7365 7373 696f 6e12 7c30 0717 3b29 0181 2169 6e64 6578 646a 616e 676f 5f73 6573 7369 6f6e 5f64 6535 3466 6136 3264 6a61 6e67 6f5f 7365 7373 696f 6e14 4352 4541 5445 2049 4e44 4558 2022 646a 616e 676f 5f73 6573 7369 6f6e 5f64 6535 3466 6136 3222 204f 4e20 2264 6a61 6e67 6f5f 7365 7373 696f 6e22 2028 2265 7870 6972 655f 6461 7465 2229 817d 3107 172d 2d01 832d 7461 626c 6570 726f 6475 6374 735f 7072 6f64 7563 7470 726f 6475 6374 735f 7072 6f64 7563 7425 4352 4541 5445 2054 4142 4c45 2022 7072 6f64 7563 7473 5f70 726f 6475 6374 2220 2822 6964 2220 696e 7465 6765 7220 4e4f 5420 4e55 4c4c 2050 5249 4d41 5259 204b 4559 2041 5554 4f49 4e43 5245 4d45 4e54 2c20 226e 616d 6522 2076 6172 6368 6172 2832 3535 2920 4e4f 5420 4e55 4c4c 2c20 2264 6573 6372 6970 7469 6f6e 2220 7661 7263 6861 7228 3235 3529 204e 4f54 204e 554c 4c2c 2022 6361 7465 676f 7279 2220 7661 7263 6861 7228 3235 3529 204e 4f54 204e 554c 4c2c 2022 7072 6963 6522 2064 6563 696d 616c 204e 4f54 204e 554c 4c29 En serio? Te la creiste? jajajajaja
[ 20, 35273, 604, 66, 3388, 8915, 2996, 1160, 2791, 718, 69, 4761, 718, 67, 5333, 8915, 1238, 4747, 405, 198, 3023, 405, 5534, 486, 3571, 1821, 12131, 17643, 3571, 18, 65, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 3571, 18, 65, 17643, 3571, 486, 198, 2388, 17643, 17643, 17643, 17643, 3571, 486, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 657, 4059, 17643, 657, 35642, 304, 2167, 17643, 3571, 2075, 198, 3070, 21855, 7643, 69, 16, 7643, 721, 7643, 69, 21, 7643, 68, 22, 7643, 68, 17, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 3571, 6659, 198, 21, 32869, 8753, 1558, 513, 20370, 5534, 6469, 767, 46900, 718, 25061, 718, 66, 2996, 718, 3510, 64, 198, 44214, 68, 718, 4304, 69, 642, 69, 5066, 718, 69, 21, 68, 8915, 2996, 718, 68, 4524, 642, 69, 4524, 9225, 2154, 198, 2996, 2414, 718, 64, 5333, 718, 68, 3134, 718, 69, 20, 69, 718, 2623, 69, 718, 68, 4524, 718, 3980, 68, 767, 2231, 69, 198, 22, 31714, 4317, 2996, 8870, 3559, 642, 22995, 604, 21526, 4153, 1238, 642, 39710, 48252, 66, 198, 2231, 1238, 362, 18897, 718, 64, 5333, 718, 68, 3134, 718, 69, 20, 69, 718, 2623, 69, 718, 68, 4524, 718, 3980, 68, 198, 50150, 69, 767, 31714, 4317, 2996, 2534, 1238, 2579, 1828, 8644, 2414, 2534, 1238, 718, 4846, 68, 198, 4524, 2996, 8275, 2996, 7724, 1238, 604, 68, 19, 69, 7175, 1238, 604, 68, 2816, 604, 66, 19, 66, 32215, 198, 20, 21626, 604, 67, 3901, 642, 25191, 26956, 65, 604, 38605, 1160, 3901, 642, 44218, 604, 69, 2920, 198, 19, 68, 3559, 642, 22995, 604, 67, 2231, 604, 68, 4051, 362, 66, 1238, 31510, 68, 718, 1433, 67, 6135, 1828, 198, 1238, 4304, 718, 23628, 718, 27412, 718, 23628, 2579, 3132, 1542, 1270, 2808, 1238, 604, 68, 19, 69, 198, 4051, 1238, 604, 68, 2816, 604, 66, 19, 66, 362, 66, 1238, 362, 30057, 4317, 2154, 642, 69, 21, 66, 718, 25061, 198, 37466, 66, 2534, 1238, 767, 47159, 767, 29558, 718, 4521, 16, 767, 23815, 3261, 1270, 1542, 1959, 198, 18638, 68, 604, 69, 4051, 26956, 68, 642, 4051, 66, 604, 66, 17, 66, 33160, 718, 67, 21, 69, 5598, 2996, 198, 21, 66, 1828, 1160, 4304, 718, 23628, 718, 27412, 718, 23628, 2579, 3132, 1542, 1270, 2808, 1238, 198, 19, 68, 19, 69, 7175, 1238, 604, 68, 2816, 604, 66, 19, 66, 2808, 405, 17643, 513, 64, 1558, 513, 67, 18, 67, 198, 486, 6469, 767, 69, 4524, 718, 25061, 718, 66, 2996, 718, 3510, 64, 718, 1433, 68, 718, 4304, 69, 642, 69, 5066, 198, 21, 69, 21, 68, 8915, 2996, 718, 68, 4524, 642, 69, 4524, 9225, 2154, 45021, 69, 642, 69, 21, 69, 718, 66, 2414, 198, 27720, 64, 718, 1433, 68, 718, 4304, 69, 642, 69, 5066, 718, 69, 21, 68, 8915, 2996, 718, 68, 4524, 642, 69, 405, 198, 2388, 657, 40271, 513, 66, 2713, 8753, 1558, 718, 20370, 5534, 6659, 718, 69, 3388, 718, 68, 2414, 198, 2996, 3695, 718, 3510, 64, 718, 1433, 68, 718, 4304, 69, 642, 69, 5066, 718, 69, 21, 68, 8915, 2996, 718, 68, 4524, 198, 20, 69, 4524, 9225, 2154, 45021, 69, 718, 17279, 767, 2713, 69, 718, 66, 5333, 718, 22980, 718, 66, 20, 69, 198, 2718, 2623, 718, 18897, 4747, 2414, 513, 35667, 642, 69, 2425, 718, 68, 3388, 767, 23237, 718, 64, 5333, 198, 21, 68, 3134, 718, 69, 20, 69, 718, 2623, 69, 718, 68, 4524, 718, 3980, 68, 767, 2231, 69, 767, 31714, 4317, 2996, 198, 15, 34938, 642, 22995, 604, 21526, 4153, 1238, 642, 4051, 68, 604, 50119, 5996, 2231, 1160, 2920, 198, 19, 68, 2598, 604, 40486, 33160, 718, 3510, 64, 718, 1433, 68, 718, 4304, 69, 642, 69, 5066, 718, 69, 21, 68, 198, 4524, 2996, 718, 68, 4524, 642, 69, 4524, 9225, 2154, 45021, 69, 718, 17279, 767, 2713, 69, 718, 66, 5333, 198, 21, 22980, 718, 66, 20, 69, 5214, 2623, 718, 18897, 4747, 2414, 513, 35667, 642, 69, 2425, 718, 68, 3388, 198, 22, 18376, 26956, 69, 604, 68, 1238, 362, 18897, 718, 64, 5333, 718, 68, 3134, 718, 69, 20, 69, 718, 2623, 69, 198, 21, 68, 4524, 718, 3980, 68, 767, 2231, 69, 767, 31714, 4317, 2996, 2534, 1238, 2579, 1828, 718, 17279, 198, 34801, 69, 718, 66, 5333, 718, 22980, 718, 66, 1828, 362, 66, 1238, 31510, 67, 718, 69, 2414, 718, 3980, 66, 198, 1828, 1959, 5323, 17, 9130, 1558, 362, 65, 17, 65, 5534, 3270, 767, 40652, 718, 2075, 66, 718, 48638, 198, 22, 1433, 66, 8644, 4524, 45021, 69, 767, 24760, 767, 17430, 718, 3980, 68, 718, 24760, 37517, 16, 198, 21, 66, 3388, 8915, 2996, 642, 69, 4790, 718, 42875, 5441, 2996, 718, 68, 5066, 22626, 18, 604, 33394, 198, 2231, 3901, 7175, 2231, 1160, 4051, 604, 23726, 604, 66, 2231, 1160, 4790, 767, 1433, 66, 8644, 4524, 198, 35916, 69, 767, 24760, 767, 17430, 718, 3980, 68, 718, 24760, 39697, 68, 718, 1433, 67, 718, 4309, 66, 198, 22, 24760, 767, 18741, 807, 19707, 5534, 2998, 23120, 69, 362, 69, 486, 807, 30057, 767, 40652, 198, 45191, 66, 6135, 2414, 718, 64, 5333, 718, 68, 3134, 718, 69, 20, 69, 718, 67, 3388, 718, 43571, 718, 22985, 198, 38205, 69, 718, 68, 4790, 718, 3510, 64, 718, 1433, 68, 718, 4304, 69, 642, 69, 21, 67, 8644, 3134, 767, 30057, 198, 4524, 3388, 718, 69, 21, 68, 767, 22709, 604, 33394, 4153, 3901, 7175, 2231, 1160, 4051, 604, 23726, 198, 19, 66, 2231, 33160, 718, 3510, 64, 718, 1433, 68, 718, 4304, 69, 642, 69, 21, 67, 8644, 3134, 767, 30057, 198, 4524, 3388, 718, 69, 21, 68, 8854, 1828, 1160, 2078, 362, 26276, 5598, 1828, 1160, 3388, 718, 68, 4524, 198, 2996, 3134, 718, 48724, 26956, 68, 604, 69, 4051, 26956, 68, 642, 4051, 66, 604, 66, 1238, 2026, 4309, 198, 39449, 67, 604, 17827, 7863, 1238, 604, 65, 2231, 7863, 1238, 604, 18742, 642, 2598, 69, 5125, 19, 68, 198, 19, 33394, 604, 4051, 67, 604, 4051, 68, 642, 3682, 66, 33160, 718, 17279, 4317, 1828, 1160, 4304, 198, 21, 23628, 718, 27412, 718, 23628, 2579, 2624, 3439, 2327, 2808, 1238, 604, 68, 19, 69, 7175, 1238, 198, 19, 68, 2816, 604, 66, 19, 66, 362, 66, 1238, 31510, 68, 718, 1433, 67, 6135, 1828, 1160, 4304, 718, 23628, 198, 21, 27412, 718, 23628, 2579, 2624, 3439, 2327, 2808, 1238, 604, 68, 19, 69, 7175, 1238, 604, 68, 2816, 198, 19, 66, 19, 66, 17643, 3571, 1731, 362, 68, 405, 17643, 362, 17464, 17643, 3571, 16, 65, 198, 1558, 405, 17643, 657, 64, 1157, 17643, 3571, 1238, 352, 68, 405, 17643, 657, 2154, 65, 198, 15, 67, 405, 17643, 657, 67, 405, 269, 7410, 7643, 66, 22, 657, 34107, 7643, 2414, 7643, 2481, 198, 2999, 67, 22, 657, 2078, 67, 657, 23045, 657, 22136, 5534, 66, 17, 5534, 22, 69, 5534, 2624, 3571, 16344, 198, 405, 66, 23, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 25508, 67, 657, 4059, 352, 67, 1495, 604, 17279, 198, 22, 2075, 69, 5598, 2425, 718, 31020, 8854, 1270, 1542, 1270, 32647, 69, 718, 4846, 68, 8644, 4524, 198, 3388, 5333, 718, 66, 2624, 1542, 3132, 4570, 17, 67, 1542, 3132, 362, 67, 2624, 5214, 1238, 513, 16945, 198, 18, 64, 2624, 49327, 64, 4974, 2548, 362, 68, 2623, 5214, 3132, 1542, 1270, 1542, 2091, 657, 66, 2713, 198, 8298, 67, 1679, 3901, 767, 24760, 767, 34770, 718, 4846, 69, 718, 68, 4790, 1542, 1270, 1542, 3132, 198, 20, 69, 3388, 718, 68, 3388, 8915, 3388, 718, 1433, 66, 3933, 1270, 513, 20809, 362, 67, 1270, 34465, 67, 198, 18, 24693, 1160, 3132, 38446, 64, 4974, 1270, 513, 64, 3132, 34465, 68, 4353, 2623, 3261, 1270, 198, 1270, 1270, 604, 65, 15, 65, 657, 4059, 20708, 67, 604, 25948, 767, 46900, 8257, 1270, 1542, 1270, 198, 22318, 69, 718, 1433, 66, 8915, 2996, 767, 1495, 69, 767, 47159, 718, 66, 3388, 718, 40652, 767, 3510, 69, 198, 22, 27367, 642, 69, 5333, 5598, 2414, 642, 69, 2996, 767, 29807, 718, 69, 4761, 642, 69, 21, 67, 718, 48638, 198, 22, 35195, 8275, 2996, 767, 32148, 1542, 3132, 4570, 17, 67, 1542, 3132, 362, 67, 2624, 5214, 1238, 198, 18, 19924, 513, 64, 2682, 30727, 64, 513, 22042, 362, 68, 2548, 4974, 2327, 1542, 1270, 1542, 3901, 198, 15, 64, 2713, 3571, 1314, 5125, 3901, 718, 17430, 8915, 3104, 1542, 1270, 1542, 2623, 642, 69, 4761, 198, 2996, 4869, 5441, 3388, 767, 22980, 642, 69, 5066, 718, 69, 21, 68, 8915, 2996, 718, 68, 4524, 767, 31714, 198, 2154, 2996, 767, 2327, 69, 1542, 1270, 1542, 2624, 3933, 1270, 513, 20809, 362, 67, 1270, 34465, 67, 198, 18, 24693, 1160, 3132, 38446, 64, 4974, 1270, 513, 64, 3132, 34465, 68, 5214, 2670, 4747, 1270, 198, 1270, 1270, 604, 22567, 657, 4059, 24235, 65, 604, 25948, 767, 46900, 8257, 1270, 1542, 1270, 198, 28567, 69, 718, 1433, 66, 8915, 2996, 767, 1495, 69, 767, 48638, 718, 48724, 642, 69, 21, 66, 718, 25399, 198, 50150, 69, 718, 66, 21, 69, 8275, 3388, 718, 68, 20, 69, 718, 68, 2425, 718, 66, 21, 66, 3933, 1270, 513, 20809, 198, 17, 67, 1270, 34465, 67, 513, 24693, 1160, 3132, 38446, 64, 4974, 1270, 513, 64, 3132, 34465, 68, 198, 2718, 2548, 4570, 1270, 1542, 1270, 7337, 23, 657, 4059, 1315, 2857, 604, 25948, 767, 46900, 198, 3104, 1270, 1542, 1270, 39937, 69, 718, 1433, 66, 8915, 2996, 767, 1495, 69, 767, 48638, 718, 48724, 198, 20, 69, 2425, 767, 24760, 767, 2075, 68, 718, 1433, 67, 45021, 69, 718, 69, 2154, 767, 37804, 3933, 1270, 198, 18, 20809, 362, 67, 1270, 34465, 67, 513, 24693, 1160, 3132, 38446, 64, 4974, 1270, 513, 64, 3132, 198, 27970, 68, 5214, 2091, 4570, 1270, 1542, 1270, 604, 22996, 657, 4059, 24235, 67, 604, 25948, 198, 2425, 4524, 8257, 1270, 1542, 1270, 37144, 69, 718, 1433, 66, 8915, 2996, 767, 1495, 69, 767, 48638, 198, 2996, 4761, 642, 69, 2996, 718, 67, 5333, 718, 4846, 66, 642, 69, 21, 67, 718, 23188, 642, 69, 21, 66, 718, 3980, 68, 198, 3134, 4524, 8257, 2624, 1542, 3132, 4570, 17, 67, 1542, 3132, 362, 67, 2624, 5214, 1238, 513, 19924, 198, 18, 64, 2682, 30727, 64, 513, 22042, 362, 68, 2623, 4353, 3132, 1542, 1270, 1542, 2780, 657, 32417, 198, 405, 1314, 7632, 3901, 718, 17430, 8915, 3104, 1542, 1270, 1542, 2624, 642, 69, 5333, 718, 66, 4524, 198, 2996, 4761, 642, 69, 2154, 718, 48724, 718, 67, 3388, 767, 34770, 718, 4846, 69, 718, 68, 20, 69, 718, 68, 5333, 198, 21, 67, 2996, 642, 69, 21, 67, 718, 23188, 642, 69, 21, 66, 718, 3980, 68, 718, 47582, 8257, 2624, 1542, 3132, 198, 35667, 67, 1542, 3132, 362, 67, 2624, 5214, 1238, 513, 19924, 513, 64, 2682, 30727, 64, 513, 22042, 198, 17, 68, 2623, 23460, 17, 1542, 1270, 1542, 2780, 657, 31654, 3571, 1495, 6298, 3901, 718, 2623, 69, 198, 21, 68, 4524, 718, 3980, 68, 767, 38652, 9225, 2154, 718, 48638, 1542, 1270, 1542, 2624, 642, 69, 4761, 198, 37466, 67, 718, 69, 4304, 45021, 69, 718, 2623, 69, 718, 68, 4524, 718, 3980, 68, 767, 2231, 69, 767, 31714, 198, 2154, 2996, 642, 69, 21, 68, 718, 1433, 67, 6135, 2624, 1542, 3132, 4570, 17, 67, 1542, 3132, 362, 67, 2624, 198, 2718, 1238, 513, 19924, 513, 64, 2682, 30727, 64, 513, 22042, 362, 68, 2327, 4353, 2718, 1542, 1270, 198, 1270, 3901, 657, 26598, 3571, 1558, 6298, 3901, 718, 23237, 718, 67, 3388, 718, 68, 1270, 1542, 1270, 198, 26582, 69, 718, 66, 21, 69, 8275, 2996, 718, 68, 4524, 767, 26050, 642, 69, 4761, 718, 3980, 67, 718, 69, 4304, 198, 35916, 69, 718, 17430, 767, 3510, 69, 642, 69, 5333, 5598, 2414, 3933, 1270, 513, 20809, 362, 67, 1270, 198, 27970, 67, 513, 24693, 1160, 3132, 38446, 64, 4974, 1270, 513, 64, 3132, 34465, 68, 3439, 3132, 198, 2091, 1270, 1542, 1270, 5867, 18, 657, 4059, 1596, 1495, 604, 25948, 718, 3510, 67, 718, 4846, 68, 198, 1270, 1270, 1542, 3132, 642, 69, 3388, 718, 68, 3388, 8915, 3388, 718, 1433, 66, 3933, 1270, 513, 20809, 198, 17, 67, 1270, 34465, 67, 513, 24693, 1160, 3132, 38446, 64, 4974, 1270, 513, 64, 3132, 34465, 68, 198, 2682, 2327, 5014, 1270, 1542, 1270, 362, 69, 2999, 657, 4059, 1315, 1495, 604, 25948, 767, 46900, 198, 3104, 1270, 1542, 1270, 32647, 69, 718, 4846, 68, 8644, 4524, 718, 4846, 16, 718, 66, 2624, 1542, 3132, 198, 35667, 67, 1542, 3132, 362, 67, 2624, 5214, 1238, 513, 19924, 513, 64, 2682, 30727, 64, 513, 22042, 198, 17, 68, 2682, 3933, 1270, 1542, 1270, 1542, 2718, 5534, 2713, 3571, 1495, 1679, 3901, 718, 2623, 69, 198, 21, 68, 4524, 718, 3980, 68, 767, 38652, 9225, 2154, 718, 48638, 1542, 1270, 1542, 3132, 642, 69, 3388, 198, 21, 68, 3388, 8915, 3388, 718, 1433, 66, 3933, 1270, 513, 20809, 362, 67, 1270, 34465, 67, 513, 24693, 198, 1238, 3132, 38446, 64, 4974, 1270, 513, 64, 3132, 34465, 68, 23460, 21, 3261, 1270, 1542, 1270, 198, 15, 67, 3070, 275, 65, 405, 657, 35642, 767, 4059, 7643, 64, 19, 7643, 66, 21, 657, 2548, 65, 7643, 1765, 198, 3070, 17896, 7643, 2425, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 3571, 1415, 657, 65, 3070, 362, 67, 486, 767, 2998, 17, 718, 69, 2414, 767, 46572, 198, 22, 37804, 642, 69, 2154, 767, 2075, 69, 5598, 2425, 718, 31020, 8702, 1558, 657, 31938, 4747, 486, 198, 27720, 64, 718, 1433, 68, 718, 4304, 69, 642, 69, 5066, 718, 69, 21, 68, 8915, 2996, 718, 68, 4524, 642, 69, 4524, 198, 3720, 2154, 22626, 22, 6640, 17, 657, 2624, 69, 5534, 2414, 718, 64, 5333, 718, 68, 3134, 718, 69, 20, 69, 198, 21, 67, 3388, 718, 43571, 718, 22985, 718, 4846, 69, 718, 68, 4790, 657, 67, 405, 17643, 657, 65, 486, 198, 27720, 64, 718, 1433, 68, 718, 4304, 69, 1478, 3070, 657, 2624, 67, 5534, 2414, 718, 64, 5333, 718, 68, 3134, 198, 21, 69, 20, 69, 718, 23237, 718, 67, 3388, 718, 68, 20, 69, 718, 66, 21, 69, 48136, 64, 657, 67, 15, 64, 657, 3132, 69, 198, 486, 5333, 767, 46900, 718, 5332, 69, 767, 48638, 718, 48724, 7816, 1485, 657, 35642, 362, 65, 486, 198, 21, 17430, 8915, 3104, 642, 69, 2154, 718, 48724, 718, 67, 3388, 767, 34770, 718, 4846, 69, 718, 68, 1314, 198, 15, 64, 405, 17643, 657, 36809, 767, 4059, 7643, 276, 7643, 6888, 7643, 67, 24, 7643, 15630, 198, 15, 2670, 69, 7643, 2425, 657, 2548, 64, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 3571, 1415, 657, 3901, 67, 352, 65, 486, 767, 2998, 17, 718, 69, 2414, 767, 46572, 198, 22, 37804, 767, 2998, 17, 718, 69, 2414, 767, 46572, 767, 30120, 1478, 3023, 352, 67, 16, 65, 5534, 4790, 198, 2996, 4790, 767, 30803, 718, 69, 21, 68, 767, 34770, 718, 48638, 767, 30803, 718, 69, 21, 68, 657, 5333, 66, 198, 3023, 1495, 2242, 486, 718, 2623, 69, 718, 68, 4524, 718, 3980, 68, 767, 38652, 9225, 2154, 718, 48638, 198, 21, 2623, 69, 718, 68, 4524, 718, 3980, 68, 767, 38652, 9225, 2154, 22626, 20, 657, 67, 3023, 1315, 1314, 198, 486, 5333, 767, 46900, 8257, 2425, 767, 24760, 767, 18638, 657, 68, 3023, 1315, 1558, 5534, 5333, 198, 2425, 4524, 8257, 3134, 767, 2075, 69, 5441, 2154, 7643, 1485, 8702, 1314, 2310, 486, 718, 17430, 198, 4524, 3104, 4317, 2996, 767, 2075, 67, 8644, 4790, 767, 30803, 718, 69, 21, 68, 7816, 1065, 8702, 1558, 198, 16, 67, 486, 718, 23237, 718, 67, 3388, 718, 68, 21, 66, 718, 69, 3134, 718, 3980, 68, 767, 37856, 9225, 486, 198, 15, 67, 405, 17643, 657, 36809, 767, 4059, 7643, 276, 7643, 67, 24, 7643, 6888, 7643, 15630, 198, 15, 2670, 69, 657, 2548, 64, 7643, 2425, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 3571, 1485, 657, 32869, 3571, 16, 67, 352, 65, 2154, 767, 2075, 69, 5598, 2425, 198, 21, 31020, 8854, 2154, 767, 2075, 69, 5598, 2425, 718, 31020, 11323, 21, 657, 7029, 352, 67, 16, 65, 198, 22, 24760, 767, 34770, 718, 4846, 69, 718, 68, 4790, 767, 24760, 767, 34770, 718, 4846, 69, 718, 68, 16, 65, 198, 28669, 19, 3571, 1495, 2242, 5066, 718, 69, 21, 68, 8915, 2996, 718, 68, 4524, 767, 31714, 4317, 2996, 198, 22, 35447, 718, 69, 21, 68, 8915, 2996, 718, 68, 4524, 767, 31714, 4317, 2996, 657, 66, 3023, 657, 7029, 198, 1314, 1314, 718, 17430, 8915, 3104, 767, 48638, 718, 48724, 657, 67, 3070, 657, 7029, 1315, 1558, 198, 21, 17430, 8915, 3104, 718, 43571, 718, 69, 2425, 767, 30206, 657, 18638, 3571, 1314, 362, 25948, 198, 2425, 4524, 8257, 2154, 718, 48724, 718, 67, 3388, 767, 34770, 718, 4846, 69, 718, 68, 1157, 5534, 3023, 198, 405, 1558, 352, 67, 5333, 718, 3510, 67, 718, 4846, 68, 718, 66, 21, 69, 8275, 2996, 718, 68, 4524, 767, 26050, 198, 15, 64, 405, 17643, 6640, 17, 642, 6200, 7643, 276, 7643, 67, 22, 7643, 66, 16, 7643, 330, 198, 15, 34626, 657, 2718, 66, 657, 2623, 66, 657, 30743, 657, 30557, 657, 31496, 7643, 1495, 7643, 1485, 198, 2999, 16344, 7816, 68, 19, 7816, 21101, 7816, 65, 24, 7816, 64, 19, 657, 2078, 69, 657, 1983, 67, 657, 25022, 198, 15, 28592, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 3571, 1415, 8702, 486, 2808, 486, 8753, 2414, 718, 3980, 66, 718, 46900, 45021, 69, 198, 2154, 4761, 718, 69, 2414, 767, 46572, 8915, 1314, 1478, 3023, 5534, 1959, 5534, 2998, 718, 27412, 198, 44214, 68, 8275, 2996, 642, 69, 2154, 767, 2075, 69, 5598, 2425, 718, 31020, 1478, 1157, 8702, 486, 198, 1954, 486, 657, 4304, 16, 5598, 2414, 642, 69, 2154, 767, 2075, 69, 5598, 2425, 718, 31020, 1511, 1415, 198, 3023, 486, 2808, 486, 9130, 2414, 718, 3980, 66, 718, 46900, 45021, 69, 767, 24760, 767, 34770, 198, 38205, 69, 718, 68, 1065, 1478, 3023, 5534, 1959, 5534, 3312, 718, 27412, 718, 1433, 68, 8275, 2996, 198, 20, 69, 4790, 718, 48638, 767, 30803, 718, 69, 21, 68, 13374, 16, 8702, 486, 2242, 486, 657, 47159, 198, 2414, 2414, 642, 69, 4790, 718, 48638, 767, 30803, 718, 69, 21, 68, 8949, 23, 8702, 486, 3261, 486, 198, 2713, 2414, 718, 3980, 66, 718, 46900, 45021, 69, 718, 2623, 69, 718, 68, 4524, 718, 3980, 68, 767, 38652, 198, 3720, 2154, 22626, 69, 1248, 3023, 5534, 3132, 5534, 2713, 718, 27412, 718, 1433, 68, 8275, 2996, 198, 20, 69, 5066, 718, 69, 21, 68, 8915, 2996, 718, 68, 4524, 767, 31714, 4317, 2996, 657, 68, 1314, 8702, 486, 198, 17, 65, 486, 657, 47915, 5598, 2414, 642, 69, 5066, 718, 69, 21, 68, 8915, 2996, 718, 68, 4524, 767, 31714, 198, 2154, 2996, 657, 67, 1157, 8702, 486, 2242, 486, 8702, 2414, 718, 3980, 66, 718, 46900, 45021, 69, 198, 2425, 4790, 718, 48724, 657, 66, 1157, 8702, 486, 2242, 486, 657, 38380, 718, 4521, 16, 718, 68, 3134, 198, 35916, 69, 767, 48638, 718, 48724, 657, 65, 15, 68, 8702, 486, 352, 67, 486, 657, 40652, 5598, 2414, 198, 20, 69, 2425, 767, 24760, 26250, 64, 1105, 3023, 5534, 1495, 5534, 3070, 5598, 2996, 718, 66, 2996, 198, 4524, 2996, 642, 69, 3134, 767, 2075, 69, 5441, 2154, 7769, 1065, 8702, 486, 1679, 486, 657, 35447, 198, 3104, 5333, 718, 68, 3134, 45021, 69, 718, 43571, 718, 69, 2425, 13037, 23, 657, 69, 3023, 5534, 16, 69, 198, 486, 3070, 718, 23237, 718, 2231, 69, 718, 43571, 718, 69, 2425, 13037, 22, 1596, 3023, 5534, 17, 69, 198, 486, 2999, 5598, 2996, 718, 66, 2996, 8915, 2996, 642, 69, 2154, 718, 48724, 718, 67, 3388, 767, 34770, 198, 38205, 69, 718, 68, 3312, 1596, 3023, 5534, 17, 69, 5534, 2999, 718, 27412, 718, 1433, 68, 8275, 2996, 198, 20, 69, 2154, 718, 48724, 718, 67, 3388, 767, 34770, 718, 4846, 69, 718, 68, 2713, 1478, 3023, 5534, 1959, 198, 486, 2999, 718, 23237, 718, 2231, 69, 4317, 2996, 767, 2075, 67, 8644, 4790, 767, 30803, 718, 69, 21, 68, 198, 3023, 1314, 8702, 486, 362, 65, 486, 5534, 2414, 718, 3980, 66, 718, 46900, 45021, 69, 718, 66, 21, 69, 198, 3134, 2996, 718, 68, 4524, 767, 26050, 7643, 1314, 8702, 486, 362, 65, 486, 5534, 5066, 718, 4521, 16, 198, 21, 68, 3134, 45021, 69, 718, 66, 21, 69, 8275, 2996, 718, 68, 4524, 767, 26050, 7816, 1065, 8702, 486, 198, 1495, 486, 5534, 5333, 5598, 2414, 642, 69, 21, 66, 718, 69, 3134, 718, 3980, 68, 767, 37856, 9225, 486, 198, 15, 67, 3070, 269, 6200, 657, 4059, 275, 7410, 3571, 65, 23, 5534, 5824, 5534, 68, 21, 657, 26050, 198, 2999, 3609, 7643, 66, 18, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 807, 19707, 5534, 2998, 23120, 69, 362, 69, 486, 198, 23, 30057, 767, 40652, 718, 2075, 66, 6135, 2414, 718, 64, 5333, 718, 68, 3134, 718, 69, 20, 69, 718, 67, 3388, 198, 3134, 4761, 718, 22985, 718, 4846, 69, 718, 68, 4790, 718, 3510, 64, 718, 1433, 68, 718, 4304, 69, 642, 69, 21, 67, 198, 3388, 3134, 767, 30057, 8915, 3388, 718, 69, 21, 68, 767, 22709, 604, 33394, 4153, 3901, 7175, 2231, 198, 1238, 4051, 604, 23726, 604, 66, 2231, 33160, 718, 3510, 64, 718, 1433, 68, 718, 4304, 69, 642, 69, 21, 67, 198, 3388, 3134, 767, 30057, 8915, 3388, 718, 69, 21, 68, 8854, 1828, 1160, 2078, 362, 26276, 5598, 1828, 198, 1238, 3388, 718, 68, 4524, 6135, 3134, 718, 48724, 26956, 68, 604, 69, 4051, 26956, 68, 642, 4051, 66, 198, 19, 66, 1238, 2026, 4309, 5125, 19, 67, 604, 17827, 7863, 1238, 604, 65, 2231, 7863, 1238, 604, 18742, 198, 47576, 69, 5125, 19, 68, 604, 33394, 604, 4051, 67, 604, 4051, 68, 642, 3682, 66, 33160, 718, 17279, 198, 2154, 1828, 1160, 4304, 718, 23628, 718, 27412, 718, 23628, 2579, 2624, 3439, 2327, 2808, 1238, 198, 19, 68, 19, 69, 7175, 1238, 604, 68, 2816, 604, 66, 19, 66, 362, 66, 1238, 31510, 68, 718, 1433, 67, 6135, 1828, 198, 1238, 4304, 718, 23628, 718, 27412, 718, 23628, 2579, 2624, 3439, 2327, 2808, 1238, 604, 68, 19, 69, 198, 4051, 1238, 604, 68, 2816, 604, 66, 19, 66, 362, 66, 1238, 362, 30057, 4317, 2154, 718, 66, 3388, 6135, 2414, 198, 1828, 1238, 718, 40652, 8915, 2996, 8915, 3388, 718, 67, 2996, 26956, 68, 604, 69, 4051, 26956, 68, 198, 44218, 66, 604, 66, 1959, 5323, 17, 9130, 1558, 362, 65, 17, 65, 5534, 3270, 767, 40652, 718, 2075, 66, 198, 2996, 4790, 767, 1433, 66, 8644, 4524, 45021, 69, 767, 24760, 767, 17430, 718, 3980, 68, 718, 24760, 198, 22, 38056, 718, 66, 3388, 8915, 2996, 642, 69, 4790, 718, 42875, 5441, 2996, 718, 68, 5066, 22626, 18, 198, 19, 33394, 4153, 3901, 7175, 2231, 1160, 4051, 604, 23726, 604, 66, 2231, 1160, 4790, 767, 1433, 66, 198, 3388, 4524, 45021, 69, 767, 24760, 767, 17430, 718, 3980, 68, 718, 24760, 39697, 68, 718, 1433, 67, 198, 43193, 66, 767, 24760, 767, 18741, 9773, 940, 657, 24038, 1596, 2481, 2310, 486, 807, 1433, 65, 198, 22, 40652, 718, 2075, 66, 718, 47915, 767, 46900, 718, 5332, 69, 718, 43571, 718, 69, 2425, 767, 3312, 16, 198, 2425, 4524, 718, 5332, 69, 718, 43571, 718, 69, 2425, 13037, 23, 604, 33394, 4153, 3901, 7175, 2231, 198, 1238, 4051, 604, 23726, 604, 66, 2231, 33160, 718, 17430, 8915, 3104, 642, 69, 3134, 767, 2075, 69, 198, 2425, 2154, 2534, 1238, 2579, 1828, 8644, 2414, 2534, 1238, 718, 4846, 68, 8915, 2996, 8275, 2996, 198, 4761, 1238, 604, 68, 19, 69, 7175, 1238, 604, 68, 2816, 604, 66, 19, 66, 32215, 642, 21626, 604, 67, 3901, 198, 20, 25191, 26956, 65, 604, 38605, 1160, 3901, 642, 44218, 604, 69, 2920, 604, 68, 3559, 642, 22995, 198, 19, 67, 2231, 604, 68, 4051, 362, 66, 1238, 31510, 68, 718, 1433, 67, 6135, 1828, 1160, 4304, 718, 23628, 198, 21, 27412, 718, 23628, 2579, 2548, 1542, 1959, 26956, 68, 604, 69, 4051, 26956, 68, 642, 4051, 66, 198, 19, 66, 1238, 642, 4051, 68, 604, 50119, 5996, 2231, 2808, 2091, 657, 37988, 1596, 2857, 2310, 486, 198, 405, 3388, 718, 68, 2414, 718, 38907, 37517, 16, 718, 66, 3388, 8915, 2996, 642, 69, 5333, 767, 46900, 198, 21, 69, 3388, 718, 68, 2414, 718, 38907, 642, 69, 5333, 767, 46900, 718, 5332, 69, 718, 43571, 718, 69, 2425, 198, 34801, 69, 513, 25948, 767, 46900, 718, 5332, 69, 718, 43571, 718, 69, 2425, 13037, 24, 9415, 1065, 198, 2931, 2998, 1596, 2670, 5014, 486, 807, 2091, 69, 767, 40652, 718, 2075, 66, 718, 47915, 767, 46900, 198, 35978, 69, 718, 43571, 718, 69, 2425, 767, 2713, 69, 4317, 2996, 767, 2075, 67, 8644, 4790, 767, 30803, 198, 21, 69, 21, 68, 767, 35195, 767, 46900, 718, 5332, 69, 718, 43571, 718, 69, 2425, 767, 2713, 69, 4317, 2996, 198, 22, 2075, 67, 8644, 4790, 767, 30803, 718, 69, 21, 68, 767, 1270, 65, 604, 33394, 4153, 3901, 7175, 2231, 198, 1238, 4051, 604, 23726, 604, 66, 2231, 33160, 718, 17430, 8915, 3104, 642, 69, 3134, 767, 2075, 69, 198, 2425, 2154, 642, 69, 2154, 718, 48724, 718, 67, 3388, 767, 34770, 718, 4846, 69, 718, 68, 4790, 2534, 1238, 198, 2078, 1828, 8644, 2414, 2534, 1238, 718, 4846, 68, 8915, 2996, 8275, 2996, 7724, 1238, 604, 68, 19, 69, 198, 4051, 1238, 604, 68, 2816, 604, 66, 19, 66, 32215, 642, 21626, 604, 67, 3901, 642, 25191, 26956, 65, 198, 2231, 3270, 1160, 3901, 642, 44218, 604, 69, 2920, 604, 68, 3559, 642, 22995, 604, 67, 2231, 604, 68, 4051, 198, 17, 66, 1238, 362, 25674, 767, 2075, 69, 5441, 2154, 642, 69, 3388, 5598, 1828, 1160, 3388, 718, 68, 4524, 198, 2996, 3134, 718, 48724, 26956, 68, 604, 69, 4051, 26956, 68, 642, 4051, 66, 604, 66, 1238, 642, 22995, 198, 3510, 2231, 642, 22995, 604, 68, 3559, 46839, 18, 33160, 718, 17430, 8915, 3104, 642, 69, 3134, 198, 22, 2075, 69, 5441, 2154, 2534, 1238, 2579, 1828, 8644, 2414, 362, 23539, 362, 66, 1238, 362, 20233, 198, 2996, 4761, 718, 67, 3388, 767, 34770, 718, 4846, 69, 718, 68, 20, 69, 8644, 2414, 2534, 1238, 718, 4846, 68, 198, 4524, 2996, 8275, 2996, 7724, 1238, 604, 68, 19, 69, 7175, 1238, 604, 68, 2816, 604, 66, 19, 66, 1160, 4309, 198, 2231, 3510, 604, 40427, 604, 4051, 68, 5946, 2231, 7192, 1238, 362, 30057, 767, 46900, 718, 5332, 69, 198, 2154, 2996, 767, 2075, 67, 8644, 4790, 767, 30803, 718, 69, 21, 68, 2534, 1238, 2579, 1828, 8644, 2414, 198, 1828, 1959, 2808, 405, 17643, 513, 67, 19, 69, 2808, 486, 3571, 3388, 718, 68, 2414, 718, 38907, 198, 22, 38056, 718, 66, 3388, 8915, 2996, 642, 69, 5333, 767, 46900, 718, 69, 3388, 718, 68, 2414, 718, 38907, 198, 20, 69, 5333, 767, 46900, 718, 5332, 69, 767, 48638, 718, 48724, 642, 69, 20, 69, 718, 69, 21, 66, 718, 2231, 69, 198, 18, 25948, 767, 46900, 718, 5332, 69, 767, 48638, 718, 48724, 642, 69, 20, 69, 718, 69, 21, 66, 33759, 67, 198, 15, 67, 405, 17643, 38326, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 15, 64, 405, 17643, 38326, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 15, 67, 405, 17643, 657, 7029, 767, 68, 405, 3571, 22, 68, 5534, 2425, 657, 27696, 7643, 2414, 198, 3070, 10210, 3571, 18, 69, 9415, 1065, 7769, 2998, 1596, 2670, 5014, 486, 807, 2091, 69, 767, 40652, 198, 45191, 66, 718, 47915, 767, 46900, 718, 5332, 69, 718, 43571, 718, 69, 2425, 767, 2713, 69, 4317, 2996, 198, 22, 2075, 67, 8644, 4790, 767, 30803, 718, 69, 21, 68, 767, 35195, 767, 46900, 718, 5332, 69, 718, 43571, 198, 21, 69, 2425, 767, 2713, 69, 4317, 2996, 767, 2075, 67, 8644, 4790, 767, 30803, 718, 69, 21, 68, 767, 1270, 65, 198, 19, 33394, 4153, 3901, 7175, 2231, 1160, 4051, 604, 23726, 604, 66, 2231, 33160, 718, 17430, 198, 4524, 3104, 642, 69, 3134, 767, 2075, 69, 5441, 2154, 642, 69, 2154, 718, 48724, 718, 67, 3388, 767, 34770, 198, 38205, 69, 718, 68, 4790, 2534, 1238, 2579, 1828, 8644, 2414, 2534, 1238, 718, 4846, 68, 807, 22985, 198, 15, 66, 2998, 23120, 67, 362, 67, 486, 807, 3132, 65, 767, 40652, 718, 2075, 66, 718, 47915, 767, 46900, 198, 35978, 69, 767, 48638, 718, 48724, 642, 69, 3134, 767, 2075, 69, 5441, 2154, 767, 35195, 767, 46900, 198, 35978, 69, 767, 48638, 718, 48724, 642, 69, 3134, 767, 2075, 69, 5441, 2154, 767, 1270, 68, 604, 33394, 198, 2231, 3901, 7175, 2231, 1160, 4051, 604, 23726, 604, 66, 2231, 33160, 718, 17430, 8915, 3104, 198, 20, 69, 2425, 767, 24760, 767, 1495, 69, 718, 43571, 718, 69, 2425, 767, 2998, 18, 2534, 1238, 2579, 1828, 198, 3388, 2414, 2534, 1238, 718, 4846, 68, 8915, 2996, 8275, 2996, 7724, 1238, 604, 68, 19, 69, 7175, 1238, 198, 19, 68, 2816, 604, 66, 19, 66, 32215, 642, 21626, 604, 67, 3901, 642, 25191, 26956, 65, 604, 38605, 198, 1238, 3901, 642, 44218, 604, 69, 2920, 604, 68, 3559, 642, 22995, 604, 67, 2231, 604, 68, 4051, 362, 66, 1238, 198, 1828, 2425, 767, 24760, 767, 1495, 69, 8644, 2414, 2534, 1238, 718, 4846, 68, 8915, 2996, 8275, 2996, 198, 4761, 1238, 604, 68, 19, 69, 7175, 1238, 604, 68, 2816, 604, 66, 19, 66, 1160, 4309, 4153, 3510, 604, 40427, 198, 34229, 68, 5946, 2231, 7192, 1238, 362, 30057, 767, 46900, 718, 5332, 69, 767, 48638, 718, 48724, 198, 1828, 1238, 2579, 1828, 8644, 2414, 362, 23539, 362, 66, 1238, 362, 25674, 767, 2075, 69, 5441, 2154, 198, 20, 69, 3388, 5598, 1828, 1160, 3388, 718, 68, 4524, 6135, 3134, 718, 48724, 26956, 68, 604, 69, 4051, 198, 18638, 68, 642, 4051, 66, 604, 66, 1238, 642, 22995, 6337, 2231, 642, 22995, 604, 68, 3559, 46839, 18, 198, 1238, 1828, 718, 17430, 8915, 3104, 642, 69, 3134, 767, 2075, 69, 5441, 2154, 2534, 1238, 2579, 1828, 198, 3388, 2414, 362, 23539, 2808, 6469, 352, 66, 15, 67, 8753, 1558, 604, 23756, 5534, 5999, 604, 31020, 198, 21, 25061, 718, 66, 2996, 718, 17430, 8915, 3104, 642, 69, 2425, 767, 24760, 767, 1495, 69, 767, 48638, 198, 2996, 4761, 642, 69, 2154, 718, 48724, 718, 67, 3388, 767, 34770, 718, 4846, 69, 718, 68, 4790, 718, 17430, 198, 4524, 3104, 642, 69, 2425, 767, 24760, 767, 1495, 69, 767, 48638, 718, 48724, 642, 69, 2154, 718, 48724, 198, 21, 67, 3388, 767, 34770, 718, 4846, 69, 718, 68, 4790, 838, 3559, 642, 22995, 604, 21526, 4153, 1238, 198, 20, 39710, 48252, 66, 4153, 1238, 362, 30057, 767, 46900, 718, 5332, 69, 767, 48638, 718, 48724, 198, 20, 69, 2425, 767, 24760, 767, 1495, 69, 4317, 2996, 767, 2075, 67, 8644, 4790, 767, 30803, 718, 69, 21, 68, 198, 4790, 1828, 1160, 2078, 362, 26276, 5598, 1828, 1160, 3388, 718, 68, 4524, 6135, 3134, 718, 48724, 198, 18638, 68, 604, 69, 4051, 26956, 68, 642, 4051, 66, 604, 66, 1238, 2026, 4309, 5125, 19, 67, 604, 17827, 198, 3270, 1238, 604, 65, 2231, 7863, 1238, 604, 18742, 642, 2598, 69, 5125, 19, 68, 604, 33394, 604, 4051, 67, 198, 34229, 68, 642, 3682, 66, 33160, 767, 48638, 718, 48724, 642, 69, 3388, 5598, 1828, 1160, 3388, 198, 21, 68, 4524, 6135, 3134, 718, 48724, 26956, 68, 604, 69, 4051, 26956, 68, 642, 4051, 66, 604, 66, 1238, 198, 20, 22995, 6337, 2231, 642, 22995, 604, 68, 3559, 46839, 18, 33160, 718, 17430, 8915, 3104, 198, 20, 69, 2425, 767, 24760, 767, 23148, 1160, 2078, 362, 26276, 5598, 1828, 41569, 66, 33160, 198, 2154, 2996, 767, 2075, 67, 8644, 4790, 767, 30803, 718, 69, 21, 68, 642, 69, 3388, 5598, 1828, 1160, 3388, 198, 21, 68, 4524, 6135, 3134, 718, 48724, 26956, 68, 604, 69, 4051, 26956, 68, 642, 4051, 66, 604, 66, 1238, 198, 20, 22995, 6337, 2231, 642, 22995, 604, 68, 3559, 46839, 18, 33160, 718, 17430, 8915, 3104, 198, 20, 69, 2154, 718, 48724, 718, 67, 3388, 767, 34770, 718, 4846, 69, 718, 68, 1828, 1160, 2078, 362, 26276, 198, 2414, 1828, 2808, 1959, 807, 1415, 67, 1802, 22, 1596, 3134, 5014, 486, 807, 22745, 718, 4846, 68, 198, 2414, 2996, 767, 4521, 16, 767, 46900, 718, 5332, 69, 718, 43571, 718, 69, 2425, 767, 2713, 69, 4317, 2996, 198, 22, 2075, 67, 8644, 4790, 767, 30803, 718, 69, 21, 68, 767, 2327, 69, 718, 43571, 718, 69, 2425, 767, 2713, 69, 198, 3388, 2414, 642, 69, 1270, 8093, 2414, 23460, 17, 3439, 5237, 32747, 69, 767, 3980, 68, 8644, 4869, 198, 21, 17430, 8915, 3104, 642, 69, 3134, 767, 2075, 69, 5441, 2154, 642, 69, 2154, 718, 48724, 718, 67, 3388, 198, 22, 34770, 718, 4846, 69, 718, 68, 4790, 1511, 3559, 642, 22995, 604, 21526, 4153, 1238, 642, 4051, 68, 198, 2920, 4349, 5996, 2231, 1160, 2920, 604, 68, 2598, 604, 40486, 33160, 718, 17430, 8915, 3104, 198, 20, 69, 3134, 767, 2075, 69, 5441, 2154, 642, 69, 2154, 718, 48724, 718, 67, 3388, 767, 34770, 718, 4846, 69, 198, 21, 68, 4790, 642, 69, 3134, 767, 2075, 69, 5441, 2154, 642, 69, 3388, 718, 2231, 69, 1542, 5066, 5598, 2091, 198, 18, 22370, 8190, 1270, 642, 69, 2425, 718, 68, 3388, 767, 18376, 26956, 69, 604, 68, 1238, 362, 30057, 198, 2425, 4524, 718, 5332, 69, 718, 43571, 718, 69, 2425, 767, 2713, 69, 4317, 2996, 767, 2075, 67, 8644, 4790, 198, 22, 30803, 718, 69, 21, 68, 8854, 1828, 1160, 2078, 362, 25674, 767, 2075, 69, 5441, 2154, 642, 69, 3388, 198, 2414, 1828, 362, 66, 1238, 362, 20233, 718, 48724, 718, 67, 3388, 767, 34770, 718, 4846, 69, 718, 68, 20, 69, 198, 3388, 2414, 362, 23539, 9773, 1129, 9796, 22, 27621, 65, 5014, 486, 807, 1485, 65, 718, 4846, 68, 198, 2414, 2996, 767, 4521, 16, 767, 46900, 718, 5332, 69, 718, 43571, 718, 69, 2425, 767, 2713, 69, 4317, 2996, 198, 22, 2075, 67, 8644, 4790, 767, 30803, 718, 69, 21, 68, 767, 2327, 69, 1542, 2996, 5014, 2091, 48758, 16, 198, 2682, 2791, 718, 17430, 8915, 3104, 642, 69, 3134, 767, 2075, 69, 5441, 2154, 642, 69, 2154, 718, 48724, 198, 21, 67, 3388, 767, 34770, 718, 4846, 69, 718, 68, 4790, 1315, 3559, 642, 22995, 604, 21526, 4153, 1238, 198, 39449, 68, 5846, 2231, 7618, 1238, 362, 30057, 767, 46900, 718, 5332, 69, 718, 43571, 718, 69, 2425, 198, 34801, 69, 4317, 2996, 767, 2075, 67, 8644, 4790, 767, 30803, 718, 69, 21, 68, 767, 2327, 69, 1542, 2996, 198, 2670, 2091, 48758, 16, 4974, 2791, 2534, 1238, 604, 69, 19, 68, 33160, 718, 17430, 8915, 3104, 198, 20, 69, 3134, 767, 2075, 69, 5441, 2154, 642, 69, 2154, 718, 48724, 718, 67, 3388, 767, 34770, 718, 4846, 69, 198, 21, 68, 4790, 2534, 1238, 2579, 1828, 718, 43571, 718, 69, 2425, 767, 2713, 69, 8644, 2414, 362, 23539, 198, 15, 67, 405, 17643, 38326, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 15, 67, 2999, 275, 69, 405, 5534, 486, 730, 405, 5534, 5036, 7816, 19881, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 807, 1485, 68, 198, 20943, 67, 3571, 6659, 2681, 3901, 5534, 2481, 30483, 67, 5534, 486, 4747, 1314, 767, 3312, 17, 198, 21, 65, 2414, 7930, 2624, 642, 69, 4790, 718, 4521, 16, 513, 22370, 4570, 1731, 513, 24409, 1542, 1270, 198, 1270, 1731, 604, 64, 4309, 8644, 3365, 718, 66, 4349, 718, 27371, 767, 3312, 24, 604, 64, 3553, 29637, 64, 198, 19, 23756, 7618, 3365, 5014, 2231, 604, 13381, 23460, 23, 513, 22800, 767, 27260, 604, 66, 4761, 198, 42548, 67, 7632, 2996, 46839, 64, 604, 64, 21, 66, 718, 65, 5333, 604, 69, 22, 64, 718, 67, 3720, 604, 43571, 198, 2816, 2425, 718, 67, 2791, 642, 31714, 4153, 3388, 604, 67, 2682, 513, 67, 2624, 1542, 3132, 4570, 17, 67, 198, 1270, 3132, 362, 67, 2624, 5214, 1238, 513, 16945, 513, 64, 2091, 37290, 64, 513, 22370, 362, 68, 1270, 198, 2682, 2623, 1542, 1270, 5867, 16, 604, 64, 2425, 718, 1433, 68, 1160, 2598, 718, 24096, 8644, 2414, 198, 19, 35195, 767, 31020, 767, 2075, 69, 718, 64, 2425, 718, 1433, 68, 718, 40652, 767, 36657, 718, 38380, 198, 21, 25399, 767, 37856, 718, 69, 3134, 718, 1433, 66, 718, 66, 2996, 718, 4304, 69, 2319, 3134, 718, 67, 5333, 198, 38205, 66, 362, 68, 5066, 718, 69, 21, 67, 5534, 486, 3933, 1270, 513, 20809, 362, 67, 1270, 34465, 67, 198, 18, 24693, 1160, 3132, 23460, 64, 4747, 1270, 513, 64, 2624, 34085, 64, 767, 47915, 718, 68, 405, 198, 18005, 604, 3064, 807, 16799, 3571, 486, 352, 65, 1129, 657, 67, 486, 5534, 2091, 352, 65, 2154, 198, 45191, 65, 5598, 2791, 29524, 69, 767, 27412, 718, 19924, 3439, 2623, 1987, 2624, 4974, 1270, 198, 1270, 1270, 1987, 3132, 513, 33300, 718, 68, 19, 68, 642, 39761, 6337, 1120, 767, 39997, 4153, 1731, 198, 19, 66, 3388, 45345, 64, 718, 64, 2598, 642, 1731, 65, 8915, 2231, 604, 22370, 767, 64, 21, 68, 604, 66, 3559, 198, 21, 66, 19, 67, 362, 65, 3695, 604, 66, 4790, 8915, 2791, 604, 66, 21, 68, 642, 1731, 67, 718, 49234, 362, 65, 5066, 198, 2920, 2624, 513, 24760, 718, 65, 3104, 718, 28857, 5014, 2718, 718, 2091, 67, 3571, 19, 64, 767, 47915, 198, 21, 68, 3388, 767, 40652, 604, 35195, 767, 31020, 767, 2075, 69, 3571, 486, 3933, 1270, 513, 20809, 198, 17, 67, 1270, 34465, 67, 513, 24693, 1160, 3132, 23460, 64, 513, 20370, 513, 64, 2682, 38867, 64, 198, 2425, 5333, 718, 68, 3388, 767, 40652, 17643, 3571, 7012, 3571, 6659, 2681, 2091, 5534, 2481, 198, 22913, 67, 5534, 486, 4747, 1314, 767, 3312, 17, 718, 65, 2414, 7930, 2624, 642, 69, 4790, 718, 4521, 16, 198, 18, 22370, 4570, 1731, 513, 24409, 1542, 1270, 1542, 1731, 604, 64, 4309, 8644, 3365, 718, 66, 4349, 198, 21, 27371, 767, 3312, 24, 604, 64, 3553, 29637, 64, 604, 23756, 7618, 3365, 5014, 2231, 604, 13381, 198, 2091, 2548, 513, 22800, 767, 27260, 604, 66, 4761, 718, 4304, 67, 7632, 2996, 46839, 64, 604, 64, 21, 66, 198, 21, 65, 5333, 604, 69, 22, 64, 718, 67, 3720, 604, 43571, 5996, 2425, 718, 67, 2791, 642, 31714, 4153, 3388, 198, 19, 67, 2682, 513, 67, 2624, 1542, 3132, 4570, 17, 67, 1542, 3132, 362, 67, 2624, 5214, 1238, 513, 16945, 198, 18, 64, 2091, 30727, 64, 4974, 1270, 5534, 19, 64, 767, 47915, 718, 68, 1238, 604, 40652, 767, 36657, 198, 2414, 3559, 718, 25399, 767, 37856, 718, 69, 21, 64, 767, 47915, 718, 68, 2414, 718, 24096, 8644, 2414, 198, 21, 35195, 767, 31020, 767, 2075, 69, 718, 4304, 16, 718, 66, 21, 66, 6135, 3134, 718, 69, 1821, 718, 4304, 67, 198, 21, 22172, 718, 66, 17, 68, 718, 2623, 69, 718, 67, 486, 5534, 2624, 1542, 3132, 4570, 17, 67, 1542, 3132, 198, 17, 67, 2624, 5214, 1238, 513, 16945, 513, 64, 2091, 30727, 64, 513, 25667, 604, 64, 2425, 718, 1433, 68, 198, 15, 64, 405, 17643, 5534, 3070, 277, 9879, 7643, 69, 22, 7643, 1765, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 657, 66, 21, 64, 198, 2425, 5333, 718, 68, 3388, 767, 40652, 657, 21315, 7643, 1314, 5534, 19, 64, 767, 47915, 718, 68, 486, 198, 15, 67, 405, 17643, 38326, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 15, 67, 405, 17643, 5534, 2999, 269, 2167, 7816, 66, 17, 3571, 1065, 17643, 3571, 1157, 198, 2388, 12877, 21, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 807, 13464, 657, 69, 2998, 198, 25399, 67, 362, 65, 486, 807, 1065, 67, 718, 4846, 68, 5598, 2996, 767, 4521, 16, 767, 46900, 718, 5332, 69, 198, 2154, 2996, 767, 2075, 67, 8644, 4790, 767, 30803, 718, 69, 21, 68, 642, 69, 2682, 513, 19708, 7930, 3132, 198, 21, 25667, 718, 35195, 767, 46900, 718, 5332, 69, 4317, 2996, 767, 2075, 67, 8644, 4790, 767, 36626, 198, 45598, 66, 8753, 1558, 362, 67, 17, 67, 5534, 5999, 352, 65, 4524, 718, 25061, 718, 66, 2996, 718, 17430, 198, 4524, 3104, 642, 69, 2425, 767, 24760, 767, 1495, 69, 718, 43571, 718, 69, 2425, 767, 2998, 18, 718, 17430, 198, 4524, 3104, 642, 69, 2425, 767, 24760, 767, 1495, 69, 718, 43571, 718, 69, 2425, 767, 2998, 18, 657, 68, 3559, 198, 20, 22995, 604, 21526, 4153, 1238, 642, 39710, 48252, 66, 4153, 1238, 362, 30057, 767, 46900, 198, 35978, 69, 767, 48638, 718, 48724, 642, 69, 3134, 767, 2075, 69, 5441, 2154, 8854, 1828, 1160, 2078, 198, 1828, 3388, 5598, 1828, 1160, 3388, 718, 68, 4524, 6135, 3134, 718, 48724, 26956, 68, 604, 69, 4051, 198, 18638, 68, 642, 4051, 66, 604, 66, 1238, 2026, 4309, 5125, 19, 67, 604, 17827, 7863, 1238, 604, 65, 2231, 198, 3270, 1238, 604, 18742, 642, 2598, 69, 5125, 19, 68, 604, 33394, 604, 4051, 67, 604, 4051, 68, 642, 3682, 66, 198, 1238, 1828, 767, 48638, 718, 48724, 642, 69, 3388, 718, 38783, 362, 64, 15, 64, 8753, 1558, 352, 69, 16, 69, 198, 486, 4521, 2242, 4524, 718, 25061, 718, 66, 2996, 718, 17430, 8915, 3104, 642, 69, 2425, 767, 24760, 198, 22, 30057, 767, 46900, 718, 5332, 69, 767, 48638, 718, 48724, 657, 66, 3559, 642, 22995, 604, 21526, 198, 2231, 1238, 642, 39710, 48252, 66, 4153, 1238, 362, 30057, 767, 46900, 718, 5332, 69, 767, 48638, 198, 2996, 4761, 2534, 1238, 2579, 1828, 8644, 2414, 2534, 1238, 718, 4846, 68, 8915, 2996, 8275, 2996, 198, 4761, 1238, 604, 68, 19, 69, 7175, 1238, 604, 68, 2816, 604, 66, 19, 66, 32215, 642, 21626, 604, 67, 3901, 198, 20, 25191, 26956, 65, 604, 38605, 1160, 3901, 642, 44218, 604, 69, 2920, 604, 68, 3559, 642, 22995, 198, 19, 67, 2231, 604, 68, 4051, 362, 66, 1238, 362, 20233, 718, 25399, 767, 26514, 718, 69, 4761, 5598, 1828, 198, 1238, 4304, 718, 23628, 718, 27412, 718, 23628, 2579, 3132, 513, 23721, 2808, 1238, 604, 68, 19, 69, 198, 4051, 1238, 604, 68, 2816, 604, 66, 19, 66, 362, 66, 1238, 31510, 66, 718, 25399, 767, 2231, 69, 718, 66, 21, 69, 198, 3134, 3388, 718, 68, 1828, 1160, 2414, 718, 22985, 718, 46900, 718, 4846, 67, 6135, 1238, 604, 68, 19, 69, 198, 4051, 1238, 604, 68, 2816, 604, 66, 19, 66, 362, 66, 1238, 362, 26276, 767, 2327, 69, 8854, 2425, 4317, 2996, 198, 22, 23195, 767, 24760, 767, 23148, 1160, 5237, 718, 69, 21, 69, 718, 66, 1238, 604, 68, 19, 69, 7175, 1238, 198, 19, 68, 2816, 604, 66, 19, 66, 362, 66, 1238, 362, 23195, 767, 24760, 767, 2075, 68, 718, 1433, 67, 6135, 1828, 198, 1238, 4304, 718, 23628, 718, 27412, 718, 23628, 2579, 2091, 1542, 1959, 26956, 68, 604, 69, 4051, 198, 18638, 68, 642, 4051, 66, 604, 66, 1238, 642, 4051, 68, 604, 50119, 5996, 2231, 362, 66, 1238, 362, 25540, 198, 3388, 4761, 767, 31020, 642, 69, 21, 68, 718, 1433, 67, 6135, 1828, 1160, 4304, 718, 23628, 718, 27412, 198, 21, 23628, 2579, 2091, 1542, 1959, 26956, 68, 604, 69, 4051, 26956, 68, 642, 4051, 66, 604, 66, 17, 66, 198, 1238, 1828, 718, 66, 5333, 767, 31020, 642, 69, 21, 68, 718, 1433, 67, 6135, 1828, 1160, 4304, 718, 23628, 198, 21, 27412, 718, 23628, 2579, 2091, 1542, 1959, 26956, 68, 604, 69, 4051, 26956, 68, 642, 4051, 66, 198, 19, 66, 17, 66, 33160, 718, 3980, 67, 718, 22172, 718, 66, 1828, 1160, 4304, 718, 23628, 718, 27412, 198, 21, 23628, 2579, 2718, 3439, 1959, 26956, 68, 604, 69, 4051, 26956, 68, 642, 4051, 66, 604, 66, 17, 66, 198, 1238, 1828, 8644, 4790, 642, 69, 4790, 767, 40652, 718, 27310, 2534, 1238, 718, 2075, 69, 718, 69, 21, 66, 198, 18638, 68, 604, 69, 4051, 26956, 68, 642, 4051, 66, 604, 66, 17, 66, 33160, 8644, 4790, 642, 69, 5333, 198, 21, 31020, 8644, 4304, 6135, 1828, 1160, 5237, 718, 69, 21, 69, 718, 66, 1238, 604, 68, 19, 69, 7175, 1238, 198, 19, 68, 2816, 604, 66, 19, 66, 362, 66, 1238, 362, 18897, 718, 22985, 45021, 69, 718, 64, 21, 69, 718, 4846, 68, 198, 2996, 2414, 807, 1954, 65, 5534, 2713, 604, 67, 5705, 8870, 3901, 718, 65, 5066, 40884, 19, 8915, 2670, 198, 2791, 2623, 8699, 2414, 718, 66, 1270, 767, 2075, 65, 513, 17059, 718, 4846, 17, 44622, 16, 8684, 2548, 198, 2682, 3388, 718, 68, 4761, 23460, 16, 718, 69, 3134, 718, 67, 4790, 604, 67, 4051, 604, 64, 21, 66, 642, 64, 21, 64, 198, 2920, 2624, 604, 68, 21, 64, 604, 68, 21, 67, 604, 68, 21, 64, 7863, 2624, 7863, 3553, 5125, 2327, 604, 68, 4051, 198, 2920, 3720, 604, 68, 3553, 642, 26276, 604, 67, 22, 64, 604, 2791, 65, 604, 68, 2857, 5125, 3132, 604, 69, 2598, 198, 2920, 2091, 642, 64, 2857, 604, 68, 21, 64, 604, 69, 2857, 604, 64, 21, 67, 604, 68, 21, 64, 604, 67, 2327, 604, 67, 4051, 198, 2154, 2718, 604, 4846, 66, 5014, 3104, 718, 29334, 642, 2075, 69, 7618, 2091, 642, 3134, 64, 642, 64, 3365, 198, 19, 64, 2791, 718, 20198, 604, 3134, 64, 718, 21139, 5125, 2623, 604, 4846, 64, 718, 66, 3388, 604, 67, 21, 64, 198, 20, 64, 21, 67, 604, 67, 21, 64, 642, 64, 21, 64, 642, 64, 2857, 604, 68, 21, 64, 604, 68, 2598, 642, 2075, 66, 604, 69, 3553, 198, 20, 16945, 604, 67, 21, 67, 642, 2075, 67, 7863, 3553, 642, 64, 3388, 642, 4846, 67, 642, 22413, 604, 67, 3553, 198, 2816, 3695, 604, 68, 2857, 642, 38907, 604, 68, 2857, 7863, 2682, 642, 48372, 604, 2791, 64, 642, 64, 21, 64, 198, 21, 30803, 604, 66, 3559, 604, 64, 2791, 7863, 3365, 7265, 1270, 718, 20964, 5014, 3132, 718, 32148, 198, 20, 37601, 7618, 2624, 604, 64, 3104, 7863, 2624, 767, 3510, 66, 718, 2075, 67, 642, 22172, 604, 69, 3388, 198, 19, 64, 21, 65, 718, 1433, 67, 6337, 2425, 642, 64, 2624, 4353, 2425, 7863, 2624, 5014, 2425, 718, 31115, 198, 19, 64, 2154, 7863, 3388, 3439, 3104, 718, 29334, 642, 2075, 69, 604, 66, 21, 67, 604, 64, 3104, 7863, 2624, 198, 22, 3510, 66, 718, 2075, 67, 642, 1983, 64, 604, 66, 21, 65, 513, 24096, 642, 64, 2857, 642, 45758, 642, 1433, 67, 198, 42199, 64, 718, 19924, 7265, 2425, 642, 64, 3559, 5125, 4790, 604, 4846, 66, 5014, 3104, 718, 29334, 198, 48531, 69, 7618, 2091, 642, 3134, 64, 642, 64, 3365, 604, 64, 2791, 718, 18458, 642, 22172, 604, 69, 3388, 198, 2920, 3695, 604, 4846, 68, 30727, 67, 3933, 1270, 513, 20809, 362, 67, 1270, 38831, 67, 3261, 1270, 198, 1238, 3132, 23460, 64, 23460, 19, 513, 64, 2624, 44063, 68, 1542, 2548, 4974, 1270, 1542, 1270, 198, 15, 67, 405, 17643, 38326, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 15, 64, 405, 17643, 6640, 18, 807, 2167, 7643, 13331, 7643, 69, 19, 7643, 1453, 7643, 68, 23, 198, 3070, 68, 17, 7643, 17896, 7643, 67, 21, 7643, 67, 15, 7643, 6888, 7643, 66, 19, 7643, 1350, 7643, 65, 23, 198, 3070, 65, 17, 7643, 330, 7643, 64, 21, 7643, 64, 15, 657, 2670, 64, 657, 34626, 657, 2548, 68, 657, 30460, 198, 15, 36243, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 657, 31938, 5534, 486, 8753, 1314, 657, 31938, 5534, 486, 8753, 1415, 657, 31938, 198, 486, 486, 8753, 1485, 657, 31938, 5534, 486, 9130, 1065, 657, 31938, 5534, 486, 9130, 1157, 198, 28669, 18, 5534, 486, 9130, 940, 657, 31938, 5534, 486, 657, 1120, 69, 657, 31938, 5534, 486, 198, 28669, 68, 657, 31938, 5534, 486, 657, 1120, 67, 657, 31938, 5534, 486, 657, 1821, 66, 657, 31938, 198, 486, 486, 657, 1821, 65, 657, 31938, 5534, 486, 657, 1821, 64, 657, 31938, 5534, 486, 657, 26895, 198, 28669, 18, 5534, 486, 657, 21495, 657, 31938, 5534, 486, 657, 22996, 657, 31938, 5534, 486, 198, 15, 22136, 657, 31938, 5534, 486, 657, 21261, 657, 31938, 5534, 486, 657, 18638, 657, 31938, 198, 486, 486, 5534, 3070, 657, 31938, 5534, 486, 5534, 2999, 657, 31938, 5534, 486, 5534, 486, 198, 15, 64, 405, 17643, 5534, 3070, 20613, 405, 7643, 9945, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 3571, 1731, 657, 2682, 67, 5534, 21, 65, 198, 21, 29211, 767, 38652, 5014, 2791, 513, 30924, 718, 3510, 66, 1542, 4761, 718, 65, 3132, 3439, 3388, 198, 21, 24693, 718, 24096, 4353, 2682, 718, 4846, 68, 767, 25429, 34131, 69, 718, 4304, 67, 8854, 486, 198, 15, 64, 405, 17643, 38326, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 15, 64, 405, 17643, 5534, 3070, 304, 3064, 7643, 68, 16, 3571, 1065, 17643, 12877, 69, 198, 2999, 69, 24, 657, 2718, 66, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 3571, 6659, 3571, 1415, 807, 1415, 67, 1802, 22, 198, 1558, 3134, 5014, 486, 807, 22745, 718, 4846, 68, 5598, 2996, 767, 4521, 16, 767, 46900, 718, 5332, 69, 198, 3134, 4761, 718, 69, 2425, 767, 2713, 69, 4317, 2996, 767, 2075, 67, 8644, 4790, 767, 30803, 718, 69, 21, 68, 198, 22, 2327, 69, 718, 43571, 718, 69, 2425, 767, 2713, 69, 8644, 2414, 642, 69, 1270, 8093, 2414, 23460, 17, 198, 2327, 5237, 32747, 69, 767, 3980, 68, 8644, 4869, 718, 17430, 8915, 3104, 642, 69, 3134, 767, 2075, 69, 198, 2425, 2154, 642, 69, 2154, 718, 48724, 718, 67, 3388, 767, 34770, 718, 4846, 69, 718, 68, 4790, 1511, 3559, 198, 20, 22995, 604, 21526, 4153, 1238, 642, 4051, 68, 604, 50119, 5996, 2231, 1160, 2920, 604, 68, 2598, 198, 2231, 3365, 33160, 718, 17430, 8915, 3104, 642, 69, 3134, 767, 2075, 69, 5441, 2154, 642, 69, 2154, 198, 2996, 4761, 718, 67, 3388, 767, 34770, 718, 4846, 69, 718, 68, 4790, 642, 69, 3134, 767, 2075, 69, 5441, 2154, 198, 20, 69, 3388, 718, 2231, 69, 1542, 5066, 5598, 2091, 513, 22370, 8190, 1270, 642, 69, 2425, 718, 68, 3388, 198, 22, 18376, 26956, 69, 604, 68, 1238, 362, 30057, 767, 46900, 718, 5332, 69, 718, 43571, 718, 69, 2425, 198, 34801, 69, 4317, 2996, 767, 2075, 67, 8644, 4790, 767, 30803, 718, 69, 21, 68, 8854, 1828, 1160, 2078, 198, 1828, 3134, 767, 2075, 69, 5441, 2154, 642, 69, 3388, 5598, 1828, 362, 66, 1238, 362, 20233, 718, 48724, 198, 21, 67, 3388, 767, 34770, 718, 4846, 69, 718, 68, 20, 69, 8644, 2414, 362, 23539, 9773, 1129, 9796, 22, 198, 22985, 65, 5014, 486, 807, 1485, 65, 718, 4846, 68, 5598, 2996, 767, 4521, 16, 767, 46900, 718, 5332, 69, 198, 3134, 4761, 718, 69, 2425, 767, 2713, 69, 4317, 2996, 767, 2075, 67, 8644, 4790, 767, 30803, 718, 69, 21, 68, 198, 22, 2327, 69, 1542, 2996, 5014, 2091, 48758, 16, 4974, 2791, 718, 17430, 8915, 3104, 642, 69, 3134, 198, 22, 2075, 69, 5441, 2154, 642, 69, 2154, 718, 48724, 718, 67, 3388, 767, 34770, 718, 4846, 69, 718, 68, 4790, 198, 1314, 3559, 642, 22995, 604, 21526, 4153, 1238, 5125, 19, 68, 5846, 2231, 7618, 1238, 362, 30057, 198, 2425, 4524, 718, 5332, 69, 718, 43571, 718, 69, 2425, 767, 2713, 69, 4317, 2996, 767, 2075, 67, 8644, 4790, 198, 22, 30803, 718, 69, 21, 68, 767, 36243, 352, 66, 15, 67, 8753, 1558, 604, 23756, 5534, 5999, 604, 31020, 198, 21, 25061, 718, 66, 2996, 718, 17430, 8915, 3104, 642, 69, 2425, 767, 24760, 767, 1495, 69, 767, 48638, 198, 2996, 4761, 642, 69, 2154, 718, 48724, 718, 67, 3388, 767, 34770, 718, 4846, 69, 718, 68, 4790, 718, 17430, 198, 4524, 3104, 642, 69, 2425, 767, 24760, 767, 1495, 69, 767, 48638, 718, 48724, 642, 69, 2154, 718, 48724, 198, 21, 67, 3388, 767, 34770, 718, 4846, 69, 718, 68, 4790, 838, 3559, 642, 22995, 604, 21526, 4153, 1238, 198, 20, 39710, 48252, 66, 4153, 1238, 362, 30057, 767, 46900, 718, 5332, 69, 767, 48638, 718, 48724, 198, 20, 69, 2425, 767, 24760, 767, 1495, 69, 4317, 2996, 767, 2075, 67, 8644, 4790, 767, 30803, 718, 69, 21, 68, 198, 4790, 1828, 1160, 2078, 362, 26276, 5598, 1828, 1160, 3388, 718, 68, 4524, 6135, 3134, 718, 48724, 198, 18638, 68, 604, 69, 4051, 26956, 68, 642, 4051, 66, 604, 66, 1238, 2026, 4309, 5125, 19, 67, 604, 17827, 198, 3270, 1238, 604, 65, 2231, 7863, 1238, 604, 18742, 642, 2598, 69, 5125, 19, 68, 604, 33394, 604, 4051, 67, 198, 34229, 68, 642, 3682, 66, 33160, 767, 48638, 718, 48724, 642, 69, 3388, 5598, 1828, 1160, 3388, 198, 21, 68, 4524, 6135, 3134, 718, 48724, 26956, 68, 604, 69, 4051, 26956, 68, 642, 4051, 66, 604, 66, 1238, 198, 20, 22995, 6337, 2231, 642, 22995, 604, 68, 3559, 46839, 18, 33160, 718, 17430, 8915, 3104, 198, 20, 69, 2425, 767, 24760, 767, 23148, 1160, 2078, 362, 26276, 5598, 1828, 41569, 66, 33160, 198, 2154, 2996, 767, 2075, 67, 8644, 4790, 767, 30803, 718, 69, 21, 68, 642, 69, 3388, 5598, 1828, 1160, 3388, 198, 21, 68, 4524, 6135, 3134, 718, 48724, 26956, 68, 604, 69, 4051, 26956, 68, 642, 4051, 66, 604, 66, 1238, 198, 20, 22995, 6337, 2231, 642, 22995, 604, 68, 3559, 46839, 18, 33160, 718, 17430, 8915, 3104, 198, 20, 69, 2154, 718, 48724, 718, 67, 3388, 767, 34770, 718, 4846, 69, 718, 68, 1828, 1160, 2078, 362, 26276, 198, 2414, 1828, 2808, 1959, 807, 1415, 67, 1802, 22, 1596, 3134, 5014, 486, 807, 22745, 718, 4846, 68, 198, 2414, 2996, 767, 4521, 16, 767, 46900, 718, 5332, 69, 718, 43571, 718, 69, 2425, 767, 2713, 69, 4317, 2996, 198, 22, 2075, 67, 8644, 4790, 767, 30803, 718, 69, 21, 68, 767, 2327, 69, 718, 43571, 718, 69, 2425, 767, 2713, 69, 198, 3388, 2414, 642, 69, 1270, 8093, 2414, 23460, 17, 3439, 5237, 32747, 69, 767, 3980, 68, 8644, 4869, 198, 21, 17430, 8915, 3104, 642, 69, 3134, 767, 2075, 69, 5441, 2154, 642, 69, 2154, 718, 48724, 718, 67, 3388, 198, 22, 34770, 718, 4846, 69, 718, 68, 4790, 1511, 3559, 642, 22995, 604, 21526, 4153, 1238, 642, 4051, 68, 198, 2920, 4349, 5996, 2231, 1160, 2920, 604, 68, 2598, 604, 40486, 33160, 718, 17430, 8915, 3104, 198, 20, 69, 3134, 767, 2075, 69, 5441, 2154, 642, 69, 2154, 718, 48724, 718, 67, 3388, 767, 34770, 718, 4846, 69, 198, 21, 68, 4790, 642, 69, 3134, 767, 2075, 69, 5441, 2154, 642, 69, 3388, 718, 2231, 69, 1542, 5066, 5598, 2091, 198, 18, 22370, 8190, 1270, 642, 69, 2425, 718, 68, 3388, 767, 18376, 26956, 69, 604, 68, 1238, 362, 30057, 198, 2425, 4524, 718, 5332, 69, 718, 43571, 718, 69, 2425, 767, 2713, 69, 4317, 2996, 767, 2075, 67, 8644, 4790, 198, 22, 30803, 718, 69, 21, 68, 8854, 1828, 1160, 2078, 362, 25674, 767, 2075, 69, 5441, 2154, 642, 69, 3388, 198, 2414, 1828, 362, 66, 1238, 362, 20233, 718, 48724, 718, 67, 3388, 767, 34770, 718, 4846, 69, 718, 68, 20, 69, 198, 3388, 2414, 362, 23539, 9773, 1129, 9796, 22, 27621, 65, 5014, 486, 807, 1485, 65, 718, 4846, 68, 198, 2414, 2996, 767, 4521, 16, 767, 46900, 718, 5332, 69, 718, 43571, 718, 69, 2425, 767, 2713, 69, 4317, 2996, 198, 22, 2075, 67, 8644, 4790, 767, 30803, 718, 69, 21, 68, 767, 2327, 69, 1542, 2996, 5014, 2091, 48758, 16, 198, 2682, 2791, 718, 17430, 8915, 3104, 642, 69, 3134, 767, 2075, 69, 5441, 2154, 642, 69, 2154, 718, 48724, 198, 21, 67, 3388, 767, 34770, 718, 4846, 69, 718, 68, 4790, 1315, 3559, 642, 22995, 604, 21526, 4153, 1238, 198, 39449, 68, 5846, 2231, 7618, 1238, 362, 30057, 767, 46900, 718, 5332, 69, 718, 43571, 718, 69, 2425, 198, 34801, 69, 4317, 2996, 767, 2075, 67, 8644, 4790, 767, 30803, 718, 69, 21, 68, 767, 2327, 69, 1542, 2996, 198, 2670, 2091, 48758, 16, 4974, 2791, 2534, 1238, 604, 69, 19, 68, 33160, 718, 17430, 8915, 3104, 198, 20, 69, 16, 68, 657, 33660, 5534, 2624, 1542, 3132, 4570, 17, 67, 1542, 2624, 362, 67, 3132, 1542, 1238, 198, 18, 16945, 513, 64, 2091, 37290, 64, 513, 22370, 362, 68, 1270, 4353, 2682, 1542, 1270, 5867, 16, 198, 15, 64, 405, 17643, 38326, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 15, 64, 405, 17643, 38326, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 15, 64, 405, 17643, 38326, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 15, 64, 405, 17643, 38326, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 15, 64, 405, 17643, 38326, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 15, 64, 405, 17643, 38326, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 15, 67, 405, 17643, 657, 8054, 4751, 3571, 1238, 3571, 66, 16, 5534, 4869, 5534, 69, 19, 198, 15, 25870, 657, 28567, 17643, 17643, 17643, 17643, 3571, 6659, 642, 64, 1433, 198, 23, 1157, 68, 1105, 2998, 27621, 65, 5014, 486, 807, 18781, 718, 4846, 68, 5598, 2996, 767, 4521, 16, 198, 2425, 4524, 718, 5332, 69, 718, 43571, 718, 69, 2425, 767, 2713, 69, 4317, 2996, 767, 2075, 67, 8644, 4790, 198, 22, 30803, 718, 69, 21, 68, 767, 2327, 69, 4353, 2091, 5214, 2091, 718, 25667, 5214, 3132, 718, 17430, 198, 4524, 3104, 642, 69, 3134, 767, 2075, 69, 5441, 2154, 642, 69, 2154, 718, 48724, 718, 67, 3388, 767, 34770, 198, 38205, 69, 718, 68, 4790, 1467, 3559, 642, 22995, 604, 21526, 4153, 1238, 5125, 19, 68, 5846, 2231, 198, 3365, 1238, 362, 30057, 767, 46900, 718, 5332, 69, 718, 43571, 718, 69, 2425, 767, 2713, 69, 4317, 2996, 198, 22, 2075, 67, 8644, 4790, 767, 30803, 718, 69, 21, 68, 767, 2327, 69, 4353, 2091, 5214, 2091, 718, 25667, 198, 2718, 3132, 2534, 1238, 604, 69, 19, 68, 33160, 718, 17430, 8915, 3104, 642, 69, 3134, 767, 2075, 69, 198, 2425, 2154, 642, 69, 2154, 718, 48724, 718, 67, 3388, 767, 34770, 718, 4846, 69, 718, 68, 4790, 2534, 1238, 198, 2078, 1828, 4317, 2996, 767, 2075, 67, 8644, 4790, 767, 30803, 718, 69, 21, 68, 642, 69, 3388, 5598, 1828, 198, 1959, 6659, 362, 67, 1485, 8753, 1558, 642, 5892, 67, 5534, 6659, 718, 22172, 718, 68, 2414, 718, 38907, 198, 21, 17430, 8915, 3104, 642, 69, 2425, 767, 24760, 767, 1495, 69, 718, 43571, 718, 69, 2425, 767, 2998, 18, 198, 20, 69, 2425, 767, 24760, 767, 1495, 69, 8644, 2414, 642, 69, 2670, 4974, 2091, 3439, 1270, 8093, 1270, 198, 48250, 69, 767, 3980, 68, 8644, 4869, 718, 17430, 8915, 3104, 642, 69, 2425, 767, 24760, 767, 1495, 69, 198, 3134, 4761, 718, 69, 2425, 767, 2998, 18, 1596, 3559, 642, 22995, 604, 21526, 4153, 1238, 642, 4051, 68, 198, 2920, 4349, 5996, 2231, 1160, 2920, 604, 68, 2598, 604, 40486, 33160, 718, 17430, 8915, 3104, 198, 20, 69, 2425, 767, 24760, 767, 1495, 69, 718, 43571, 718, 69, 2425, 767, 2998, 18, 642, 69, 2425, 767, 24760, 198, 45151, 69, 8644, 2414, 642, 69, 2670, 4974, 2091, 3439, 1270, 8093, 1270, 718, 2327, 69, 767, 3980, 68, 198, 3388, 4869, 2534, 1238, 604, 69, 19, 68, 33160, 718, 17430, 8915, 3104, 642, 69, 2425, 767, 24760, 198, 45151, 69, 718, 43571, 718, 69, 2425, 767, 2998, 18, 2534, 1238, 2579, 1828, 767, 48638, 718, 48724, 198, 20, 69, 3388, 5598, 1828, 362, 66, 1238, 362, 25674, 767, 2075, 69, 5441, 2154, 642, 69, 3388, 5598, 1828, 198, 1959, 6659, 3571, 1415, 8753, 1558, 513, 69, 17, 67, 5534, 6659, 362, 22172, 718, 68, 2414, 718, 38907, 198, 21, 17430, 8915, 3104, 642, 69, 2425, 767, 24760, 767, 1495, 69, 718, 43571, 718, 69, 2425, 767, 2998, 18, 198, 20, 69, 2996, 4353, 2718, 1542, 3132, 718, 23237, 513, 40652, 767, 46900, 718, 5332, 69, 767, 48638, 198, 2996, 4761, 642, 69, 3134, 767, 2075, 69, 5441, 2154, 8854, 1507, 604, 33394, 4153, 3901, 7175, 2231, 198, 1238, 2920, 604, 68, 2598, 604, 40486, 33160, 718, 17430, 8915, 3104, 642, 69, 2425, 767, 24760, 198, 45151, 69, 718, 43571, 718, 69, 2425, 767, 2998, 18, 642, 69, 2996, 4353, 2718, 1542, 3132, 718, 23237, 198, 2682, 1828, 26956, 69, 604, 68, 1238, 362, 30057, 767, 46900, 718, 5332, 69, 767, 48638, 718, 48724, 198, 20, 69, 3134, 767, 2075, 69, 5441, 2154, 8854, 1828, 1160, 2078, 362, 23195, 767, 24760, 767, 1495, 69, 198, 3388, 2414, 362, 23539, 807, 8784, 6640, 22, 28174, 69, 362, 67, 486, 807, 10163, 718, 4846, 68, 198, 2414, 2996, 767, 4521, 16, 767, 46900, 718, 5332, 69, 767, 48638, 718, 48724, 642, 69, 3134, 767, 2075, 69, 198, 2425, 2154, 767, 2327, 69, 1542, 2996, 5014, 2091, 48758, 16, 4974, 2791, 718, 17430, 8915, 3104, 198, 20, 69, 2425, 767, 24760, 767, 1495, 69, 718, 43571, 718, 69, 2425, 767, 2998, 18, 21577, 642, 22995, 198, 19, 21526, 4153, 1238, 5125, 19, 68, 5846, 2231, 7618, 1238, 362, 30057, 767, 46900, 718, 5332, 69, 198, 2425, 4790, 718, 48724, 642, 69, 3134, 767, 2075, 69, 5441, 2154, 767, 2327, 69, 1542, 2996, 5014, 2091, 198, 2670, 5333, 4974, 2791, 2534, 1238, 604, 69, 19, 68, 33160, 718, 17430, 8915, 3104, 642, 69, 2425, 198, 22, 24760, 767, 1495, 69, 718, 43571, 718, 69, 2425, 767, 2998, 18, 2534, 1238, 2579, 1828, 718, 43571, 198, 21, 69, 2425, 767, 2713, 69, 8644, 2414, 362, 23539, 807, 1314, 64, 1467, 2998, 26937, 67, 6073, 486, 198, 6469, 1485, 718, 4846, 68, 5598, 2996, 767, 4521, 16, 767, 46900, 718, 5332, 69, 767, 48638, 718, 48724, 198, 20, 69, 2425, 767, 24760, 767, 1495, 69, 4317, 2996, 767, 2075, 67, 8644, 4790, 767, 30803, 718, 69, 21, 68, 198, 22, 2327, 69, 767, 48638, 718, 48724, 642, 69, 3388, 718, 2231, 69, 513, 19880, 718, 20809, 718, 24940, 198, 2091, 2624, 642, 69, 2425, 718, 68, 3388, 767, 25948, 767, 46900, 718, 5332, 69, 767, 48638, 718, 48724, 198, 20, 69, 2425, 767, 24760, 767, 1495, 69, 4317, 2996, 767, 2075, 67, 8644, 4790, 767, 30803, 718, 69, 21, 68, 198, 22, 3132, 64, 604, 33394, 4153, 3901, 7175, 2231, 1160, 2816, 604, 68, 2920, 642, 18742, 4153, 1238, 198, 39449, 68, 5846, 2231, 7618, 1238, 362, 30057, 767, 46900, 718, 5332, 69, 767, 48638, 718, 48724, 198, 20, 69, 2425, 767, 24760, 767, 1495, 69, 4317, 2996, 767, 2075, 67, 8644, 4790, 767, 30803, 718, 69, 21, 68, 198, 22, 2327, 69, 767, 48638, 718, 48724, 642, 69, 3388, 718, 2231, 69, 513, 19880, 718, 20809, 718, 24940, 198, 2091, 2624, 642, 69, 2425, 718, 68, 3388, 767, 18376, 26956, 69, 604, 68, 1238, 362, 30057, 767, 46900, 198, 35978, 69, 767, 48638, 718, 48724, 642, 69, 2425, 767, 24760, 767, 1495, 69, 4317, 2996, 767, 2075, 67, 198, 3388, 4790, 767, 30803, 718, 69, 21, 68, 8854, 1828, 1160, 2078, 362, 23195, 767, 24760, 767, 1495, 69, 198, 3388, 2414, 27795, 66, 33160, 4317, 2996, 767, 2075, 67, 8644, 4790, 767, 30803, 718, 69, 21, 68, 198, 20, 69, 3388, 5598, 1828, 2808, 6659, 2579, 1558, 8753, 1558, 642, 33660, 5534, 6659, 5125, 3388, 198, 21, 68, 2414, 718, 38907, 718, 17430, 8915, 3104, 642, 69, 2425, 767, 24760, 767, 1495, 69, 767, 48638, 198, 2996, 4761, 642, 69, 2154, 718, 48724, 718, 67, 3388, 767, 34770, 718, 4846, 69, 718, 68, 4790, 642, 69, 2996, 198, 2548, 2718, 1542, 3132, 718, 23237, 513, 40652, 767, 46900, 718, 5332, 69, 767, 48638, 718, 48724, 198, 20, 69, 2425, 767, 24760, 767, 1495, 69, 4317, 2996, 767, 2075, 67, 8644, 4790, 767, 30803, 718, 69, 21, 68, 198, 22, 3132, 66, 604, 33394, 4153, 3901, 7175, 2231, 1160, 2920, 604, 68, 2598, 604, 40486, 33160, 198, 21, 17430, 8915, 3104, 642, 69, 2425, 767, 24760, 767, 1495, 69, 767, 48638, 718, 48724, 642, 69, 2154, 198, 2996, 4761, 718, 67, 3388, 767, 34770, 718, 4846, 69, 718, 68, 4790, 642, 69, 2996, 4353, 2718, 1542, 3132, 198, 21, 23237, 4974, 1828, 26956, 69, 604, 68, 1238, 362, 30057, 767, 46900, 718, 5332, 69, 767, 48638, 198, 2996, 4761, 642, 69, 2425, 767, 24760, 767, 1495, 69, 4317, 2996, 767, 2075, 67, 8644, 4790, 767, 30803, 198, 21, 69, 21, 68, 8854, 1828, 1160, 2078, 362, 23195, 767, 24760, 767, 1495, 69, 8644, 2414, 362, 23539, 198, 15, 64, 405, 17643, 38326, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 15, 64, 405, 17643, 38326, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 15, 64, 405, 17643, 657, 64, 3070, 269, 7029, 7643, 13331, 7643, 69, 19, 7643, 1453, 7643, 68, 23, 198, 3070, 68, 17, 7643, 17896, 7643, 67, 21, 7643, 67, 15, 7643, 6888, 7643, 66, 19, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 657, 31938, 5534, 486, 657, 2154, 64, 657, 31938, 5534, 486, 657, 31495, 198, 28669, 18, 5534, 486, 657, 32583, 657, 31938, 5534, 486, 657, 24038, 657, 31938, 5534, 486, 198, 15, 35402, 657, 31938, 5534, 486, 657, 26598, 657, 31938, 5534, 486, 657, 26429, 657, 31938, 198, 486, 486, 657, 31552, 657, 31938, 5534, 486, 657, 32531, 657, 31938, 5534, 486, 8702, 486, 198, 15, 64, 405, 17643, 657, 64, 3070, 269, 7029, 7643, 13331, 7643, 69, 19, 7643, 1453, 7643, 68, 23, 198, 3070, 68, 17, 7643, 17896, 7643, 67, 21, 7643, 67, 15, 7643, 6888, 7643, 66, 19, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 657, 31938, 5534, 486, 5534, 15, 64, 657, 31938, 5534, 486, 5534, 2931, 198, 28669, 18, 5534, 486, 5534, 2919, 657, 31938, 5534, 486, 5534, 2998, 657, 31938, 5534, 486, 198, 486, 3312, 657, 31938, 5534, 486, 5534, 2713, 657, 31938, 5534, 486, 5534, 3023, 657, 31938, 198, 486, 486, 5534, 3070, 657, 31938, 5534, 486, 5534, 2999, 657, 31938, 5534, 486, 5534, 486, 198, 15, 67, 405, 17643, 657, 7029, 860, 9879, 3571, 5607, 5534, 2780, 7816, 69, 17, 657, 2718, 67, 198, 405, 3559, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 3571, 6469, 8753, 1954, 8753, 1558, 362, 65, 17, 65, 5534, 5999, 604, 46900, 718, 25061, 198, 21, 66, 2996, 718, 17430, 8915, 3104, 642, 69, 2154, 718, 48724, 718, 67, 3388, 767, 34770, 718, 4846, 69, 198, 21, 68, 5333, 767, 46900, 718, 5332, 69, 4317, 2996, 767, 2075, 67, 8644, 4790, 767, 30803, 718, 69, 21, 68, 198, 1954, 3559, 642, 22995, 604, 21526, 4153, 1238, 642, 39710, 48252, 66, 4153, 1238, 362, 30057, 198, 2425, 4524, 718, 5332, 69, 4317, 2996, 767, 2075, 67, 8644, 4790, 767, 30803, 718, 69, 21, 68, 2534, 1238, 198, 2078, 1828, 8644, 2414, 2534, 1238, 39861, 16, 362, 68, 1507, 8753, 1558, 642, 33660, 5534, 6659, 198, 2816, 3388, 718, 68, 2414, 718, 38907, 718, 17430, 8915, 3104, 642, 69, 2425, 767, 24760, 767, 1495, 69, 198, 2425, 4790, 718, 48724, 642, 69, 2154, 718, 48724, 718, 67, 3388, 767, 34770, 718, 4846, 69, 718, 68, 4790, 198, 20, 69, 2548, 23460, 22, 513, 35667, 513, 19708, 513, 25948, 767, 46900, 718, 5332, 69, 767, 48638, 198, 2996, 4761, 642, 69, 2425, 767, 24760, 767, 1495, 69, 4317, 2996, 767, 2075, 67, 8644, 4790, 767, 30803, 198, 21, 69, 21, 68, 767, 3132, 67, 604, 33394, 4153, 3901, 7175, 2231, 1160, 2920, 604, 68, 2598, 604, 40486, 198, 1238, 1828, 718, 17430, 8915, 3104, 642, 69, 2425, 767, 24760, 767, 1495, 69, 767, 48638, 718, 48724, 198, 20, 69, 2154, 718, 48724, 718, 67, 3388, 767, 34770, 718, 4846, 69, 718, 68, 4790, 642, 69, 2548, 23460, 22, 198, 2091, 5237, 513, 19708, 513, 18376, 26956, 69, 604, 68, 1238, 362, 30057, 767, 46900, 718, 5332, 69, 198, 2425, 4790, 718, 48724, 642, 69, 2425, 767, 24760, 767, 1495, 69, 4317, 2996, 767, 2075, 67, 8644, 4790, 198, 22, 30803, 718, 69, 21, 68, 8854, 1828, 1160, 2078, 362, 20233, 718, 48724, 718, 67, 3388, 767, 34770, 198, 38205, 69, 718, 68, 20, 69, 8644, 2414, 362, 23539, 9698, 1983, 352, 66, 2998, 23120, 67, 362, 67, 486, 198, 4521, 486, 767, 40652, 718, 2075, 66, 6135, 2414, 718, 64, 5333, 718, 68, 3134, 718, 69, 20, 69, 718, 23237, 198, 21, 67, 3388, 718, 68, 20, 69, 718, 66, 21, 69, 8275, 2414, 718, 64, 5333, 718, 68, 3134, 718, 69, 20, 69, 718, 23237, 198, 21, 67, 3388, 718, 68, 20, 69, 718, 66, 21, 69, 8275, 1828, 604, 33394, 4153, 3901, 7175, 2231, 1160, 4051, 198, 19, 23726, 604, 66, 2231, 33160, 718, 3510, 64, 718, 1433, 68, 718, 4304, 69, 642, 69, 5333, 718, 3510, 67, 198, 38205, 68, 642, 69, 21, 66, 718, 69, 3134, 2534, 1238, 2579, 1828, 8644, 2414, 2534, 1238, 718, 4846, 68, 198, 4524, 2996, 8275, 2996, 7724, 1238, 604, 68, 19, 69, 7175, 1238, 604, 68, 2816, 604, 66, 19, 66, 32215, 198, 20, 21626, 604, 67, 3901, 642, 25191, 26956, 65, 604, 38605, 1160, 3901, 642, 44218, 604, 69, 2920, 198, 19, 68, 3559, 642, 22995, 604, 67, 2231, 604, 68, 4051, 362, 66, 1238, 31510, 69, 718, 2075, 64, 718, 46572, 198, 50150, 69, 8644, 2414, 2534, 1238, 8915, 2996, 8699, 4524, 26956, 68, 642, 4051, 66, 604, 66, 17, 66, 198, 1238, 1828, 718, 69, 5237, 718, 64, 2996, 718, 31020, 642, 69, 4761, 6135, 2154, 767, 23148, 1160, 4304, 198, 21, 23628, 718, 27412, 718, 23628, 2579, 2624, 1542, 1270, 2808, 1238, 604, 68, 19, 69, 7175, 1238, 198, 19, 68, 2816, 604, 66, 19, 66, 362, 66, 1238, 362, 30057, 718, 31020, 718, 4846, 69, 718, 68, 20, 69, 43364, 66, 198, 21, 21940, 2534, 1238, 767, 2623, 67, 718, 1433, 66, 718, 66, 3388, 718, 68, 4524, 1160, 2425, 718, 68, 4790, 198, 3388, 3134, 718, 68, 2996, 5598, 1238, 604, 68, 19, 69, 7175, 1238, 604, 68, 2816, 604, 66, 19, 66, 362, 66, 1238, 198, 1828, 5066, 718, 4521, 16, 718, 68, 3134, 45021, 69, 718, 67, 2996, 767, 34770, 718, 21940, 6135, 1828, 198, 1238, 4524, 718, 38907, 8915, 1238, 604, 68, 19, 69, 7175, 1238, 604, 68, 2816, 604, 66, 19, 66, 362, 66, 1238, 198, 1828, 5066, 718, 69, 21, 68, 8915, 2996, 718, 68, 4524, 642, 69, 4524, 9225, 2154, 45021, 69, 8644, 2414, 198, 1828, 1238, 718, 4846, 68, 8915, 2996, 8275, 2996, 7724, 1238, 604, 68, 2816, 604, 66, 19, 66, 1160, 4309, 198, 2231, 3510, 604, 40427, 604, 4051, 68, 5946, 2231, 7192, 1238, 362, 18897, 718, 64, 5333, 718, 68, 3134, 198, 21, 69, 20, 69, 718, 2623, 69, 718, 68, 4524, 718, 3980, 68, 767, 2231, 69, 767, 31714, 4317, 2996, 2534, 1238, 198, 2078, 1828, 8644, 2414, 362, 23539, 362, 66, 1238, 362, 23195, 767, 24760, 767, 1495, 69, 8644, 2414, 198, 1828, 1238, 718, 4846, 68, 8915, 2996, 8275, 2996, 7724, 1238, 604, 68, 19, 69, 7175, 1238, 604, 68, 2816, 198, 19, 66, 19, 66, 1160, 4309, 4153, 3510, 604, 40427, 604, 4051, 68, 5946, 2231, 7192, 1238, 362, 30057, 198, 2425, 4524, 718, 5332, 69, 767, 48638, 718, 48724, 2534, 1238, 2579, 1828, 8644, 2414, 362, 23539, 198, 17, 66, 1238, 362, 30057, 718, 31020, 718, 4846, 69, 718, 68, 20, 69, 8915, 3388, 718, 67, 2996, 2534, 1238, 198, 2414, 5333, 8915, 2996, 8915, 3388, 718, 67, 2996, 26956, 68, 604, 69, 4051, 26956, 68, 642, 4051, 66, 198, 19, 66, 1959, 807, 15711, 352, 67, 2998, 28174, 69, 362, 67, 486, 807, 22042, 718, 4846, 68, 5598, 2996, 198, 3695, 2414, 718, 64, 5333, 718, 68, 3134, 718, 69, 20, 69, 718, 23237, 718, 67, 3388, 718, 68, 20, 69, 718, 66, 21, 69, 198, 42444, 69, 4974, 3132, 5214, 2791, 513, 25061, 513, 24136, 718, 3510, 64, 718, 1433, 68, 718, 4304, 69, 198, 20, 69, 5333, 718, 3510, 67, 718, 4846, 68, 642, 69, 21, 66, 718, 69, 3134, 352, 68, 3559, 642, 22995, 604, 21526, 198, 2231, 1238, 5125, 19, 68, 5846, 2231, 7618, 1238, 362, 18897, 718, 64, 5333, 718, 68, 3134, 718, 69, 20, 69, 198, 21, 23237, 718, 67, 3388, 718, 68, 20, 69, 718, 66, 21, 69, 718, 2425, 69, 4974, 3132, 5214, 2791, 513, 25061, 198, 18, 24136, 2534, 1238, 604, 69, 19, 68, 33160, 718, 3510, 64, 718, 1433, 68, 718, 4304, 69, 642, 69, 5333, 198, 27720, 67, 718, 4846, 68, 642, 69, 21, 66, 718, 69, 3134, 2534, 1238, 2579, 1828, 718, 2623, 69, 718, 68, 4524, 198, 37466, 68, 767, 2231, 69, 767, 31714, 4317, 2996, 642, 69, 3388, 5598, 1828, 2808, 6659, 3571, 16, 68, 198, 2998, 1558, 513, 69, 17, 67, 5534, 6659, 362, 22172, 718, 68, 2414, 718, 38907, 718, 3510, 64, 718, 1433, 68, 198, 42548, 69, 642, 69, 5333, 718, 3510, 67, 718, 4846, 68, 642, 69, 21, 66, 718, 69, 3134, 642, 69, 2996, 4353, 2718, 198, 1270, 3132, 718, 23237, 4974, 2414, 718, 64, 5333, 718, 68, 3134, 718, 69, 20, 69, 718, 23237, 718, 67, 3388, 198, 21, 68, 20, 69, 718, 66, 21, 69, 718, 4869, 69, 604, 33394, 4153, 3901, 7175, 2231, 1160, 2920, 604, 68, 2598, 198, 2231, 3365, 33160, 718, 3510, 64, 718, 1433, 68, 718, 4304, 69, 642, 69, 5333, 718, 3510, 67, 718, 4846, 68, 198, 20, 69, 21, 66, 718, 69, 3134, 642, 69, 2996, 4353, 2718, 1542, 3132, 718, 23237, 4974, 1828, 26956, 69, 198, 19, 68, 1238, 362, 18897, 718, 64, 5333, 718, 68, 3134, 718, 69, 20, 69, 718, 23237, 718, 67, 3388, 718, 68, 20, 69, 198, 21, 66, 21, 69, 8275, 1828, 1160, 2078, 362, 23195, 767, 24760, 767, 1495, 69, 8644, 2414, 362, 23539, 198, 15, 67, 405, 17643, 657, 7029, 257, 9879, 3571, 64, 22, 5534, 4790, 657, 24339, 657, 2091, 66, 198, 15, 29088, 3571, 16, 66, 17643, 17643, 17643, 17643, 3571, 2075, 9130, 1558, 198, 23, 19442, 362, 15982, 1596, 2091, 4747, 486, 807, 23516, 767, 40652, 718, 2075, 66, 6135, 2414, 198, 21, 64, 5333, 718, 68, 3134, 718, 69, 20, 69, 718, 2623, 69, 718, 68, 4524, 718, 3980, 68, 767, 2231, 69, 767, 31714, 198, 2154, 2996, 718, 3510, 64, 718, 1433, 68, 718, 4304, 69, 642, 69, 5066, 718, 69, 21, 68, 8915, 2996, 718, 68, 4524, 198, 20, 69, 4524, 9225, 2154, 22626, 20, 604, 33394, 4153, 3901, 7175, 2231, 1160, 4051, 604, 23726, 198, 19, 66, 2231, 33160, 718, 3510, 64, 718, 1433, 68, 718, 4304, 69, 642, 69, 5066, 718, 69, 21, 68, 8915, 2996, 198, 21, 68, 4524, 642, 69, 4524, 9225, 2154, 6135, 1828, 1160, 2078, 362, 26276, 5598, 1828, 1160, 3388, 198, 21, 68, 4524, 6135, 3134, 718, 48724, 26956, 68, 604, 69, 4051, 26956, 68, 642, 4051, 66, 604, 66, 1238, 198, 1120, 4309, 5125, 19, 67, 604, 17827, 7863, 1238, 604, 65, 2231, 7863, 1238, 604, 18742, 642, 2598, 69, 198, 39449, 68, 604, 33394, 604, 4051, 67, 604, 48630, 5125, 2481, 8753, 1558, 513, 20370, 5534, 6469, 198, 2670, 4524, 718, 25061, 718, 66, 2996, 718, 3510, 64, 718, 1433, 68, 718, 4304, 69, 642, 69, 5066, 718, 69, 21, 68, 198, 4524, 2996, 718, 68, 4524, 642, 69, 4524, 9225, 2154, 6135, 2414, 718, 64, 5333, 718, 68, 3134, 718, 69, 20, 69, 198, 21, 2623, 69, 718, 68, 4524, 718, 3980, 68, 767, 2231, 69, 767, 31714, 4317, 2996, 8870, 3559, 642, 22995, 198, 19, 21526, 4153, 1238, 642, 39710, 48252, 66, 4153, 1238, 362, 18897, 718, 64, 5333, 718, 68, 3134, 198, 21, 69, 20, 69, 718, 2623, 69, 718, 68, 4524, 718, 3980, 68, 767, 2231, 69, 767, 31714, 4317, 2996, 2534, 1238, 198, 2078, 1828, 8644, 2414, 2534, 1238, 718, 4846, 68, 8915, 2996, 8275, 2996, 7724, 1238, 604, 68, 19, 69, 198, 4051, 1238, 604, 68, 2816, 604, 66, 19, 66, 32215, 642, 21626, 604, 67, 3901, 642, 25191, 26956, 65, 198, 2231, 3270, 1160, 3901, 642, 44218, 604, 69, 2920, 604, 68, 3559, 642, 22995, 604, 67, 2231, 604, 68, 4051, 198, 17, 66, 1238, 362, 30057, 4317, 2154, 642, 69, 21, 66, 718, 25061, 718, 3980, 66, 2534, 1238, 767, 47159, 198, 22, 29558, 718, 4521, 16, 767, 23815, 3261, 1270, 1542, 1959, 26956, 68, 604, 69, 4051, 26956, 68, 198, 44218, 66, 604, 66, 17, 66, 33160, 718, 67, 21, 69, 5598, 2996, 718, 66, 1828, 1160, 4304, 718, 23628, 198, 21, 27412, 718, 23628, 2579, 3132, 1542, 1270, 2808, 1238, 604, 68, 19, 69, 7175, 1238, 604, 68, 2816, 198, 19, 66, 19, 66, 2808, 6659, 513, 66, 1828, 8753, 1558, 718, 20370, 5534, 6659, 718, 69, 3388, 718, 68, 2414, 198, 2996, 3695, 718, 3510, 64, 718, 1433, 68, 718, 4304, 69, 642, 69, 5066, 718, 69, 21, 68, 8915, 2996, 718, 68, 4524, 198, 20, 69, 4524, 9225, 2154, 45021, 69, 718, 17279, 767, 2713, 69, 718, 66, 5333, 718, 22980, 718, 66, 20, 69, 198, 2718, 2623, 718, 18897, 4747, 2414, 513, 35667, 642, 69, 2425, 718, 68, 3388, 767, 23237, 718, 64, 5333, 198, 21, 68, 3134, 718, 69, 20, 69, 718, 2623, 69, 718, 68, 4524, 718, 3980, 68, 767, 2231, 69, 767, 31714, 4317, 2996, 198, 15, 34938, 642, 22995, 604, 21526, 4153, 1238, 642, 4051, 68, 604, 50119, 5996, 2231, 1160, 2920, 198, 19, 68, 2598, 604, 40486, 33160, 718, 3510, 64, 718, 1433, 68, 718, 4304, 69, 642, 69, 5066, 718, 69, 21, 68, 198, 4524, 2996, 718, 68, 4524, 642, 69, 4524, 9225, 2154, 45021, 69, 718, 17279, 767, 2713, 69, 718, 66, 5333, 198, 21, 22980, 718, 66, 20, 69, 5214, 2623, 718, 18897, 4747, 2414, 513, 35667, 642, 69, 2425, 718, 68, 3388, 198, 22, 18376, 26956, 69, 604, 68, 1238, 362, 18897, 718, 64, 5333, 718, 68, 3134, 718, 69, 20, 69, 718, 2623, 69, 198, 21, 68, 4524, 718, 3980, 68, 767, 2231, 69, 767, 31714, 4317, 2996, 2534, 1238, 2579, 1828, 718, 17279, 198, 34801, 69, 718, 66, 5333, 718, 22980, 718, 66, 1828, 362, 66, 1238, 31510, 67, 718, 69, 2414, 718, 3980, 66, 198, 1828, 1959, 807, 22745, 18395, 22, 23120, 65, 362, 65, 486, 9698, 2231, 767, 40652, 718, 2075, 66, 198, 2996, 5333, 767, 46900, 718, 5332, 69, 4317, 2996, 767, 2075, 67, 8644, 4790, 767, 30803, 718, 69, 21, 68, 198, 21, 17430, 8915, 3104, 642, 69, 2154, 718, 48724, 718, 67, 3388, 767, 34770, 718, 4846, 69, 718, 68, 1954, 198, 19, 33394, 4153, 3901, 7175, 2231, 1160, 4051, 604, 23726, 604, 66, 2231, 33160, 718, 17430, 198, 4524, 3104, 642, 69, 2154, 718, 48724, 718, 67, 3388, 767, 34770, 718, 4846, 69, 718, 68, 1828, 1160, 2078, 198, 1828, 3388, 5598, 1828, 1160, 3388, 718, 68, 4524, 6135, 3134, 718, 48724, 26956, 68, 604, 69, 4051, 198, 18638, 68, 642, 4051, 66, 604, 66, 1238, 2026, 4309, 5125, 19, 67, 604, 17827, 7863, 1238, 604, 65, 2231, 198, 3270, 1238, 604, 18742, 642, 2598, 69, 5125, 19, 68, 604, 33394, 604, 4051, 67, 604, 4051, 68, 642, 3682, 66, 198, 1238, 1828, 718, 2623, 69, 718, 68, 4524, 718, 3980, 68, 767, 2231, 69, 767, 31714, 4317, 2996, 642, 69, 3388, 198, 2414, 1828, 1160, 3388, 718, 68, 4524, 6135, 3134, 718, 48724, 26956, 68, 604, 69, 4051, 26956, 68, 198, 44218, 66, 604, 66, 1238, 642, 22995, 6337, 2231, 642, 22995, 604, 68, 3559, 46839, 18, 33160, 198, 27720, 64, 718, 1433, 68, 718, 4304, 69, 642, 69, 5066, 718, 69, 21, 68, 8915, 2996, 718, 68, 4524, 642, 69, 4524, 198, 3720, 2154, 6135, 1828, 1160, 2078, 362, 26276, 5598, 1828, 41569, 66, 33160, 718, 2623, 69, 198, 2414, 2996, 718, 68, 5333, 718, 67, 2996, 2534, 1238, 767, 47159, 767, 29558, 718, 4521, 16, 767, 23815, 198, 3132, 1270, 1542, 1959, 26956, 68, 604, 69, 4051, 26956, 68, 642, 4051, 66, 604, 66, 17, 66, 33160, 198, 21, 68, 5333, 718, 67, 2996, 2534, 1238, 767, 47159, 767, 29558, 718, 4521, 16, 767, 23815, 513, 22370, 198, 2327, 1959, 26956, 68, 604, 69, 4051, 26956, 68, 642, 4051, 66, 604, 66, 1959, 807, 23756, 14956, 22, 198, 1558, 3134, 362, 65, 486, 807, 1558, 67, 718, 4846, 68, 5598, 2996, 767, 4521, 16, 767, 46900, 718, 5332, 69, 198, 2154, 2996, 767, 2075, 67, 8644, 4790, 767, 30803, 718, 69, 21, 68, 642, 69, 5066, 718, 69, 21, 68, 8915, 2996, 198, 21, 68, 4524, 642, 69, 4524, 9225, 2154, 45021, 69, 8644, 2414, 642, 69, 1270, 513, 25948, 718, 25429, 198, 2718, 2327, 718, 1314, 69, 767, 3980, 68, 8644, 4869, 718, 17430, 8915, 3104, 642, 69, 2154, 718, 48724, 198, 21, 67, 3388, 767, 34770, 718, 4846, 69, 718, 68, 3312, 604, 33394, 4153, 3901, 7175, 2231, 1160, 2816, 198, 19, 68, 2920, 642, 18742, 4153, 1238, 5125, 19, 68, 5846, 2231, 7618, 1238, 362, 30057, 767, 46900, 198, 35978, 69, 4317, 2996, 767, 2075, 67, 8644, 4790, 767, 30803, 718, 69, 21, 68, 642, 69, 5066, 718, 69, 21, 68, 198, 4524, 2996, 718, 68, 4524, 642, 69, 4524, 9225, 2154, 45021, 69, 8644, 2414, 642, 69, 1270, 513, 25948, 198, 21, 25429, 5214, 2327, 718, 1314, 69, 767, 3980, 68, 8644, 4869, 2534, 1238, 604, 69, 19, 68, 33160, 198, 21, 17430, 8915, 3104, 642, 69, 2154, 718, 48724, 718, 67, 3388, 767, 34770, 718, 4846, 69, 718, 68, 1828, 198, 1238, 2078, 362, 29558, 718, 69, 21, 68, 8915, 2996, 718, 68, 4524, 642, 69, 4524, 9225, 2154, 45021, 69, 198, 3388, 2414, 27795, 66, 33160, 718, 2623, 69, 5598, 2996, 718, 68, 5333, 718, 67, 2996, 362, 23539, 198, 15, 67, 405, 17643, 657, 64, 486, 860, 64, 405, 7643, 65, 17, 657, 34770, 657, 2091, 67, 7816, 721, 198, 2999, 15630, 657, 1983, 69, 657, 27877, 657, 21261, 5534, 67, 15, 5534, 24, 64, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 28560, 64, 7769, 405, 657, 69, 16, 65, 198, 486, 1129, 5534, 486, 604, 19880, 604, 64, 2425, 718, 1433, 68, 8644, 4524, 8454, 486, 604, 23237, 198, 2414, 2996, 718, 3682, 68, 8753, 486, 3933, 1270, 513, 20809, 362, 67, 1270, 34465, 67, 513, 24693, 198, 1238, 3132, 37290, 64, 23460, 21, 513, 64, 1270, 32591, 68, 513, 20219, 1542, 1270, 1542, 1270, 198, 26073, 24, 7769, 405, 657, 69, 1129, 5534, 1129, 5534, 486, 604, 16945, 47996, 18, 4317, 2996, 198, 21, 64, 21, 69, 5534, 3901, 5598, 2414, 6135, 2414, 362, 68, 2998, 5534, 2624, 1542, 3132, 4570, 17, 67, 198, 1270, 3132, 362, 67, 2624, 5214, 1238, 513, 16945, 513, 64, 2327, 23460, 64, 3439, 2548, 362, 68, 2670, 198, 2670, 2548, 1542, 1270, 30727, 65, 657, 34583, 12877, 69, 39923, 2808, 486, 5534, 3901, 198, 18, 25191, 718, 69, 3134, 767, 48724, 767, 32531, 604, 27412, 718, 1433, 68, 8275, 2996, 5598, 1238, 198, 2154, 4761, 718, 4846, 18, 718, 4309, 68, 8753, 486, 3933, 1270, 513, 20809, 362, 67, 1270, 34465, 67, 198, 18, 24693, 1160, 3132, 23460, 64, 4974, 3132, 513, 64, 2624, 44341, 68, 513, 19924, 3439, 1270, 198, 1270, 1270, 513, 65, 2998, 7769, 405, 657, 69, 1959, 5534, 1129, 5534, 486, 604, 19924, 2026, 4761, 198, 21, 69, 2414, 767, 46572, 8915, 1238, 718, 69, 5237, 718, 64, 2996, 718, 31020, 5534, 3901, 5598, 2414, 198, 2996, 2414, 362, 68, 2998, 5534, 2624, 1542, 3132, 4570, 17, 67, 1542, 3132, 362, 67, 2624, 5214, 1238, 198, 18, 16945, 513, 64, 2091, 49814, 64, 23460, 22, 362, 68, 2682, 4974, 2623, 1542, 1270, 30727, 65, 198, 15, 31751, 12877, 69, 2808, 486, 39923, 5534, 3901, 3261, 1120, 767, 2075, 69, 5598, 2425, 198, 21, 31020, 27253, 69, 718, 2075, 64, 718, 46572, 8915, 486, 604, 23237, 5598, 2996, 718, 3682, 68, 198, 2998, 486, 3933, 1270, 513, 20809, 362, 67, 1270, 34465, 67, 513, 24693, 1160, 3132, 23460, 64, 198, 2091, 2718, 513, 64, 2682, 48207, 68, 5214, 2682, 3933, 1270, 1542, 1270, 362, 68, 2713, 7769, 405, 198, 15, 69, 16, 65, 5534, 15, 67, 5534, 486, 604, 19924, 718, 64, 2425, 718, 1433, 68, 8644, 4524, 718, 15197, 198, 3023, 486, 3933, 1270, 513, 20809, 362, 67, 1270, 34465, 67, 513, 24693, 1160, 3132, 23460, 64, 198, 2091, 2682, 513, 64, 2682, 38831, 68, 5214, 2623, 5014, 1270, 1542, 1270, 604, 69, 3023, 7769, 405, 198, 15, 69, 16, 65, 5534, 19, 69, 5534, 486, 604, 19924, 718, 64, 2425, 718, 1433, 68, 8644, 4524, 718, 15377, 198, 19, 27412, 718, 1433, 68, 8275, 2996, 5598, 1238, 718, 36657, 767, 27367, 767, 2231, 69, 718, 68, 5333, 198, 21, 67, 2996, 1160, 5333, 718, 68, 2414, 27253, 66, 718, 25399, 767, 2231, 69, 718, 68, 5333, 718, 67, 2996, 198, 17, 68, 3023, 5534, 2624, 1542, 3132, 4570, 17, 67, 1542, 3132, 362, 67, 2624, 5214, 1238, 513, 16945, 198, 18, 64, 2091, 23460, 64, 3439, 2548, 362, 68, 2718, 4353, 1270, 1542, 1270, 1542, 2682, 657, 26895, 198, 830, 69, 352, 65, 486, 39923, 5534, 3901, 40660, 64, 767, 47915, 718, 68, 3388, 767, 40652, 198, 486, 3901, 5598, 2414, 6135, 2414, 362, 68, 3023, 5534, 2624, 1542, 3132, 4570, 17, 67, 1542, 3132, 198, 17, 67, 2624, 5214, 1238, 513, 16945, 513, 64, 2091, 23460, 64, 4974, 2091, 362, 68, 3132, 4570, 2624, 198, 1270, 1270, 30727, 67, 657, 22567, 12877, 69, 1315, 486, 3261, 486, 5534, 3901, 34085, 64, 198, 2425, 5333, 718, 68, 2999, 604, 68, 21, 69, 1160, 2791, 8644, 2996, 718, 66, 2414, 8854, 1238, 718, 27412, 198, 44214, 68, 8275, 2996, 718, 3682, 68, 8702, 486, 3933, 1270, 513, 20809, 362, 67, 1270, 34465, 67, 198, 18, 24693, 1160, 3132, 23460, 64, 513, 20370, 513, 64, 1270, 4353, 17, 68, 4353, 3132, 4974, 1270, 198, 1270, 1270, 604, 66, 486, 7769, 405, 657, 69, 1314, 5534, 19, 69, 5534, 486, 604, 22042, 604, 64, 2425, 198, 44214, 68, 657, 26660, 718, 4521, 16, 718, 68, 3134, 6135, 2414, 1160, 2791, 8644, 4761, 767, 31020, 198, 20, 69, 21, 68, 718, 1433, 67, 6135, 1238, 718, 1433, 68, 5598, 1238, 718, 66, 5333, 767, 31020, 642, 69, 21, 68, 198, 44214, 67, 718, 4309, 68, 8702, 486, 3933, 1270, 513, 20809, 362, 67, 1270, 34465, 67, 513, 24693, 198, 1238, 3132, 23460, 64, 23460, 17, 513, 64, 2624, 34465, 68, 4353, 2623, 4974, 1270, 1542, 1270, 198, 15, 67, 405, 17643, 20007, 1275, 405, 7643, 9945, 7643, 65, 15, 657, 27203, 657, 2327, 67, 198, 49959, 69, 7643, 486, 7816, 68, 18, 7816, 19881, 657, 1959, 65, 657, 1983, 69, 657, 1495, 67, 657, 1954, 65, 198, 2999, 940, 5534, 7568, 5534, 3609, 5534, 23, 66, 5534, 2414, 5534, 18, 66, 5534, 16, 64, 3571, 69, 17, 198, 405, 6888, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 2608, 1314, 657, 4059, 5534, 1959, 198, 18, 15982, 5598, 2996, 718, 66, 2996, 8915, 2996, 642, 69, 2154, 767, 2075, 69, 5598, 2425, 718, 31020, 198, 19, 35195, 718, 68, 1238, 5598, 2996, 718, 66, 2996, 8915, 2996, 1160, 2154, 767, 2075, 69, 5598, 2425, 198, 21, 31020, 2608, 1415, 657, 4059, 5534, 1959, 513, 15982, 718, 27412, 718, 1433, 68, 8275, 2996, 198, 20, 69, 2154, 767, 2075, 69, 5598, 2425, 718, 31020, 604, 35195, 718, 68, 1238, 718, 27412, 718, 1433, 68, 198, 3134, 2996, 1160, 2154, 767, 2075, 69, 5598, 2425, 718, 31020, 2211, 657, 4059, 5534, 1954, 198, 17, 65, 2998, 718, 23237, 718, 2231, 69, 767, 2998, 17, 718, 69, 2414, 767, 46572, 767, 34938, 718, 1433, 68, 198, 1238, 5333, 5598, 2414, 1160, 2154, 767, 2075, 69, 5598, 2425, 718, 31020, 2608, 1065, 657, 4059, 198, 486, 1959, 513, 15801, 5598, 2996, 718, 66, 2996, 8915, 2996, 642, 69, 4790, 718, 48638, 767, 30803, 198, 21, 69, 21, 68, 604, 35195, 718, 68, 1238, 5598, 2996, 718, 66, 2996, 8915, 2996, 1160, 4790, 718, 48638, 198, 22, 30803, 718, 69, 21, 68, 2608, 1157, 657, 4059, 5534, 1959, 513, 15801, 718, 27412, 718, 1433, 68, 198, 3134, 2996, 642, 69, 4790, 718, 48638, 767, 30803, 718, 69, 21, 68, 604, 35195, 718, 68, 1238, 718, 27412, 198, 44214, 68, 8275, 2996, 1160, 4790, 718, 48638, 767, 30803, 718, 69, 21, 68, 3050, 657, 4059, 198, 486, 1954, 362, 65, 3312, 718, 23237, 718, 2231, 69, 767, 24760, 767, 34770, 718, 4846, 69, 718, 68, 3559, 198, 44214, 68, 1160, 5333, 5598, 2414, 1160, 4790, 718, 48638, 767, 30803, 718, 69, 21, 68, 362, 69, 15, 69, 198, 2713, 405, 5534, 3132, 513, 65, 2713, 5598, 2996, 718, 66, 2996, 8915, 2996, 642, 69, 5066, 718, 69, 21, 68, 198, 4524, 2996, 718, 68, 4524, 767, 31714, 4317, 2996, 604, 35195, 718, 68, 1238, 5598, 2996, 718, 66, 2996, 198, 4524, 2996, 1160, 5066, 718, 69, 21, 68, 8915, 2996, 718, 68, 4524, 1160, 4524, 9225, 2154, 718, 4309, 69, 198, 15, 68, 2713, 3571, 486, 35897, 65, 657, 46572, 718, 4521, 16, 718, 68, 3134, 45021, 69, 718, 2623, 69, 198, 21, 68, 4524, 718, 3980, 68, 767, 38652, 9225, 2154, 6135, 3559, 718, 1433, 68, 1160, 5066, 718, 4521, 16, 198, 21, 68, 3134, 6135, 1238, 718, 2623, 69, 718, 68, 4524, 718, 3980, 68, 8915, 1238, 767, 31714, 4317, 2996, 198, 24369, 67, 657, 4059, 5534, 17, 65, 13803, 20, 718, 23237, 718, 2231, 69, 718, 2623, 69, 718, 68, 4524, 198, 37466, 68, 767, 38652, 9225, 2154, 6135, 3559, 718, 1433, 68, 1160, 5333, 5598, 2414, 1160, 5066, 198, 21, 69, 21, 68, 8915, 2996, 718, 68, 4524, 1160, 4524, 9225, 2154, 6135, 1238, 657, 66, 2713, 3571, 486, 198, 24339, 65, 8702, 2414, 718, 3980, 66, 718, 46900, 45021, 69, 767, 48638, 718, 48724, 604, 35195, 198, 21, 68, 1238, 5598, 2996, 718, 66, 2996, 8915, 2996, 1160, 2425, 767, 24760, 7724, 1238, 657, 65, 2713, 198, 18005, 31773, 65, 657, 38380, 718, 4521, 16, 718, 68, 3134, 45021, 69, 767, 48638, 718, 48724, 198, 19, 35195, 718, 68, 1238, 718, 27412, 718, 1433, 68, 8275, 2996, 1160, 2425, 767, 24760, 767, 2481, 64, 198, 15, 64, 2713, 3571, 486, 352, 67, 1495, 657, 40652, 5598, 2414, 642, 69, 2425, 767, 24760, 767, 26660, 198, 44214, 68, 1160, 5333, 5598, 2414, 1160, 2425, 767, 24760, 767, 23148, 7769, 2713, 3571, 486, 198, 22800, 67, 7643, 2414, 718, 3980, 66, 718, 46900, 45021, 69, 718, 43571, 718, 69, 2425, 767, 48768, 198, 44214, 68, 1160, 2414, 718, 3980, 66, 718, 46900, 6135, 1238, 718, 43571, 718, 69, 2425, 4317, 1828, 198, 15, 28256, 3571, 486, 25264, 67, 657, 35447, 718, 4521, 16, 718, 68, 3134, 45021, 69, 718, 43571, 198, 21, 69, 2425, 767, 48768, 718, 1433, 68, 1160, 5066, 718, 4521, 16, 718, 68, 3134, 6135, 1238, 718, 43571, 198, 21, 69, 2425, 48173, 66, 657, 34801, 3571, 486, 352, 69, 1983, 657, 35195, 5598, 2414, 642, 69, 3134, 198, 22, 2075, 69, 5441, 2154, 604, 35195, 718, 68, 1238, 718, 23237, 5598, 1238, 718, 43571, 718, 69, 2425, 198, 36680, 66, 657, 32417, 3571, 486, 362, 69, 2718, 657, 18897, 718, 3980, 66, 718, 46900, 45021, 69, 198, 2154, 2996, 767, 2075, 67, 8644, 4790, 767, 30803, 718, 69, 21, 68, 604, 35195, 718, 68, 1238, 5598, 2996, 198, 21, 66, 2996, 8915, 2996, 1160, 2154, 718, 48724, 718, 67, 3388, 767, 34770, 718, 4846, 69, 718, 68, 17, 66, 198, 28669, 20, 3571, 486, 362, 69, 2718, 657, 29558, 718, 4521, 16, 718, 68, 3134, 45021, 69, 4317, 2996, 198, 22, 2075, 67, 8644, 4790, 767, 30803, 718, 69, 21, 68, 604, 35195, 718, 68, 1238, 718, 27412, 718, 1433, 68, 198, 3134, 2996, 1160, 2154, 718, 48724, 718, 67, 3388, 767, 34770, 718, 4846, 69, 718, 68, 2075, 657, 26598, 198, 18005, 2808, 3132, 657, 30057, 5598, 2414, 642, 69, 2154, 718, 48724, 718, 67, 3388, 767, 34770, 198, 38205, 69, 718, 68, 3559, 718, 1433, 68, 1160, 5333, 5598, 2414, 1160, 2154, 718, 48724, 718, 67, 3388, 198, 22, 34770, 718, 4846, 69, 718, 68, 1959, 657, 22515, 3571, 486, 362, 65, 2327, 5534, 2414, 718, 3980, 66, 198, 2996, 4524, 45021, 69, 718, 66, 21, 69, 8275, 2996, 718, 68, 4524, 767, 26050, 604, 35195, 718, 68, 1238, 198, 2414, 2996, 718, 66, 2996, 8915, 2996, 27253, 66, 718, 69, 3134, 1160, 2996, 718, 68, 4524, 767, 26050, 198, 1959, 2999, 657, 4059, 5534, 17, 65, 3439, 486, 718, 27412, 718, 1433, 68, 8275, 2996, 642, 69, 21, 66, 198, 21, 69, 3134, 718, 3980, 68, 767, 37856, 9225, 3559, 718, 1433, 68, 1160, 5066, 718, 4521, 16, 718, 68, 3134, 198, 2996, 1238, 718, 66, 21, 69, 8275, 1238, 718, 3980, 68, 767, 37856, 9225, 1954, 5534, 2713, 3571, 486, 198, 22800, 69, 5534, 5333, 5598, 2414, 642, 69, 21, 66, 718, 69, 3134, 718, 3980, 68, 767, 37856, 9225, 3559, 198, 44214, 68, 1160, 5333, 5598, 2414, 27253, 66, 718, 69, 3134, 1160, 2996, 718, 68, 4524, 767, 26050, 198, 15, 67, 405, 17643, 657, 7029, 304, 6200, 3571, 68, 18, 5534, 21, 64, 7643, 1415, 657, 30995, 198, 15, 25270, 657, 30336, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 3571, 5999, 38107, 66, 8753, 1558, 352, 69, 16, 69, 198, 486, 4521, 352, 67, 4524, 718, 25061, 718, 66, 2996, 718, 17430, 8915, 3104, 642, 69, 2425, 767, 24760, 198, 22, 30057, 767, 46900, 718, 5332, 69, 767, 48638, 718, 48724, 657, 66, 3559, 642, 22995, 604, 21526, 198, 2231, 1238, 642, 39710, 48252, 66, 4153, 1238, 362, 30057, 767, 46900, 718, 5332, 69, 767, 48638, 198, 2996, 4761, 2534, 1238, 2579, 1828, 8644, 2414, 2534, 1238, 718, 4846, 68, 8915, 2996, 8275, 2996, 198, 4761, 1238, 604, 68, 19, 69, 7175, 1238, 604, 68, 2816, 604, 66, 19, 66, 32215, 642, 21626, 604, 67, 3901, 198, 20, 25191, 26956, 65, 604, 38605, 1160, 3901, 642, 44218, 604, 69, 2920, 604, 68, 3559, 642, 22995, 198, 19, 67, 2231, 604, 68, 4051, 362, 66, 1238, 362, 20233, 718, 25399, 767, 26514, 718, 69, 4761, 5598, 1828, 198, 1238, 4304, 718, 23628, 718, 27412, 718, 23628, 2579, 3132, 513, 23721, 2808, 1238, 604, 68, 19, 69, 198, 4051, 1238, 604, 68, 2816, 604, 66, 19, 66, 362, 66, 1238, 31510, 66, 718, 25399, 767, 2231, 69, 718, 66, 21, 69, 198, 3134, 3388, 718, 68, 1828, 1160, 2414, 718, 22985, 718, 46900, 718, 4846, 67, 6135, 1238, 604, 68, 2816, 198, 19, 66, 19, 66, 362, 66, 1238, 362, 26276, 767, 2327, 69, 8854, 2425, 4317, 2996, 767, 23195, 767, 24760, 198, 22, 23148, 1160, 6659, 8702, 1495, 8753, 1558, 513, 67, 17, 65, 5534, 6659, 362, 67, 3388, 718, 68, 2414, 198, 2996, 3695, 718, 17430, 8915, 3104, 642, 69, 2154, 718, 48724, 718, 67, 3388, 767, 34770, 718, 4846, 69, 198, 21, 68, 20, 69, 4974, 3132, 5214, 2791, 513, 25061, 513, 24136, 718, 17430, 8915, 3104, 642, 69, 2154, 198, 2996, 4761, 718, 67, 3388, 767, 34770, 718, 4846, 69, 718, 68, 1157, 604, 33394, 4153, 3901, 7175, 2231, 198, 1238, 2920, 604, 68, 2598, 604, 40486, 33160, 718, 17430, 8915, 3104, 642, 69, 2154, 718, 48724, 198, 21, 67, 3388, 767, 34770, 718, 4846, 69, 718, 68, 20, 69, 4974, 3132, 5214, 2791, 513, 25061, 513, 24136, 198, 1828, 1238, 604, 69, 19, 68, 33160, 718, 17430, 8915, 3104, 642, 69, 2154, 718, 48724, 718, 67, 3388, 198, 22, 34770, 718, 4846, 69, 718, 68, 1828, 1160, 2078, 362, 29558, 718, 69, 21, 68, 8915, 2996, 718, 68, 4524, 198, 20, 69, 4524, 9225, 2154, 45021, 69, 8644, 2414, 362, 23539, 9698, 1983, 362, 66, 2998, 28369, 69, 198, 16, 69, 486, 807, 5333, 67, 767, 40652, 718, 2075, 66, 718, 47915, 767, 46900, 718, 5332, 69, 767, 48638, 198, 2996, 4761, 718, 17430, 8915, 3104, 642, 69, 2425, 767, 24760, 26250, 66, 604, 33394, 4153, 3901, 198, 4051, 2231, 1160, 4051, 604, 23726, 604, 66, 2231, 33160, 718, 17430, 8915, 3104, 642, 69, 2425, 198, 22, 24760, 767, 23148, 1160, 2078, 362, 26276, 5598, 1828, 1160, 3388, 718, 68, 4524, 6135, 3134, 198, 2996, 4761, 26956, 68, 604, 69, 4051, 26956, 68, 642, 4051, 66, 604, 66, 1238, 2026, 4309, 5125, 19, 67, 198, 19, 17827, 7863, 1238, 604, 65, 2231, 7863, 1238, 604, 18742, 642, 2598, 69, 5125, 19, 68, 604, 33394, 198, 34229, 67, 604, 4051, 68, 642, 3682, 66, 33160, 767, 3312, 16, 767, 34770, 767, 4304, 69, 767, 18897, 198, 1828, 1238, 767, 47159, 767, 29558, 718, 4521, 16, 767, 23815, 513, 19924, 4353, 1959, 26956, 68, 198, 19, 69, 4051, 26956, 68, 642, 4051, 66, 604, 66, 17, 66, 33160, 718, 66, 5333, 767, 31020, 642, 69, 21, 66, 198, 21, 69, 3134, 718, 4846, 68, 2534, 1238, 718, 40652, 8915, 2996, 8915, 3388, 718, 67, 2996, 26956, 68, 198, 44218, 66, 604, 66, 17, 66, 33160, 8644, 4790, 642, 69, 4790, 5441, 2154, 718, 48724, 767, 48638, 198, 2996, 4761, 2534, 1238, 718, 2075, 69, 718, 69, 21, 66, 26956, 68, 604, 69, 4051, 26956, 68, 642, 4051, 66, 198, 19, 66, 17, 66, 33160, 718, 36657, 767, 27367, 767, 2231, 69, 718, 68, 5333, 718, 67, 2996, 2534, 1238, 198, 22, 47159, 767, 29558, 718, 4521, 16, 767, 23815, 4747, 1270, 2808, 1238, 604, 68, 19, 69, 7175, 1238, 198, 19, 68, 2816, 604, 66, 19, 66, 362, 66, 1238, 31510, 66, 718, 25399, 767, 2231, 69, 718, 68, 5333, 718, 67, 2996, 198, 1828, 1238, 767, 47159, 767, 29558, 718, 4521, 16, 767, 23815, 4747, 1270, 2808, 1238, 604, 68, 19, 69, 198, 4051, 1238, 604, 68, 2816, 604, 66, 19, 66, 362, 66, 1238, 362, 22980, 718, 67, 5333, 718, 4846, 66, 2534, 1238, 198, 22, 47159, 767, 29558, 718, 4521, 16, 767, 23815, 513, 22370, 4974, 1959, 26956, 68, 604, 69, 4051, 198, 18638, 68, 642, 4051, 66, 604, 66, 17, 66, 33160, 8644, 4790, 642, 69, 4790, 767, 40652, 718, 27310, 198, 1828, 1238, 718, 2075, 69, 718, 69, 21, 66, 26956, 68, 604, 69, 4051, 26956, 68, 642, 4051, 66, 604, 66, 17, 66, 198, 1238, 1828, 8644, 4790, 642, 69, 5333, 718, 31020, 8644, 4304, 6135, 1828, 1160, 5237, 718, 69, 21, 69, 198, 21, 66, 1238, 604, 68, 19, 69, 7175, 1238, 604, 68, 2816, 604, 66, 19, 66, 362, 66, 1238, 362, 18897, 718, 22985, 198, 35916, 69, 718, 64, 21, 69, 718, 4846, 68, 6135, 2414, 2534, 1238, 718, 40652, 8915, 2996, 8915, 3388, 198, 21, 67, 2996, 26956, 68, 604, 69, 4051, 26956, 68, 642, 4051, 66, 604, 66, 17, 66, 33160, 767, 48638, 198, 2996, 4761, 718, 68, 5333, 718, 67, 2996, 2534, 1238, 767, 47159, 767, 29558, 718, 4521, 16, 767, 23815, 198, 2091, 1270, 2808, 1238, 604, 68, 19, 69, 7175, 1238, 604, 68, 2816, 604, 66, 19, 66, 1160, 2816, 604, 68, 2920, 198, 20, 18742, 4153, 1959, 34465, 67, 9130, 1558, 49356, 69, 5534, 405, 718, 4846, 68, 5598, 2996, 198, 3695, 4790, 767, 1433, 66, 8644, 4524, 45021, 69, 718, 17430, 767, 3510, 69, 718, 4846, 68, 5598, 2996, 198, 41172, 69, 718, 17430, 8915, 3104, 642, 69, 2425, 767, 24760, 767, 1495, 69, 513, 25948, 767, 46900, 198, 35978, 69, 767, 48638, 718, 48724, 657, 67, 6659, 4570, 17, 68, 8753, 1558, 2808, 1959, 5534, 6469, 198, 1983, 4524, 718, 25061, 718, 66, 2996, 718, 3510, 64, 718, 1433, 68, 718, 4304, 69, 642, 69, 4790, 718, 48638, 198, 22, 30803, 718, 69, 21, 68, 718, 3510, 64, 718, 1433, 68, 718, 4304, 69, 642, 69, 4790, 718, 48638, 767, 30803, 198, 21, 69, 21, 68, 657, 69, 3559, 642, 22995, 604, 21526, 4153, 1238, 642, 39710, 48252, 66, 4153, 1238, 198, 1828, 2414, 718, 64, 5333, 718, 68, 3134, 718, 69, 20, 69, 767, 24760, 767, 34770, 718, 4846, 69, 718, 68, 1828, 198, 1238, 2078, 362, 27367, 718, 48638, 767, 30803, 718, 69, 21, 68, 642, 69, 21, 65, 718, 41734, 2534, 1238, 198, 22, 47159, 767, 29558, 718, 4521, 16, 767, 23815, 4974, 1270, 2808, 1238, 604, 68, 19, 69, 7175, 1238, 198, 19, 68, 2816, 604, 66, 19, 66, 32215, 642, 21626, 604, 67, 3901, 642, 25191, 26956, 65, 604, 38605, 198, 17, 66, 1238, 362, 27367, 718, 48638, 767, 30803, 718, 69, 21, 68, 642, 69, 2414, 718, 22985, 718, 18376, 198, 1238, 4524, 718, 38907, 8915, 1238, 604, 68, 19, 69, 7175, 1238, 604, 68, 2816, 604, 66, 19, 66, 362, 66, 1238, 198, 1828, 2996, 8699, 2154, 8644, 4761, 45021, 69, 718, 40652, 8915, 2996, 2534, 1238, 718, 40652, 198, 4524, 2996, 8915, 3388, 718, 67, 2996, 26956, 68, 604, 69, 4051, 26956, 68, 642, 4051, 66, 604, 66, 1959, 198, 15, 67, 405, 17643, 657, 31552, 642, 66, 405, 7643, 17896, 7643, 65, 22, 657, 36626, 657, 2327, 66, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 18395, 19, 657, 8054, 198, 16, 65, 1954, 352, 69, 2999, 604, 64, 2425, 718, 1433, 68, 8644, 4524, 718, 1415, 67, 767, 41734, 1160, 3104, 198, 2996, 4761, 718, 67, 21, 69, 767, 35195, 4764, 2996, 767, 2075, 67, 718, 1433, 68, 8644, 4524, 718, 15197, 198, 68, 23, 2682, 657, 20548, 3571, 1129, 642, 15363, 657, 22995, 8854, 2154, 718, 3980, 64, 718, 69, 2780, 198, 2996, 4761, 767, 30057, 718, 67, 3388, 718, 3980, 68, 767, 40652, 1160, 2154, 718, 23628, 718, 10232, 198, 22, 36879, 767, 27367, 6135, 1238, 718, 10232, 767, 3980, 68, 718, 69, 1238, 718, 67, 3388, 767, 2623, 67, 198, 21, 69, 3559, 718, 25399, 718, 3064, 9907, 1954, 657, 22136, 3571, 1129, 362, 65, 16, 65, 5534, 3270, 198, 21, 69, 3134, 767, 48724, 8915, 1120, 767, 2075, 69, 5598, 2425, 718, 31020, 718, 69, 1238, 604, 66, 5333, 198, 21, 31020, 718, 3980, 69, 604, 66, 5333, 718, 31020, 718, 3980, 69, 767, 1270, 64, 362, 1264, 657, 8054, 198, 23628, 65, 352, 65, 486, 642, 17430, 718, 48638, 718, 69, 1120, 767, 2075, 69, 5598, 2425, 718, 31020, 198, 21, 69, 1238, 604, 66, 5333, 718, 31020, 718, 3980, 69, 604, 66, 5333, 718, 31020, 718, 3980, 69, 8854, 2078, 198, 15, 67, 405, 17643, 657, 22709, 604, 4059, 657, 22995, 657, 32568, 657, 6200, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 17643, 17643, 17643, 17643, 17643, 17643, 198, 2388, 17643, 3571, 18, 65, 362, 69, 3312, 27621, 69, 2808, 486, 3571, 3388, 718, 68, 2414, 198, 2996, 3695, 37517, 16, 718, 66, 3388, 8915, 2996, 642, 69, 5333, 767, 46900, 718, 69, 3388, 718, 68, 2414, 198, 2996, 3695, 642, 69, 2414, 718, 64, 5333, 718, 68, 3134, 718, 69, 20, 69, 767, 24760, 767, 34770, 718, 4846, 69, 198, 21, 68, 20, 69, 513, 23237, 718, 64, 5333, 718, 68, 3134, 718, 69, 20, 69, 767, 24760, 767, 34770, 718, 4846, 69, 198, 21, 68, 1065, 767, 66, 1270, 8753, 1558, 513, 65, 1959, 5534, 6659, 362, 22172, 718, 68, 2414, 718, 38907, 198, 27720, 64, 718, 1433, 68, 718, 4304, 69, 642, 69, 4790, 718, 48638, 767, 30803, 718, 69, 21, 68, 642, 69, 2414, 198, 2996, 2327, 4974, 2791, 718, 20809, 513, 18897, 718, 64, 5333, 718, 68, 3134, 718, 69, 20, 69, 767, 24760, 198, 22, 34770, 718, 4846, 69, 718, 68, 1415, 604, 33394, 4153, 3901, 7175, 2231, 1160, 2920, 604, 68, 2598, 198, 2231, 3365, 33160, 718, 3510, 64, 718, 1433, 68, 718, 4304, 69, 642, 69, 4790, 718, 48638, 767, 30803, 198, 21, 69, 21, 68, 642, 69, 2414, 6135, 2327, 4974, 2791, 718, 20809, 513, 23148, 26956, 69, 604, 68, 1238, 198, 1828, 2414, 718, 64, 5333, 718, 68, 3134, 718, 69, 20, 69, 767, 24760, 767, 34770, 718, 4846, 69, 718, 68, 1828, 198, 1238, 2078, 362, 22980, 8699, 2154, 8644, 4761, 45021, 69, 718, 40652, 8915, 2996, 362, 23539, 198, 23, 1558, 67, 513, 15982, 23120, 67, 362, 67, 486, 807, 2624, 67, 767, 40652, 718, 2075, 66, 6135, 2154, 198, 22, 2075, 69, 5598, 2425, 718, 31020, 767, 2327, 69, 767, 2998, 17, 718, 69, 2414, 767, 46572, 8915, 2154, 198, 22, 2075, 69, 5598, 2425, 718, 31020, 767, 2327, 69, 767, 2998, 17, 718, 69, 2414, 767, 46572, 8915, 1495, 198, 19, 33394, 4153, 3901, 7175, 2231, 1160, 4051, 604, 23726, 604, 66, 2231, 33160, 767, 2998, 17, 198, 21, 69, 2414, 767, 46572, 767, 37804, 642, 69, 2154, 767, 2075, 69, 5598, 2425, 718, 31020, 2534, 1238, 198, 2078, 1828, 8644, 2414, 2534, 1238, 718, 4846, 68, 8915, 2996, 8275, 2996, 7724, 1238, 604, 68, 19, 69, 198, 4051, 1238, 604, 68, 2816, 604, 66, 19, 66, 32215, 642, 21626, 604, 67, 3901, 642, 25191, 26956, 65, 198, 2231, 3270, 1160, 3901, 642, 44218, 604, 69, 2920, 604, 68, 3559, 642, 22995, 604, 67, 2231, 604, 68, 4051, 198, 17, 66, 1238, 31510, 68, 718, 1433, 67, 6135, 1828, 1160, 4304, 718, 23628, 718, 27412, 718, 23628, 198, 2078, 2624, 3439, 2327, 2808, 1238, 604, 68, 19, 69, 7175, 1238, 604, 68, 2816, 604, 66, 19, 66, 362, 66, 1238, 198, 1828, 2414, 718, 48638, 718, 36720, 8644, 2154, 8915, 3388, 718, 69, 21, 68, 2534, 1238, 767, 47159, 198, 22, 29558, 718, 4521, 16, 767, 23815, 513, 22370, 3439, 1959, 26956, 68, 604, 69, 4051, 26956, 68, 198, 44218, 66, 604, 66, 17, 66, 33160, 718, 35195, 8915, 2996, 718, 4304, 69, 767, 26050, 2534, 1238, 198, 22, 47159, 767, 29558, 718, 4521, 16, 767, 23815, 513, 22370, 3439, 1959, 26956, 68, 604, 69, 4051, 198, 18638, 68, 642, 4051, 66, 604, 66, 17, 66, 33160, 767, 2998, 17, 718, 4846, 18, 6135, 1828, 1160, 2414, 198, 2996, 5066, 718, 4846, 67, 718, 1433, 66, 26956, 68, 604, 69, 4051, 26956, 68, 642, 4051, 66, 604, 66, 1959, 198, 4834, 1055, 952, 30, 1665, 8591, 1126, 40833, 30, 198, 73, 1228, 1228, 1228, 27792, 198 ]
3.089201
31,502
from django.apps import AppConfig
[ 6738, 42625, 14208, 13, 18211, 1330, 2034, 16934, 628 ]
3.888889
9
import numpy as np import sys
[ 198, 11748, 299, 32152, 355, 45941, 198, 11748, 25064, 628 ]
3.2
10
# Copyright © 2018, D-Tech, LLC, All Rights Reserved. # Disclaimer: This software is provided "AS IS" without warrantees. # D-Tech, LLC has no oblication to provide any maintainence, update # or support for this software. Under no circumstances shall D-Tech, # LLC be liable to any parties for direct, indirect, special, incidential, # or consequential damages, arising out of the use of this software # and related data and documentation. # import cpecat.settings as settings from pymongo import MongoClient client = MongoClient( settings.DATABASES['mongodb']["HOST"], settings.DATABASES['mongodb']["PORT"] ) db = client[settings.DATABASES['mongodb']['DATABASE']] if settings.DATABASES['mongodb']["USERNAME"]: db.authenticate( settings.DATABASES['mongodb']["USERNAME"], settings.DATABASES['mongodb']["PASSWORD"] )
[ 2, 15069, 10673, 2864, 11, 360, 12, 17760, 11, 11419, 11, 1439, 6923, 33876, 13, 220, 198, 2, 3167, 17111, 25, 770, 3788, 318, 2810, 366, 1921, 3180, 1, 1231, 8084, 2841, 13, 220, 220, 198, 2, 360, 12, 17760, 11, 11419, 468, 645, 909, 10142, 284, 2148, 597, 5529, 594, 11, 4296, 220, 198, 2, 393, 1104, 329, 428, 3788, 13, 220, 4698, 645, 5917, 2236, 360, 12, 17760, 11, 220, 220, 198, 2, 11419, 307, 17583, 284, 597, 4671, 329, 1277, 11, 12913, 11, 2041, 11, 4519, 498, 11, 198, 2, 393, 44777, 12616, 11, 21539, 503, 286, 262, 779, 286, 428, 3788, 198, 2, 290, 3519, 1366, 290, 10314, 13, 198, 2, 198, 11748, 269, 431, 9246, 13, 33692, 355, 6460, 201, 198, 6738, 279, 4948, 25162, 1330, 42591, 11792, 201, 198, 201, 198, 16366, 796, 42591, 11792, 7, 201, 198, 220, 220, 220, 6460, 13, 35, 1404, 6242, 1921, 1546, 17816, 31059, 375, 65, 6, 7131, 1, 39, 10892, 33116, 201, 198, 220, 220, 220, 6460, 13, 35, 1404, 6242, 1921, 1546, 17816, 31059, 375, 65, 6, 7131, 1, 15490, 8973, 201, 198, 8, 201, 198, 9945, 796, 5456, 58, 33692, 13, 35, 1404, 6242, 1921, 1546, 17816, 31059, 375, 65, 6, 7131, 6, 35, 1404, 6242, 11159, 6, 11907, 201, 198, 361, 6460, 13, 35, 1404, 6242, 1921, 1546, 17816, 31059, 375, 65, 6, 7131, 1, 29904, 20608, 1, 5974, 201, 198, 220, 220, 220, 20613, 13, 41299, 5344, 7, 201, 198, 220, 220, 220, 220, 220, 220, 220, 6460, 13, 35, 1404, 6242, 1921, 1546, 17816, 31059, 375, 65, 6, 7131, 1, 29904, 20608, 33116, 201, 198, 220, 220, 220, 220, 220, 220, 220, 6460, 13, 35, 1404, 6242, 1921, 1546, 17816, 31059, 375, 65, 6, 7131, 1, 47924, 54, 12532, 8973, 201, 198, 220, 220, 220, 1267, 201, 198, 201, 198, 201, 198 ]
2.812903
310
import wmi _wmi_handle = None
[ 11748, 266, 11632, 198, 198, 62, 86, 11632, 62, 28144, 796, 6045 ]
2.5
12
import datetime import os import uuid import copy import json import shutil import threading import time from abc import ABC, abstractmethod from pathlib import Path from typing import Union, Optional, Tuple from ludwig.api import LudwigModel from ludwig.backend import RAY, initialize_backend from ludwig.callbacks import Callback from ludwig.constants import * from ludwig.hyperopt.results import TrialResults, HyperoptResults, RayTuneResults from ludwig.hyperopt.sampling import HyperoptSampler, RayTuneSampler, logger from ludwig.hyperopt.utils import load_json_values from ludwig.modules.metric_modules import get_best_function from ludwig.utils.data_utils import NumpyEncoder from ludwig.utils.defaults import default_random_seed from ludwig.utils.misc_utils import get_from_registry, hash_dict from ludwig.utils.fs_utils import has_remote_protocol try: import ray from ray.util.queue import Queue as RayQueue from ray import tune from ray.tune import register_trainable from ray.tune.suggest import BasicVariantGenerator, ConcurrencyLimiter from ray.tune.syncer import get_cloud_sync_client from ray.tune.utils import wait_for_gpu from ray.tune.utils.placement_groups import PlacementGroupFactory from ray.tune.sync_client import CommandBasedClient from ludwig.backend.ray import RayBackend except ImportError: ray = None get_horovod_kwargs = None # TODO: refactor this into an interface executor_registry = { "serial": SerialExecutor, "ray": RayTuneExecutor } def _run_experiment_unary(kwargs): """Unary function is needed by Fiber to map a list of args.""" return run_experiment(**kwargs)
[ 11748, 4818, 8079, 198, 11748, 28686, 198, 11748, 334, 27112, 198, 11748, 4866, 198, 11748, 33918, 198, 11748, 4423, 346, 198, 11748, 4704, 278, 198, 11748, 640, 198, 6738, 450, 66, 1330, 9738, 11, 12531, 24396, 198, 6738, 3108, 8019, 1330, 10644, 198, 6738, 19720, 1330, 4479, 11, 32233, 11, 309, 29291, 198, 198, 6738, 300, 463, 28033, 13, 15042, 1330, 44476, 17633, 198, 6738, 300, 463, 28033, 13, 1891, 437, 1330, 371, 4792, 11, 41216, 62, 1891, 437, 198, 6738, 300, 463, 28033, 13, 13345, 10146, 1330, 4889, 1891, 198, 6738, 300, 463, 28033, 13, 9979, 1187, 1330, 1635, 198, 6738, 300, 463, 28033, 13, 49229, 8738, 13, 43420, 1330, 21960, 25468, 11, 15079, 8738, 25468, 11, 7760, 51, 1726, 25468, 198, 6738, 300, 463, 28033, 13, 49229, 8738, 13, 37687, 11347, 1330, 15079, 8738, 16305, 20053, 11, 7760, 51, 1726, 16305, 20053, 11, 49706, 198, 6738, 300, 463, 28033, 13, 49229, 8738, 13, 26791, 1330, 3440, 62, 17752, 62, 27160, 198, 6738, 300, 463, 28033, 13, 18170, 13, 4164, 1173, 62, 18170, 1330, 651, 62, 13466, 62, 8818, 198, 6738, 300, 463, 28033, 13, 26791, 13, 7890, 62, 26791, 1330, 399, 32152, 27195, 12342, 198, 6738, 300, 463, 28033, 13, 26791, 13, 12286, 82, 1330, 4277, 62, 25120, 62, 28826, 198, 6738, 300, 463, 28033, 13, 26791, 13, 44374, 62, 26791, 1330, 651, 62, 6738, 62, 2301, 4592, 11, 12234, 62, 11600, 198, 6738, 300, 463, 28033, 13, 26791, 13, 9501, 62, 26791, 1330, 468, 62, 47960, 62, 11235, 4668, 198, 198, 28311, 25, 198, 220, 220, 220, 1330, 26842, 198, 220, 220, 220, 422, 26842, 13, 22602, 13, 36560, 1330, 4670, 518, 355, 7760, 34991, 198, 220, 220, 220, 422, 26842, 1330, 14009, 198, 220, 220, 220, 422, 26842, 13, 83, 1726, 1330, 7881, 62, 27432, 540, 198, 220, 220, 220, 422, 26842, 13, 83, 1726, 13, 47811, 1330, 14392, 23907, 415, 8645, 1352, 11, 13223, 13382, 19352, 2676, 198, 220, 220, 220, 422, 26842, 13, 83, 1726, 13, 28869, 2189, 1330, 651, 62, 17721, 62, 27261, 62, 16366, 198, 220, 220, 220, 422, 26842, 13, 83, 1726, 13, 26791, 1330, 4043, 62, 1640, 62, 46999, 198, 220, 220, 220, 422, 26842, 13, 83, 1726, 13, 26791, 13, 489, 5592, 62, 24432, 1330, 1345, 5592, 13247, 22810, 198, 220, 220, 220, 422, 26842, 13, 83, 1726, 13, 27261, 62, 16366, 1330, 9455, 15001, 11792, 198, 220, 220, 220, 422, 300, 463, 28033, 13, 1891, 437, 13, 2433, 1330, 7760, 7282, 437, 198, 16341, 17267, 12331, 25, 198, 220, 220, 220, 26842, 796, 6045, 198, 220, 220, 220, 651, 62, 17899, 709, 375, 62, 46265, 22046, 796, 6045, 628, 198, 2, 16926, 46, 25, 1006, 11218, 428, 656, 281, 7071, 628, 628, 628, 198, 198, 18558, 38409, 62, 2301, 4592, 796, 1391, 198, 220, 220, 220, 366, 46911, 1298, 23283, 23002, 38409, 11, 198, 220, 220, 220, 366, 2433, 1298, 7760, 51, 1726, 23002, 38409, 198, 92, 628, 628, 628, 198, 4299, 4808, 5143, 62, 23100, 3681, 62, 403, 560, 7, 46265, 22046, 2599, 198, 220, 220, 220, 37227, 3118, 560, 2163, 318, 2622, 416, 29933, 284, 3975, 257, 1351, 286, 26498, 526, 15931, 198, 220, 220, 220, 1441, 1057, 62, 23100, 3681, 7, 1174, 46265, 22046, 8, 198 ]
3.103512
541
import sys import cv2 import numpy as np if __name__=='__main__': # Create SIFT object sift = cv2.xfeatures2d.SIFT_create() # Create Flann Matcher Object flann = cv2.FlannBasedMatcher(dict(algorithm = 0, trees = 5), dict(checks = 50)) # Gets list of image files from arguments files = sys.argv[1:] # Read all the images images = [] for file in files: image = cv2.imread(file, 1) # image = cv2.resize(image, (0,0), None, 0.25, 0.25) images.append(image) # Initially, the panorama consists of the first image... current = images[0] # ... then, other images are progressively added. for i in range(1,len(images)): # Extract keypoints in the current panorama using SIFT current_keypoints, current_descriptors = sift.detectAndCompute(current, None) # Extract keypoints in the next image to be added using SIFT next_keypoints, next_descriptors = sift.detectAndCompute(images[i], None) # Finds matches between the current panorama and the next image using the # FLANN Matcher matches = flann.knnMatch(current_descriptors, next_descriptors, k=2) # Filter out bad matches using Lowe's ratio test good_matches = [] for m1,m2 in matches: if m1.distance < 0.7*m2.distance: good_matches.append(m1) # Generates points to be used on finding the homography current_points = np.float32([current_keypoints[good_match.queryIdx].pt for \ good_match in good_matches]).reshape(-1,1,2) next_points = np.float32([next_keypoints[good_match.trainIdx].pt for \ good_match in good_matches]).reshape(-1,1,2) # Find homography between the two images M, mask = cv2.findHomography(next_points,current_points, cv2.RANSAC, 5.0) # Finds the translation needed to apply over the orignal image using the # homography matrix rows_current, cols_current = current.shape[:2] rows_next, cols_next = images[i].shape[:2] list_of_points_current = np.float32([[0,0], [0,rows_current], \ [cols_current,rows_current],\ [cols_current,0]]).reshape(-1,1,2) temp_points = np.float32([[0,0], [0,rows_next], [cols_next,rows_next], \ [cols_next,0]]).reshape(-1,1,2) list_of_points_next = cv2.perspectiveTransform(temp_points, M) list_of_points = np.concatenate((list_of_points_current, list_of_points_next), axis=0) [x_min, y_min] = np.int32(list_of_points.min(axis=0).ravel() - 0.5) [x_max, y_max] = np.int32(list_of_points.max(axis=0).ravel() + 0.5) translation_dist = [-x_min, -y_min] M_translation = np.array([[1, 0, translation_dist[0]], \ [0, 1, translation_dist[1]], [0,0,1]]) # Adds perspective to the next image result = cv2.warpPerspective(images[i], M_translation.dot(M), \ (x_max-x_min, y_max-y_min)) # Place original image over the next image with perspective applied for i in range(translation_dist[1],rows_current+translation_dist[1]): for j in range(translation_dist[0],cols_current+translation_dist[0]): if all(current[i-translation_dist[1],j-translation_dist[0]] != [0,0,0]): result[i,j] = current[i-translation_dist[1],j-translation_dist[0]] current = result # When no more images are left to add... # ... removes black background current = cv2.cvtColor(current, cv2.COLOR_RGB2RGBA) current[np.all(current == [0, 0, 0, 255], axis=2)] = [0, 0, 0, 0] # ... export the final result cv2.imwrite("panorama.png", current)
[ 11748, 25064, 198, 11748, 269, 85, 17, 198, 11748, 299, 32152, 355, 45941, 198, 198, 361, 11593, 3672, 834, 855, 6, 834, 12417, 834, 10354, 198, 220, 220, 220, 1303, 13610, 311, 32297, 2134, 198, 220, 220, 220, 264, 2135, 796, 269, 85, 17, 13, 26152, 11585, 17, 67, 13, 50, 32297, 62, 17953, 3419, 628, 220, 220, 220, 1303, 13610, 1610, 1236, 6550, 2044, 9515, 198, 220, 220, 220, 781, 1236, 796, 269, 85, 17, 13, 7414, 1236, 15001, 19044, 2044, 7, 11600, 7, 282, 42289, 796, 657, 11, 7150, 796, 642, 828, 8633, 7, 42116, 796, 2026, 4008, 628, 220, 220, 220, 1303, 29620, 1351, 286, 2939, 3696, 422, 7159, 198, 220, 220, 220, 3696, 796, 25064, 13, 853, 85, 58, 16, 47715, 628, 220, 220, 220, 1303, 4149, 477, 262, 4263, 198, 220, 220, 220, 4263, 796, 17635, 198, 220, 220, 220, 329, 2393, 287, 3696, 25, 198, 220, 220, 220, 220, 220, 220, 220, 2939, 796, 269, 85, 17, 13, 320, 961, 7, 7753, 11, 352, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 2939, 796, 269, 85, 17, 13, 411, 1096, 7, 9060, 11, 357, 15, 11, 15, 828, 6045, 11, 657, 13, 1495, 11, 657, 13, 1495, 8, 198, 220, 220, 220, 220, 220, 220, 220, 4263, 13, 33295, 7, 9060, 8, 628, 220, 220, 220, 1303, 30900, 11, 262, 3425, 36161, 10874, 286, 262, 717, 2939, 986, 198, 220, 220, 220, 1459, 796, 4263, 58, 15, 60, 198, 220, 220, 220, 1303, 2644, 788, 11, 584, 4263, 389, 34322, 2087, 13, 198, 220, 220, 220, 329, 1312, 287, 2837, 7, 16, 11, 11925, 7, 17566, 8, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 29677, 1994, 13033, 287, 262, 1459, 3425, 36161, 1262, 311, 32297, 198, 220, 220, 220, 220, 220, 220, 220, 1459, 62, 2539, 13033, 11, 1459, 62, 20147, 1968, 669, 796, 264, 2135, 13, 15255, 478, 1870, 7293, 1133, 7, 14421, 11, 6045, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 29677, 1994, 13033, 287, 262, 1306, 2939, 284, 307, 2087, 1262, 311, 32297, 198, 220, 220, 220, 220, 220, 220, 220, 1306, 62, 2539, 13033, 11, 1306, 62, 20147, 1968, 669, 796, 264, 2135, 13, 15255, 478, 1870, 7293, 1133, 7, 17566, 58, 72, 4357, 6045, 8, 628, 220, 220, 220, 220, 220, 220, 220, 1303, 9938, 82, 7466, 1022, 262, 1459, 3425, 36161, 290, 262, 1306, 2939, 1262, 262, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 9977, 22846, 6550, 2044, 198, 220, 220, 220, 220, 220, 220, 220, 7466, 796, 781, 1236, 13, 15418, 77, 23850, 7, 14421, 62, 20147, 1968, 669, 11, 1306, 62, 20147, 1968, 669, 11, 479, 28, 17, 8, 628, 220, 220, 220, 220, 220, 220, 220, 1303, 25853, 503, 2089, 7466, 1262, 34241, 338, 8064, 1332, 198, 220, 220, 220, 220, 220, 220, 220, 922, 62, 6759, 2052, 796, 17635, 198, 220, 220, 220, 220, 220, 220, 220, 329, 285, 16, 11, 76, 17, 287, 7466, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 285, 16, 13, 30246, 1279, 657, 13, 22, 9, 76, 17, 13, 30246, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 922, 62, 6759, 2052, 13, 33295, 7, 76, 16, 8, 628, 220, 220, 220, 220, 220, 220, 220, 1303, 2980, 689, 2173, 284, 307, 973, 319, 4917, 262, 3488, 4867, 198, 220, 220, 220, 220, 220, 220, 220, 1459, 62, 13033, 796, 45941, 13, 22468, 2624, 26933, 14421, 62, 2539, 13033, 58, 11274, 62, 15699, 13, 22766, 7390, 87, 4083, 457, 329, 3467, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 922, 62, 15699, 287, 922, 62, 6759, 2052, 35944, 3447, 1758, 32590, 16, 11, 16, 11, 17, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1306, 62, 13033, 796, 45941, 13, 22468, 2624, 26933, 19545, 62, 2539, 13033, 58, 11274, 62, 15699, 13, 27432, 7390, 87, 4083, 457, 329, 3467, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 922, 62, 15699, 287, 922, 62, 6759, 2052, 35944, 3447, 1758, 32590, 16, 11, 16, 11, 17, 8, 628, 220, 220, 220, 220, 220, 220, 220, 1303, 9938, 3488, 4867, 1022, 262, 734, 4263, 198, 220, 220, 220, 220, 220, 220, 220, 337, 11, 9335, 796, 269, 85, 17, 13, 19796, 28718, 4867, 7, 19545, 62, 13033, 11, 14421, 62, 13033, 11, 269, 85, 17, 13, 49, 15037, 2246, 11, 642, 13, 15, 8, 628, 220, 220, 220, 220, 220, 220, 220, 1303, 9938, 82, 262, 11059, 2622, 284, 4174, 625, 262, 393, 570, 282, 2939, 1262, 262, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 3488, 4867, 17593, 198, 220, 220, 220, 220, 220, 220, 220, 15274, 62, 14421, 11, 951, 82, 62, 14421, 796, 1459, 13, 43358, 58, 25, 17, 60, 198, 220, 220, 220, 220, 220, 220, 220, 15274, 62, 19545, 11, 951, 82, 62, 19545, 796, 4263, 58, 72, 4083, 43358, 58, 25, 17, 60, 198, 220, 220, 220, 220, 220, 220, 220, 1351, 62, 1659, 62, 13033, 62, 14421, 796, 45941, 13, 22468, 2624, 26933, 58, 15, 11, 15, 4357, 685, 15, 11, 8516, 62, 14421, 4357, 3467, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 685, 4033, 82, 62, 14421, 11, 8516, 62, 14421, 4357, 59, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 685, 4033, 82, 62, 14421, 11, 15, 11907, 737, 3447, 1758, 32590, 16, 11, 16, 11, 17, 8, 198, 220, 220, 220, 220, 220, 220, 220, 20218, 62, 13033, 796, 45941, 13, 22468, 2624, 26933, 58, 15, 11, 15, 4357, 685, 15, 11, 8516, 62, 19545, 4357, 685, 4033, 82, 62, 19545, 11, 8516, 62, 19545, 4357, 3467, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 685, 4033, 82, 62, 19545, 11, 15, 11907, 737, 3447, 1758, 32590, 16, 11, 16, 11, 17, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1351, 62, 1659, 62, 13033, 62, 19545, 796, 269, 85, 17, 13, 19276, 806, 425, 41762, 7, 29510, 62, 13033, 11, 337, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1351, 62, 1659, 62, 13033, 796, 45941, 13, 1102, 9246, 268, 378, 19510, 4868, 62, 1659, 62, 13033, 62, 14421, 11, 1351, 62, 1659, 62, 13033, 62, 19545, 828, 16488, 28, 15, 8, 198, 220, 220, 220, 220, 220, 220, 220, 685, 87, 62, 1084, 11, 331, 62, 1084, 60, 796, 45941, 13, 600, 2624, 7, 4868, 62, 1659, 62, 13033, 13, 1084, 7, 22704, 28, 15, 737, 25843, 3419, 532, 657, 13, 20, 8, 198, 220, 220, 220, 220, 220, 220, 220, 685, 87, 62, 9806, 11, 331, 62, 9806, 60, 796, 45941, 13, 600, 2624, 7, 4868, 62, 1659, 62, 13033, 13, 9806, 7, 22704, 28, 15, 737, 25843, 3419, 1343, 657, 13, 20, 8, 198, 220, 220, 220, 220, 220, 220, 220, 11059, 62, 17080, 796, 25915, 87, 62, 1084, 11, 532, 88, 62, 1084, 60, 198, 220, 220, 220, 220, 220, 220, 220, 337, 62, 41519, 796, 45941, 13, 18747, 26933, 58, 16, 11, 657, 11, 11059, 62, 17080, 58, 15, 60, 4357, 3467, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 685, 15, 11, 352, 11, 11059, 62, 17080, 58, 16, 60, 4357, 685, 15, 11, 15, 11, 16, 11907, 8, 628, 220, 220, 220, 220, 220, 220, 220, 1303, 34333, 6650, 284, 262, 1306, 2939, 198, 220, 220, 220, 220, 220, 220, 220, 1255, 796, 269, 85, 17, 13, 86, 5117, 30946, 806, 425, 7, 17566, 58, 72, 4357, 337, 62, 41519, 13, 26518, 7, 44, 828, 3467, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 357, 87, 62, 9806, 12, 87, 62, 1084, 11, 331, 62, 9806, 12, 88, 62, 1084, 4008, 628, 220, 220, 220, 220, 220, 220, 220, 1303, 8474, 2656, 2939, 625, 262, 1306, 2939, 351, 6650, 5625, 198, 220, 220, 220, 220, 220, 220, 220, 329, 1312, 287, 2837, 7, 41519, 62, 17080, 58, 16, 4357, 8516, 62, 14421, 10, 41519, 62, 17080, 58, 16, 60, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 329, 474, 287, 2837, 7, 41519, 62, 17080, 58, 15, 4357, 4033, 82, 62, 14421, 10, 41519, 62, 17080, 58, 15, 60, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 477, 7, 14421, 58, 72, 12, 41519, 62, 17080, 58, 16, 4357, 73, 12, 41519, 62, 17080, 58, 15, 11907, 14512, 685, 15, 11, 15, 11, 15, 60, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1255, 58, 72, 11, 73, 60, 796, 1459, 58, 72, 12, 41519, 62, 17080, 58, 16, 4357, 73, 12, 41519, 62, 17080, 58, 15, 11907, 198, 220, 220, 220, 220, 220, 220, 220, 1459, 796, 1255, 628, 220, 220, 220, 1303, 1649, 645, 517, 4263, 389, 1364, 284, 751, 986, 198, 220, 220, 220, 1303, 2644, 20694, 2042, 4469, 198, 220, 220, 220, 1459, 796, 269, 85, 17, 13, 33967, 83, 10258, 7, 14421, 11, 269, 85, 17, 13, 46786, 62, 36982, 17, 48192, 4339, 8, 198, 220, 220, 220, 1459, 58, 37659, 13, 439, 7, 14421, 6624, 685, 15, 11, 657, 11, 657, 11, 14280, 4357, 16488, 28, 17, 15437, 796, 685, 15, 11, 657, 11, 657, 11, 657, 60, 198, 220, 220, 220, 1303, 2644, 10784, 262, 2457, 1255, 198, 220, 220, 220, 269, 85, 17, 13, 320, 13564, 7203, 6839, 36161, 13, 11134, 1600, 1459, 8 ]
2.164719
1,797
# Copyright (c) 2017-2018 Wind River Systems, Inc. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. from django.conf.urls import include, url from newton.registration.views import registration from newton_base.openoapi import tenants from newton.resource.views import capacity from newton.resource.views import events urlpatterns = [ url(r'^', include('newton.swagger.urls')), url(r'^', include('newton.samples.urls')), url(r'^api/multicloud-newton/v0/(?P<vimid>[0-9a-zA-Z_-]+)/registry$', registration.Registry.as_view()), url(r'^api/multicloud-newton/v0/(?P<vimid>[0-9a-zA-Z_-]+)$', registration.Registry.as_view()), url(r'^api/multicloud-newton/v0/(?P<vimid>[0-9a-zA-Z_-]+)/exten', include('newton.extensions.urls')), url(r'^api/multicloud-newton/v0/(?P<vimid>[0-9a-zA-Z_-]+)/', include('newton.proxy.urls')), url(r'^api/multicloud-newton/v0/(?P<vimid>[0-9a-zA-Z_-]+)/tenants$', tenants.Tenants.as_view()), url(r'^api/multicloud-newton/v0/(?P<vimid>[0-9a-zA-Z_-]+)/' '(?P<tenantid>[0-9a-zA-Z_-]{20,})/', include('newton.requests.urls')), # CapacityCheck url(r'^api/multicloud-newton/v0/(?P<vimid>[0-9a-zA-Z_-]+)/capacity_check/?$', capacity.CapacityCheck.as_view()), # events url(r'^api/multicloud-newton/v0/(?P<vimid>[0-9a-zA-Z_-]+)/events_check/?$', events.EventsCheck.as_view()), ]
[ 2, 15069, 357, 66, 8, 2177, 12, 7908, 3086, 5866, 11998, 11, 3457, 13, 198, 2, 198, 2, 49962, 739, 262, 24843, 13789, 11, 10628, 362, 13, 15, 357, 1169, 366, 34156, 15341, 198, 2, 345, 743, 407, 779, 428, 2393, 2845, 287, 11846, 351, 262, 13789, 13, 198, 2, 921, 743, 7330, 257, 4866, 286, 262, 13789, 379, 198, 2, 198, 2, 220, 220, 220, 220, 220, 220, 220, 220, 2638, 1378, 2503, 13, 43073, 13, 2398, 14, 677, 4541, 14, 43, 2149, 24290, 12, 17, 13, 15, 198, 2, 198, 2, 17486, 2672, 416, 9723, 1099, 393, 4987, 284, 287, 3597, 11, 3788, 198, 2, 9387, 739, 262, 13789, 318, 9387, 319, 281, 366, 1921, 3180, 1, 29809, 1797, 11, 198, 2, 42881, 34764, 11015, 6375, 7102, 49828, 11053, 3963, 15529, 509, 12115, 11, 2035, 4911, 393, 17142, 13, 198, 2, 4091, 262, 13789, 329, 262, 2176, 3303, 15030, 21627, 290, 198, 2, 11247, 739, 262, 13789, 13, 198, 198, 6738, 42625, 14208, 13, 10414, 13, 6371, 82, 1330, 2291, 11, 19016, 198, 198, 6738, 649, 1122, 13, 2301, 33397, 13, 33571, 1330, 9352, 198, 6738, 649, 1122, 62, 8692, 13, 9654, 78, 15042, 1330, 21445, 198, 6738, 649, 1122, 13, 31092, 13, 33571, 1330, 5339, 198, 6738, 649, 1122, 13, 31092, 13, 33571, 1330, 2995, 198, 198, 6371, 33279, 82, 796, 685, 198, 220, 220, 220, 19016, 7, 81, 6, 61, 3256, 2291, 10786, 3605, 1122, 13, 2032, 7928, 13, 6371, 82, 11537, 828, 198, 220, 220, 220, 19016, 7, 81, 6, 61, 3256, 2291, 10786, 3605, 1122, 13, 82, 12629, 13, 6371, 82, 11537, 828, 198, 220, 220, 220, 19016, 7, 81, 6, 61, 15042, 14, 16680, 291, 75, 2778, 12, 3605, 1122, 14, 85, 15, 29006, 30, 47, 27, 31124, 312, 36937, 15, 12, 24, 64, 12, 89, 32, 12, 57, 22955, 48688, 20679, 2301, 4592, 3, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 9352, 13, 8081, 4592, 13, 292, 62, 1177, 3419, 828, 198, 220, 220, 220, 19016, 7, 81, 6, 61, 15042, 14, 16680, 291, 75, 2778, 12, 3605, 1122, 14, 85, 15, 29006, 30, 47, 27, 31124, 312, 36937, 15, 12, 24, 64, 12, 89, 32, 12, 57, 22955, 60, 28988, 3, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 9352, 13, 8081, 4592, 13, 292, 62, 1177, 3419, 828, 198, 220, 220, 220, 19016, 7, 81, 6, 61, 15042, 14, 16680, 291, 75, 2778, 12, 3605, 1122, 14, 85, 15, 29006, 30, 47, 27, 31124, 312, 36937, 15, 12, 24, 64, 12, 89, 32, 12, 57, 22955, 48688, 20679, 2302, 268, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 2291, 10786, 3605, 1122, 13, 2302, 5736, 13, 6371, 82, 11537, 828, 198, 220, 220, 220, 19016, 7, 81, 6, 61, 15042, 14, 16680, 291, 75, 2778, 12, 3605, 1122, 14, 85, 15, 29006, 30, 47, 27, 31124, 312, 36937, 15, 12, 24, 64, 12, 89, 32, 12, 57, 22955, 48688, 20679, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2291, 10786, 3605, 1122, 13, 36436, 13, 6371, 82, 11537, 828, 198, 220, 220, 220, 19016, 7, 81, 6, 61, 15042, 14, 16680, 291, 75, 2778, 12, 3605, 1122, 14, 85, 15, 29006, 30, 47, 27, 31124, 312, 36937, 15, 12, 24, 64, 12, 89, 32, 12, 57, 22955, 48688, 20679, 1452, 1187, 3, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 21445, 13, 24893, 1187, 13, 292, 62, 1177, 3419, 828, 198, 220, 220, 220, 19016, 7, 81, 6, 61, 15042, 14, 16680, 291, 75, 2778, 12, 3605, 1122, 14, 85, 15, 29006, 30, 47, 27, 31124, 312, 36937, 15, 12, 24, 64, 12, 89, 32, 12, 57, 22955, 48688, 20679, 6, 198, 220, 220, 220, 220, 220, 220, 220, 29513, 30, 47, 27, 1452, 415, 312, 36937, 15, 12, 24, 64, 12, 89, 32, 12, 57, 22955, 60, 90, 1238, 11, 92, 20679, 3256, 2291, 10786, 3605, 1122, 13, 8897, 3558, 13, 6371, 82, 11537, 828, 198, 220, 220, 220, 1303, 29765, 9787, 198, 220, 220, 220, 19016, 7, 81, 6, 61, 15042, 14, 16680, 291, 75, 2778, 12, 3605, 1122, 14, 85, 15, 29006, 30, 47, 27, 31124, 312, 36937, 15, 12, 24, 64, 12, 89, 32, 12, 57, 22955, 48688, 20679, 42404, 62, 9122, 20924, 3, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 5339, 13, 15610, 4355, 9787, 13, 292, 62, 1177, 3419, 828, 198, 220, 220, 220, 1303, 2995, 198, 220, 220, 220, 19016, 7, 81, 6, 61, 15042, 14, 16680, 291, 75, 2778, 12, 3605, 1122, 14, 85, 15, 29006, 30, 47, 27, 31124, 312, 36937, 15, 12, 24, 64, 12, 89, 32, 12, 57, 22955, 48688, 20679, 31534, 62, 9122, 20924, 3, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 2995, 13, 37103, 9787, 13, 292, 62, 1177, 3419, 828, 198, 60, 628, 198 ]
2.342298
818
import argparse import os import textwrap import deployment_options import utils if __name__ == "__main__": main()
[ 11748, 1822, 29572, 198, 11748, 28686, 198, 11748, 2420, 37150, 198, 198, 11748, 14833, 62, 25811, 198, 11748, 3384, 4487, 628, 628, 198, 198, 361, 11593, 3672, 834, 6624, 366, 834, 12417, 834, 1298, 198, 220, 220, 220, 1388, 3419, 198 ]
3.04878
41
# SPDX-FileCopyrightText: 2022 Geoffrey Lentner # SPDX-License-Identifier: Apache-2.0 """Automated tests for HyperShell."""
[ 2, 30628, 55, 12, 8979, 15269, 8206, 25, 33160, 42803, 43751, 1008, 198, 2, 30628, 55, 12, 34156, 12, 33234, 7483, 25, 24843, 12, 17, 13, 15, 198, 198, 37811, 38062, 515, 5254, 329, 15079, 23248, 526, 15931, 198 ]
3.205128
39
import logging from datetime import timedelta, date import progressbar import structlog from collections import defaultdict from django.core.management.base import BaseCommand from django.utils import timezone, dateparse from ...actions.accounts import create_invoices from ...models import Account logger = structlog.get_logger()
[ 11748, 18931, 198, 6738, 4818, 8079, 1330, 28805, 12514, 11, 3128, 198, 198, 11748, 4371, 5657, 198, 11748, 2878, 6404, 198, 6738, 17268, 1330, 4277, 11600, 198, 6738, 42625, 14208, 13, 7295, 13, 27604, 13, 8692, 1330, 7308, 21575, 198, 6738, 42625, 14208, 13, 26791, 1330, 640, 11340, 11, 3128, 29572, 198, 198, 6738, 2644, 4658, 13, 23317, 82, 1330, 2251, 62, 259, 13038, 1063, 198, 6738, 2644, 27530, 1330, 10781, 628, 198, 198, 6404, 1362, 796, 2878, 6404, 13, 1136, 62, 6404, 1362, 3419, 628, 198 ]
3.885057
87
from collections import namedtuple import concurrent import io import json import os import pathlib import pickle import tarfile import boto3 import imageio import numpy as np import utils ClassInfo = namedtuple('ClassInfo', ['wnid', 'cid', 'synset', 'wikipedia_pages', 'gloss'])
[ 6738, 17268, 1330, 3706, 83, 29291, 198, 11748, 24580, 198, 11748, 33245, 198, 11748, 33918, 198, 11748, 28686, 198, 11748, 3108, 8019, 198, 11748, 2298, 293, 198, 11748, 13422, 7753, 198, 198, 11748, 275, 2069, 18, 198, 11748, 2939, 952, 198, 11748, 299, 32152, 355, 45941, 198, 198, 11748, 3384, 4487, 628, 198, 9487, 12360, 796, 3706, 83, 29291, 10786, 9487, 12360, 3256, 37250, 675, 312, 3256, 705, 66, 312, 3256, 705, 28869, 2617, 3256, 705, 31266, 62, 31126, 3256, 705, 4743, 793, 6, 12962, 628, 628 ]
3.298851
87
""" Contains the Encoder-Decoder model for image captioning """ import torch.nn as nn from cnn import CNN from rnn import RNN from transformer import Transformer class CaptioningModel(nn.Module): """ Image captioning model """ def forward(self, images, captions, predict=False): """ Forward pass of the image captioning model """ features = self.cnn(images) captions = self.decoder(features, captions, predict) return captions
[ 37811, 49850, 262, 14711, 12342, 12, 10707, 12342, 2746, 329, 2939, 8305, 278, 220, 37227, 198, 198, 11748, 28034, 13, 20471, 355, 299, 77, 198, 6738, 269, 20471, 1330, 8100, 198, 6738, 374, 20471, 1330, 371, 6144, 198, 6738, 47385, 1330, 3602, 16354, 628, 198, 4871, 11260, 278, 17633, 7, 20471, 13, 26796, 2599, 198, 220, 220, 220, 37227, 7412, 8305, 278, 2746, 37227, 628, 220, 220, 220, 825, 2651, 7, 944, 11, 4263, 11, 3144, 507, 11, 4331, 28, 25101, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 19530, 1208, 286, 262, 2939, 8305, 278, 2746, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 3033, 796, 2116, 13, 66, 20471, 7, 17566, 8, 198, 220, 220, 220, 220, 220, 220, 220, 3144, 507, 796, 2116, 13, 12501, 12342, 7, 40890, 11, 3144, 507, 11, 4331, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 3144, 507, 198 ]
3.105263
152
from pyspark import SparkContext import json import gzip import marshal ''' Configuration Parameters ''' tweetsFile = "/tmp/ist169518/out_*/part*" outFileProcessedDataset = "/tmp/ist169518/filtered-scored" # Emotional Lexicons # csv files with first column with the word, and second with the score separated with commas word_list_info = [ {'key': 'en.hedo' , 'path': '/afs/.ist.utl.pt/users/1/8/ist169518/lexicons/es_anew_all.csv' , 'dimensions' : [{'name':'happiness', 'index':'1'}]}, {'key': 'es.anew' , 'path': '/afs/.ist.utl.pt/users/1/8/ist169518/lexicons/es_anew_all.csv', 'dimensions' : [{'name':'valence', 'index':1}, {'name':'arousal', 'index':2}, {'name':'dominance', 'index':3}]} ] #The set of considered filters appliable to the lexicons. Note that every enty on this set must have an associated method whose name starts by "score_filter_", e.g., def score_filter_MYFILTER: ... filters = ['more_than_7', 'delta_one_of_5', 'no_filter'] '''Auxiliar Functions Definiton''' # functions that filters the words in the list accordingly to some parameter ##################################### ### DO NOT MODIFY BELOW THIS LINE ### ##################################### states = ["alabama","arizona","arkansas","california","colorado","connecticut","delaware","florida","georgia","idaho","illinois","indiana","iowa","kansas","kentucky","louisiana","maine","maryland","massachusetts","michigan","minnesota","mississippi","missouri","montana","nebraska","nevada","new hampshire","new jersey","new mexico","new york","north carolina","north dakota","ohio","oklahoma","oregon","pennsylvania","rhode island","south carolina","south dakota","tennessee","texas","utah","vermont","virginia","washington","west virginia","wisconsin","wyoming"] '''Loading Emotional Lexicons''' word_lists = dict() for filter_name in filters: word_lists[filter_name] = list() for info in word_list_info: temporary_word_lists = dict() for filter_name in filters: temporary_word_lists[filter_name] = dict() temporary_word_lists[filter_name] = dict() for dimension in info['dimensions']: temporary_word_lists[filter_name][dimension['name']] = dict() with open(info['path'], "r") as fp: for line in fp: row = line.split(',') word = row[0].lower().decode('utf-8') for dimension in info['dimensions']: score = float(row[int(dimension['index'])]) for filter_name in filters: if globals()["score_filter_" + filter_name](score): temporary_word_lists[filter_name][dimension['name']][word] = score for filter_name in filters: word_lists[filter_name].append({'key': info['key'], 'dimensions': temporary_word_lists[filter_name]}) '''Spark Code''' sc = SparkContext() #broadcast wordlists word_lists_var = sc.broadcast(word_lists) #not not line returns true if the line is not an empty string thefile = sc.textFile(tweetsFile).filter(from_usa_and_required_fields).map(process_tweets).filter(lambda line: not not line).saveAsTextFile(outFileProcessedDataset) sc.stop()
[ 6738, 279, 893, 20928, 1330, 17732, 21947, 198, 11748, 33918, 198, 11748, 308, 13344, 198, 11748, 22397, 282, 198, 198, 7061, 6, 28373, 40117, 705, 7061, 198, 198, 83, 732, 1039, 8979, 796, 12813, 22065, 14, 396, 1433, 3865, 1507, 14, 448, 62, 16208, 3911, 9, 1, 198, 448, 8979, 18709, 276, 27354, 292, 316, 796, 12813, 22065, 14, 396, 1433, 3865, 1507, 14, 10379, 4400, 12, 1416, 1850, 1, 198, 198, 2, 2295, 25453, 17210, 34280, 198, 2, 269, 21370, 3696, 351, 717, 5721, 351, 262, 1573, 11, 290, 1218, 351, 262, 4776, 11266, 351, 725, 292, 198, 198, 4775, 62, 4868, 62, 10951, 796, 685, 198, 220, 1391, 6, 2539, 10354, 705, 268, 13, 704, 78, 6, 837, 705, 6978, 10354, 31051, 1878, 82, 11757, 396, 13, 315, 75, 13, 457, 14, 18417, 14, 16, 14, 23, 14, 396, 1433, 3865, 1507, 14, 2588, 34280, 14, 274, 62, 272, 413, 62, 439, 13, 40664, 6, 837, 705, 27740, 5736, 6, 1058, 685, 90, 6, 3672, 10354, 6, 71, 42661, 3256, 705, 9630, 10354, 6, 16, 6, 92, 60, 5512, 198, 220, 1391, 6, 2539, 10354, 705, 274, 13, 272, 413, 6, 837, 705, 6978, 10354, 31051, 1878, 82, 11757, 396, 13, 315, 75, 13, 457, 14, 18417, 14, 16, 14, 23, 14, 396, 1433, 3865, 1507, 14, 2588, 34280, 14, 274, 62, 272, 413, 62, 439, 13, 40664, 3256, 705, 27740, 5736, 6, 1058, 685, 90, 6, 3672, 10354, 6, 2100, 594, 3256, 705, 9630, 10354, 16, 5512, 1391, 6, 3672, 10354, 6, 283, 516, 282, 3256, 705, 9630, 10354, 17, 5512, 1391, 6, 3672, 10354, 6, 3438, 14149, 3256, 705, 9630, 10354, 18, 92, 48999, 198, 60, 198, 198, 2, 464, 900, 286, 3177, 16628, 3680, 3379, 284, 262, 31191, 34280, 13, 5740, 326, 790, 920, 88, 319, 428, 900, 1276, 423, 281, 3917, 2446, 3025, 1438, 4940, 416, 366, 26675, 62, 24455, 62, 1600, 304, 13, 70, 1539, 825, 4776, 62, 24455, 62, 26708, 46700, 5781, 25, 2644, 198, 10379, 1010, 796, 37250, 3549, 62, 14813, 62, 22, 3256, 705, 67, 12514, 62, 505, 62, 1659, 62, 20, 3256, 705, 3919, 62, 24455, 20520, 628, 198, 7061, 6, 32, 2821, 4797, 40480, 2896, 15003, 261, 7061, 6, 198, 198, 2, 5499, 326, 16628, 262, 2456, 287, 262, 1351, 16062, 284, 617, 11507, 198, 198, 29113, 4242, 2, 198, 21017, 8410, 5626, 19164, 5064, 56, 45339, 12680, 48920, 44386, 198, 29113, 4242, 2, 198, 220, 220, 198, 198, 27219, 796, 14631, 282, 8809, 2430, 283, 528, 4450, 2430, 668, 6618, 2430, 9948, 361, 3317, 2430, 8043, 4533, 2430, 8443, 13554, 2430, 12381, 9685, 2430, 2704, 273, 3755, 2430, 469, 2398, 544, 2430, 312, 17108, 2430, 359, 8981, 2430, 521, 7484, 2430, 72, 8455, 2430, 74, 6618, 2430, 74, 298, 5309, 2430, 75, 280, 271, 7484, 2430, 76, 5718, 2430, 6874, 1044, 2430, 22208, 9770, 2430, 76, 488, 5516, 2430, 1084, 8360, 2430, 3927, 747, 12715, 2430, 3927, 10300, 2430, 8691, 2271, 2430, 710, 17088, 2430, 710, 85, 4763, 2430, 3605, 289, 696, 10932, 2430, 3605, 22383, 2430, 3605, 502, 87, 3713, 2430, 3605, 331, 967, 2430, 43588, 1097, 47196, 2430, 43588, 288, 461, 4265, 2430, 1219, 952, 2430, 482, 9802, 2430, 382, 14520, 2430, 79, 1697, 9270, 2430, 17179, 1098, 7022, 2430, 35782, 1097, 47196, 2430, 35782, 288, 461, 4265, 2430, 1452, 2516, 3826, 2430, 16886, 292, 2430, 315, 993, 2430, 332, 8691, 2430, 85, 4672, 544, 2430, 86, 2542, 2430, 7038, 21772, 544, 2430, 86, 8816, 2430, 21768, 3383, 8973, 628, 198, 7061, 6, 19031, 2295, 25453, 17210, 34280, 7061, 6, 198, 198, 4775, 62, 20713, 796, 8633, 3419, 198, 1640, 8106, 62, 3672, 287, 16628, 25, 198, 220, 220, 220, 220, 220, 220, 220, 1573, 62, 20713, 58, 24455, 62, 3672, 60, 796, 1351, 3419, 198, 198, 1640, 7508, 287, 1573, 62, 4868, 62, 10951, 25, 198, 220, 220, 220, 8584, 62, 4775, 62, 20713, 796, 8633, 3419, 198, 220, 220, 220, 329, 8106, 62, 3672, 287, 16628, 25, 198, 220, 220, 220, 220, 220, 220, 220, 8584, 62, 4775, 62, 20713, 58, 24455, 62, 3672, 60, 796, 8633, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 8584, 62, 4775, 62, 20713, 58, 24455, 62, 3672, 60, 796, 8633, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 329, 15793, 287, 7508, 17816, 27740, 5736, 6, 5974, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8584, 62, 4775, 62, 20713, 58, 24455, 62, 3672, 7131, 46156, 17816, 3672, 6, 11907, 796, 8633, 3419, 628, 198, 220, 220, 220, 351, 1280, 7, 10951, 17816, 6978, 6, 4357, 366, 81, 4943, 355, 277, 79, 25, 198, 220, 220, 220, 220, 220, 220, 220, 329, 1627, 287, 277, 79, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5752, 796, 1627, 13, 35312, 7, 3256, 11537, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1573, 796, 5752, 58, 15, 4083, 21037, 22446, 12501, 1098, 10786, 40477, 12, 23, 11537, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 329, 15793, 287, 7508, 17816, 27740, 5736, 6, 5974, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4776, 796, 12178, 7, 808, 58, 600, 7, 46156, 17816, 9630, 6, 12962, 12962, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 329, 8106, 62, 3672, 287, 16628, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 15095, 874, 3419, 14692, 26675, 62, 24455, 62, 1, 1343, 8106, 62, 3672, 16151, 26675, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8584, 62, 4775, 62, 20713, 58, 24455, 62, 3672, 7131, 46156, 17816, 3672, 20520, 7131, 4775, 60, 796, 4776, 198, 220, 220, 220, 329, 8106, 62, 3672, 287, 16628, 25, 198, 220, 220, 220, 220, 220, 220, 220, 1573, 62, 20713, 58, 24455, 62, 3672, 4083, 33295, 15090, 6, 2539, 10354, 7508, 17816, 2539, 6, 4357, 705, 27740, 5736, 10354, 8584, 62, 4775, 62, 20713, 58, 24455, 62, 3672, 60, 30072, 628, 198, 7061, 6, 4561, 668, 6127, 7061, 6, 198, 1416, 796, 17732, 21947, 3419, 198, 2, 36654, 2701, 1573, 20713, 198, 4775, 62, 20713, 62, 7785, 796, 629, 13, 36654, 2701, 7, 4775, 62, 20713, 8, 628, 198, 198, 2, 1662, 407, 1627, 5860, 2081, 611, 262, 1627, 318, 407, 281, 6565, 4731, 198, 1169, 7753, 796, 629, 13, 5239, 8979, 7, 83, 732, 1039, 8979, 737, 24455, 7, 6738, 62, 22064, 62, 392, 62, 35827, 62, 25747, 737, 8899, 7, 14681, 62, 83, 732, 1039, 737, 24455, 7, 50033, 1627, 25, 407, 407, 1627, 737, 21928, 1722, 8206, 8979, 7, 448, 8979, 18709, 276, 27354, 292, 316, 8, 198, 1416, 13, 11338, 3419, 628 ]
2.723183
1,156
# -*- coding: utf-8 -*- import logging from . import instrumentation from .dotdict import dotdict ################################################################## ### defaults and constants ################################################################## PRE = 'pre' POST = 'post' DEFAULT_MAX_HISTORY_SIZE = 2 INFINITE_HISTORY_SIZE = -1 NO_HISTORY = 1 DEBUG = logging.DEBUG INFO = logging.INFO WARNING = logging.WARNING ERROR = logging.ERROR CRITICAL = logging.CRITICAL DEFAULT_ERROR_LEVEL = ERROR ################################################################## ### decorators ################################################################## ################################################################## ### info and data about specifications and monitors ################################################################## ################################################################## ### pre and post functions ################################################################## @instrumentation.use_state(rv=True, inargs=True) @instrumentation.use_state(rv=True, inargs=True, outargs=True) ################################################################## ### history functions ################################################################## ################################################################## ### plain data objects ################################################################## ################################################################## ### objects with logic ################################################################## ################################################################## ### configuration ################################################################## DEFAULT_ERROR_HANDLER = RaiseExceptionErrorHandler() _error_handler = DEFAULT_ERROR_HANDLER _enable_copy_args = True
[ 2, 532, 9, 12, 19617, 25, 3384, 69, 12, 23, 532, 9, 12, 198, 198, 11748, 18931, 198, 198, 6738, 764, 1330, 8875, 341, 198, 6738, 764, 26518, 11600, 1330, 16605, 11600, 198, 198, 29113, 29113, 2235, 198, 21017, 26235, 290, 38491, 198, 29113, 29113, 2235, 198, 198, 46437, 796, 705, 3866, 6, 198, 32782, 796, 705, 7353, 6, 198, 198, 7206, 38865, 62, 22921, 62, 39, 42480, 62, 33489, 796, 362, 198, 1268, 20032, 12709, 62, 39, 42480, 62, 33489, 796, 532, 16, 198, 15285, 62, 39, 42480, 796, 352, 198, 198, 30531, 796, 18931, 13, 30531, 198, 10778, 796, 18931, 13, 10778, 198, 31502, 796, 18931, 13, 31502, 198, 24908, 796, 18931, 13, 24908, 198, 9419, 2043, 20151, 796, 18931, 13, 9419, 2043, 20151, 198, 198, 7206, 38865, 62, 24908, 62, 2538, 18697, 796, 33854, 198, 198, 29113, 29113, 2235, 198, 21017, 11705, 2024, 198, 29113, 29113, 2235, 198, 198, 29113, 29113, 2235, 198, 21017, 7508, 290, 1366, 546, 20640, 290, 19374, 198, 29113, 29113, 2235, 198, 198, 29113, 29113, 2235, 198, 21017, 662, 290, 1281, 5499, 198, 29113, 29113, 2235, 198, 198, 31, 259, 43872, 341, 13, 1904, 62, 5219, 7, 81, 85, 28, 17821, 11, 287, 22046, 28, 17821, 8, 198, 198, 31, 259, 43872, 341, 13, 1904, 62, 5219, 7, 81, 85, 28, 17821, 11, 287, 22046, 28, 17821, 11, 503, 22046, 28, 17821, 8, 628, 628, 198, 198, 29113, 29113, 2235, 198, 21017, 2106, 5499, 198, 29113, 29113, 2235, 198, 198, 29113, 29113, 2235, 198, 21017, 8631, 1366, 5563, 198, 29113, 29113, 2235, 628, 198, 29113, 29113, 2235, 198, 21017, 5563, 351, 9156, 198, 29113, 29113, 2235, 198, 198, 29113, 29113, 2235, 198, 21017, 8398, 198, 29113, 29113, 2235, 198, 198, 7206, 38865, 62, 24908, 62, 39, 6981, 39878, 796, 35123, 16922, 12331, 25060, 3419, 198, 62, 18224, 62, 30281, 796, 5550, 38865, 62, 24908, 62, 39, 6981, 39878, 198, 62, 21633, 62, 30073, 62, 22046, 796, 6407, 198 ]
5.756923
325
import rumps import requests import json API_URL = 'https://koinex.in/api/ticker' UPDATE_INTERVAL = 60 CURRENCIES = { 'Bitcoin': 'BTC', 'Ethereum': 'ETH', 'Ripple': 'XRP', 'Litecoin': 'LTC', 'Bitcoin Cash': 'BCH', } if __name__ == "__main__": KoinexStatusBarApp().run()
[ 11748, 7440, 862, 198, 11748, 7007, 198, 11748, 33918, 198, 198, 17614, 62, 21886, 796, 705, 5450, 1378, 7204, 500, 87, 13, 259, 14, 15042, 14, 83, 15799, 6, 198, 198, 16977, 62, 41358, 23428, 796, 3126, 198, 198, 34, 31302, 24181, 11015, 796, 1391, 198, 220, 220, 220, 705, 22614, 10354, 705, 35964, 3256, 198, 220, 220, 220, 705, 36, 17733, 10354, 705, 20702, 3256, 198, 220, 220, 220, 705, 49, 18793, 10354, 705, 55, 20031, 3256, 198, 220, 220, 220, 705, 43, 578, 3630, 10354, 705, 43, 4825, 3256, 198, 220, 220, 220, 705, 22614, 16210, 10354, 705, 2749, 39, 3256, 198, 92, 628, 198, 198, 361, 11593, 3672, 834, 6624, 366, 834, 12417, 834, 1298, 198, 220, 220, 220, 17634, 500, 87, 19580, 10374, 4677, 22446, 5143, 3419 ]
2.282443
131
# Generated by Django 2.1.7 on 2019-05-03 02:36 from django.db import migrations
[ 2, 2980, 515, 416, 37770, 362, 13, 16, 13, 22, 319, 13130, 12, 2713, 12, 3070, 7816, 25, 2623, 198, 198, 6738, 42625, 14208, 13, 9945, 1330, 15720, 602, 628 ]
2.766667
30
# -*- coding: utf-8 -*- """ Created on Tue Apr 20 13:32:20 2021 #--- ag csv results to single file based on dashboard_dbs #--- Murilo Vianna ([email protected]) #--- Jul, 2021. #--- Dev-log in: https://github.com/Murilodsv/py-jules @author: muril """ # DEBUG import os; os.chdir('C:/Murilo/py-jules') #------------------------------# #--- generate qsub-clusters ---# #------------------------------# dash_nm = 'dashboard_db.csv' # Filename of Dashboard CSV wd_out = 'ginore/csv_res' sim_id = 'future-crop' dap_f = range(1,361) var_nm = 'fsmc' var_ag = 'pft' f_sufix = '.day.time_pft_y_x.csv' #--- Get scripts arguments if __name__ == "__main__": import sys if len(sys.argv) > 1: #--- use arguments dash_nm = str(sys.argv[1]) # debug dash_nm = 'dashboard_db_future.csv' wd_out = str(sys.argv[2]) sim_id = str(sys.argv[3]) dap_f = str(sys.argv[4]) var_nm = str(sys.argv[5]) var_ag = str(sys.argv[6]) f_sufix = str(sys.argv[7]) import numpy as np dap_f = '1,360' dap_f = np.array(dap_f.split(',')) # arg_run_id = np.array(str('SC3572').split(',')) if len(dap_f) == 1: dap_f = range(0,int(dap_f)) else: dap_f = range(int(dap_f[0]), int(dap_f[1])+1) #----------------------# #--- Load libraries ---# #----------------------# import os import os.path import util as u from time import time #--- Track progress run_start = time() #----------------------# #--- Read dashboard ---# #----------------------# #--- get run wd wd = os.getcwd().replace('\\','/') #--- Open CSVs dash = u.df_csv(wd+'/'+dash_nm) #--- list of clusters l_ids = dash['run_id'].unique() ini_df = True for i in l_ids: #--- filename fn = wd+'/jules_run/'+i+'/namelists/output/'+i+f_sufix if os.path.exists(fn): print('Reading '+i) #--- read file df_i = u.df_csv(fn) #--- filter dap df_i = df_i[:][df_i['dap'].isin(range(1,360))] #--- aggregate the var_nm by mean and var_ag df_i = df_i.groupby(var_ag, as_index=False)[var_nm].mean() #--- flag with run_id df_i['run_id'] = i #--- bind to single df if ini_df: df_res = df_i ini_df = False else: df_res = df_res.append(df_i) #--- write results df_res.to_csv(wd+'/'+wd_out+'/'+sim_id+f_sufix, index = None, header=True) #--- track time print("\nElapsed time of copying: --- %.3f seconds ---" % (time() - run_start))
[ 2, 532, 9, 12, 19617, 25, 3384, 69, 12, 23, 532, 9, 12, 198, 37811, 198, 41972, 319, 30030, 2758, 1160, 1511, 25, 2624, 25, 1238, 33448, 628, 220, 220, 220, 1303, 6329, 556, 269, 21370, 2482, 284, 2060, 2393, 1912, 319, 30415, 62, 67, 1443, 198, 220, 220, 220, 1303, 6329, 5921, 18526, 569, 666, 2616, 357, 28582, 346, 12978, 85, 31, 14816, 13, 785, 8, 198, 220, 220, 220, 1303, 6329, 5979, 11, 33448, 13, 198, 220, 220, 220, 1303, 6329, 6245, 12, 6404, 287, 25, 3740, 1378, 12567, 13, 785, 14, 23830, 346, 12978, 85, 14, 9078, 12, 73, 5028, 198, 198, 31, 9800, 25, 4636, 346, 198, 37811, 198, 198, 2, 16959, 1330, 28686, 26, 28686, 13, 354, 15908, 10786, 34, 14079, 23830, 18526, 14, 9078, 12, 73, 5028, 11537, 198, 198, 2, 1783, 26171, 2, 198, 2, 6329, 7716, 10662, 7266, 12, 565, 13654, 11420, 2, 198, 2, 1783, 26171, 2, 198, 198, 42460, 62, 21533, 220, 220, 220, 220, 796, 705, 42460, 3526, 62, 9945, 13, 40664, 6, 220, 220, 220, 220, 220, 220, 220, 1303, 7066, 12453, 286, 16189, 3526, 44189, 198, 16993, 62, 448, 220, 220, 220, 220, 220, 796, 705, 1655, 382, 14, 40664, 62, 411, 6, 198, 14323, 62, 312, 220, 220, 220, 220, 220, 796, 705, 37443, 12, 31476, 6, 198, 67, 499, 62, 69, 220, 220, 220, 220, 220, 220, 796, 2837, 7, 16, 11, 35195, 8, 198, 7785, 62, 21533, 220, 220, 220, 220, 220, 796, 705, 69, 5796, 66, 6, 198, 7785, 62, 363, 220, 220, 220, 220, 220, 796, 705, 79, 701, 6, 198, 69, 62, 2385, 13049, 220, 220, 220, 220, 796, 45302, 820, 13, 2435, 62, 79, 701, 62, 88, 62, 87, 13, 40664, 6, 198, 198, 2, 6329, 3497, 14750, 7159, 198, 361, 11593, 3672, 834, 6624, 366, 834, 12417, 834, 1298, 198, 220, 220, 220, 1330, 25064, 198, 220, 220, 220, 611, 18896, 7, 17597, 13, 853, 85, 8, 1875, 352, 25, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 6329, 779, 7159, 198, 220, 220, 220, 220, 220, 220, 220, 14470, 62, 21533, 220, 220, 220, 796, 965, 7, 17597, 13, 853, 85, 58, 16, 12962, 1303, 14257, 14470, 62, 21533, 796, 705, 42460, 3526, 62, 9945, 62, 37443, 13, 40664, 6, 198, 220, 220, 220, 220, 220, 220, 220, 266, 67, 62, 448, 220, 220, 220, 220, 796, 965, 7, 17597, 13, 853, 85, 58, 17, 12962, 198, 220, 220, 220, 220, 220, 220, 220, 985, 62, 312, 220, 220, 220, 220, 796, 965, 7, 17597, 13, 853, 85, 58, 18, 12962, 198, 220, 220, 220, 220, 220, 220, 220, 288, 499, 62, 69, 220, 220, 220, 220, 220, 796, 965, 7, 17597, 13, 853, 85, 58, 19, 12962, 198, 220, 220, 220, 220, 220, 220, 220, 1401, 62, 21533, 220, 220, 220, 220, 796, 965, 7, 17597, 13, 853, 85, 58, 20, 12962, 198, 220, 220, 220, 220, 220, 220, 220, 1401, 62, 363, 220, 220, 220, 220, 796, 965, 7, 17597, 13, 853, 85, 58, 21, 12962, 198, 220, 220, 220, 220, 220, 220, 220, 277, 62, 2385, 13049, 220, 220, 220, 796, 965, 7, 17597, 13, 853, 85, 58, 22, 12962, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1330, 299, 32152, 355, 45941, 198, 220, 220, 220, 220, 220, 220, 220, 288, 499, 62, 69, 220, 220, 220, 220, 220, 796, 705, 16, 11, 15277, 6, 198, 220, 220, 220, 220, 220, 220, 220, 288, 499, 62, 69, 220, 220, 220, 220, 220, 796, 45941, 13, 18747, 7, 67, 499, 62, 69, 13, 35312, 7, 41707, 4008, 1303, 1822, 62, 5143, 62, 312, 796, 45941, 13, 18747, 7, 2536, 10786, 6173, 2327, 4761, 27691, 35312, 7, 41707, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 611, 18896, 7, 67, 499, 62, 69, 8, 6624, 352, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 288, 499, 62, 69, 796, 2837, 7, 15, 11, 600, 7, 67, 499, 62, 69, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 288, 499, 62, 69, 796, 2837, 7, 600, 7, 67, 499, 62, 69, 58, 15, 46570, 493, 7, 67, 499, 62, 69, 58, 16, 12962, 10, 16, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 2, 19351, 438, 2, 198, 2, 6329, 8778, 12782, 11420, 2, 198, 2, 19351, 438, 2, 198, 11748, 28686, 198, 11748, 28686, 13, 6978, 198, 11748, 7736, 220, 220, 220, 220, 220, 220, 220, 220, 355, 334, 198, 6738, 640, 1330, 640, 198, 198, 2, 6329, 17762, 4371, 198, 5143, 62, 9688, 796, 640, 3419, 198, 198, 2, 19351, 438, 2, 198, 2, 6329, 4149, 30415, 11420, 2, 198, 2, 19351, 438, 2, 198, 198, 2, 6329, 651, 1057, 266, 67, 198, 16993, 220, 220, 796, 28686, 13, 1136, 66, 16993, 22446, 33491, 10786, 6852, 3256, 26488, 11537, 198, 198, 2, 6329, 4946, 9429, 23266, 198, 42460, 796, 334, 13, 7568, 62, 40664, 7, 16993, 10, 26488, 6, 10, 42460, 62, 21533, 8, 198, 198, 2, 6329, 1351, 286, 23163, 198, 75, 62, 2340, 796, 14470, 17816, 5143, 62, 312, 6, 4083, 34642, 3419, 198, 198, 5362, 62, 7568, 796, 6407, 198, 1640, 1312, 287, 300, 62, 2340, 25, 628, 220, 220, 220, 1303, 6329, 29472, 198, 220, 220, 220, 24714, 796, 266, 67, 10, 26488, 73, 5028, 62, 5143, 14, 6, 10, 72, 10, 26488, 7402, 417, 1023, 14, 22915, 14, 6, 10, 72, 10, 69, 62, 2385, 13049, 628, 220, 220, 220, 611, 28686, 13, 6978, 13, 1069, 1023, 7, 22184, 2599, 628, 220, 220, 220, 220, 220, 220, 220, 3601, 10786, 36120, 705, 10, 72, 8, 628, 220, 220, 220, 220, 220, 220, 220, 1303, 6329, 1100, 2393, 198, 220, 220, 220, 220, 220, 220, 220, 47764, 62, 72, 796, 334, 13, 7568, 62, 40664, 7, 22184, 8, 628, 220, 220, 220, 220, 220, 220, 220, 1303, 6329, 8106, 288, 499, 198, 220, 220, 220, 220, 220, 220, 220, 47764, 62, 72, 796, 47764, 62, 72, 58, 25, 7131, 7568, 62, 72, 17816, 67, 499, 6, 4083, 45763, 7, 9521, 7, 16, 11, 15277, 4008, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 6329, 19406, 262, 1401, 62, 21533, 416, 1612, 290, 1401, 62, 363, 198, 220, 220, 220, 220, 220, 220, 220, 47764, 62, 72, 796, 47764, 62, 72, 13, 8094, 1525, 7, 7785, 62, 363, 11, 355, 62, 9630, 28, 25101, 38381, 7785, 62, 21533, 4083, 32604, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 6329, 6056, 351, 1057, 62, 312, 198, 220, 220, 220, 220, 220, 220, 220, 47764, 62, 72, 17816, 5143, 62, 312, 20520, 796, 1312, 628, 220, 220, 220, 220, 220, 220, 220, 1303, 6329, 11007, 284, 2060, 47764, 198, 220, 220, 220, 220, 220, 220, 220, 611, 287, 72, 62, 7568, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 47764, 62, 411, 796, 47764, 62, 72, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 287, 72, 62, 7568, 796, 10352, 198, 220, 220, 220, 220, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 47764, 62, 411, 796, 47764, 62, 411, 13, 33295, 7, 7568, 62, 72, 8, 198, 198, 2, 6329, 3551, 2482, 198, 7568, 62, 411, 13, 1462, 62, 40664, 7, 16993, 10, 26488, 6, 10, 16993, 62, 448, 10, 26488, 6, 10, 14323, 62, 312, 10, 69, 62, 2385, 13049, 11, 6376, 796, 6045, 11, 13639, 28, 17821, 8, 198, 198, 2, 6329, 2610, 640, 198, 4798, 7203, 59, 77, 9527, 28361, 640, 286, 23345, 25, 11420, 4064, 13, 18, 69, 4201, 11420, 1, 4064, 357, 2435, 3419, 532, 1057, 62, 9688, 4008, 628, 628 ]
1.995512
1,337
""" With a physics component, you can fly. Well, not for long. You'll shortly fall to your death. """ import pymunk import whoosh.maths from whoosh.components.base import BaseComponent class PhysicsComponent(BaseComponent): """ Useful for recreating Angry Birds. GameWorld.add_blob will automatically add the physics body to the physics world as long as the component was added to the blob before add_blob was called. Boy that was a long sentence. """ def get_position(self): """ Returns the position of the body as a Vec2f. """ #print("PhysicsComponent.get_position returning {0}".format(self.body.position)) return whoosh.maths.Vec2f.from_pyvec(self.body.position) def get_velocity(self): """ Returns the velocity of the body as a Vec2f. """ return whoosh.maths.Vec2f.from_pyvec(self.body.velocity) def get_rotation(self): """ Returns the clockwise rotation of the body in degrees. """ return whoosh.maths.radians_to_degrees(self.body.angle) def set_position(self, pos): """ Sets the position of the body. The position won't actually be changed until the next physics world step, when chipmunk calls our _set_velocity_func. """ self.body.position = pos def is_touching_ceiling(self): """ Returns True/False whether the body is touching a ceiling """ return self._touching_ceiling def is_touching_ground(self): """ Returns True/False whether the body is touching the ground """ return self._touching_ground def is_touching_wall(self): """ Returns True/False whether the body is touching a wall """ return self._touching_wall def is_in_air(self): """ Returns True/False whether the body is not touching the ground. """ return not self.is_touching_ground() def add_circle(self, radius, **kwargs): """ Utility method which creates a pymunk Circle shape and adds it to the body. """ shape = pymunk.Circle(self.body, radius, **kwargs) self.shapes.append(shape) return shape def add_poly(self, vertices, **kwargs): """ Utility method which creates a pymunk Poly shape and adds it to the body. """ shape = pymunk.Poly(self.body, vertices, **kwargs) self.shapes.append(shape) return shape def add_rect(self, width, height): """ Utility method which creates a rectangular pymunk Poly shape and adds it to the body """ hw, hh = width/2.0, height/2.0 vertices = [(-hw, -hh), (hw, -hh), (hw, hh), (-hw, hh)] return self.add_poly(vertices) def add_segment(self, a, b, radius): """ Utility method which creates a pymunk Segment shape and adds it to the body. """ shape = pymunk.Segment(self.body, a, b, radius) self.shapes.append(shape) return shape def add_equilateral(self, radius, sides): """ Utility method which creates a pymunk Poly shape and adds it to the body. The vertices are calculated automatically using the given number of sides and radius. """ verts = whoosh.maths.get_ngon_vertices(radius, sides) print("Verts are {0}".format(verts)) return self.add_poly(verts) def _update_touching_info(self): """ Sets _touching_ground, _touching_wall and _touching_ceiling by checking all of the current collisions the body is in with other static or kinematic bodies. """ f.touching_ceiling = False f.touching_wall = False f.touching_ground = False self.body.each_arbiter(f) self._touching_ceiling = f.touching_ceiling self._touching_wall = f.touching_wall self._touching_ground = f.touching_ground
[ 37811, 198, 3152, 257, 11887, 7515, 11, 345, 460, 6129, 13, 198, 5779, 11, 407, 329, 890, 13, 198, 1639, 1183, 8972, 2121, 284, 534, 1918, 13, 198, 37811, 198, 11748, 279, 4948, 2954, 198, 11748, 508, 3768, 13, 11018, 82, 198, 6738, 508, 3768, 13, 5589, 3906, 13, 8692, 1330, 7308, 21950, 628, 198, 4871, 23123, 21950, 7, 14881, 21950, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 49511, 329, 664, 34567, 31900, 27124, 13, 198, 220, 220, 220, 3776, 10603, 13, 2860, 62, 2436, 672, 481, 6338, 751, 262, 11887, 1767, 284, 262, 11887, 995, 355, 890, 355, 262, 7515, 373, 2087, 198, 220, 220, 220, 284, 262, 44812, 878, 751, 62, 2436, 672, 373, 1444, 13, 198, 220, 220, 220, 6387, 326, 373, 257, 890, 6827, 13, 198, 220, 220, 220, 37227, 628, 220, 220, 220, 825, 651, 62, 9150, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 16409, 262, 2292, 286, 262, 1767, 355, 257, 38692, 17, 69, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 4798, 7203, 2725, 23154, 21950, 13, 1136, 62, 9150, 8024, 1391, 15, 92, 1911, 18982, 7, 944, 13, 2618, 13, 9150, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 508, 3768, 13, 11018, 82, 13, 53, 721, 17, 69, 13, 6738, 62, 9078, 35138, 7, 944, 13, 2618, 13, 9150, 8, 628, 220, 220, 220, 825, 651, 62, 626, 11683, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 16409, 262, 15432, 286, 262, 1767, 355, 257, 38692, 17, 69, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 508, 3768, 13, 11018, 82, 13, 53, 721, 17, 69, 13, 6738, 62, 9078, 35138, 7, 944, 13, 2618, 13, 626, 11683, 8, 628, 220, 220, 220, 825, 651, 62, 10599, 341, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 16409, 262, 8801, 3083, 13179, 286, 262, 1767, 287, 7370, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 508, 3768, 13, 11018, 82, 13, 6335, 1547, 62, 1462, 62, 13500, 6037, 7, 944, 13, 2618, 13, 9248, 8, 628, 220, 220, 220, 825, 900, 62, 9150, 7, 944, 11, 1426, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 21394, 262, 2292, 286, 262, 1767, 13, 198, 220, 220, 220, 220, 220, 220, 220, 383, 2292, 1839, 470, 1682, 307, 3421, 1566, 262, 1306, 11887, 995, 2239, 11, 618, 198, 220, 220, 220, 220, 220, 220, 220, 11594, 76, 2954, 3848, 674, 4808, 2617, 62, 626, 11683, 62, 20786, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 2618, 13, 9150, 796, 1426, 628, 220, 220, 220, 825, 318, 62, 29332, 278, 62, 344, 4386, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 16409, 6407, 14, 25101, 1771, 262, 1767, 318, 15241, 257, 13387, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 2116, 13557, 29332, 278, 62, 344, 4386, 628, 220, 220, 220, 825, 318, 62, 29332, 278, 62, 2833, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 16409, 6407, 14, 25101, 1771, 262, 1767, 318, 15241, 262, 2323, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 2116, 13557, 29332, 278, 62, 2833, 628, 220, 220, 220, 825, 318, 62, 29332, 278, 62, 11930, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 16409, 6407, 14, 25101, 1771, 262, 1767, 318, 15241, 257, 3355, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 2116, 13557, 29332, 278, 62, 11930, 628, 220, 220, 220, 825, 318, 62, 259, 62, 958, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 16409, 6407, 14, 25101, 1771, 262, 1767, 318, 407, 15241, 262, 2323, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 407, 2116, 13, 271, 62, 29332, 278, 62, 2833, 3419, 628, 220, 220, 220, 825, 751, 62, 45597, 7, 944, 11, 16874, 11, 12429, 46265, 22046, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 34030, 2446, 543, 8075, 257, 279, 4948, 2954, 16291, 5485, 290, 6673, 340, 284, 262, 1767, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 5485, 796, 279, 4948, 2954, 13, 31560, 293, 7, 944, 13, 2618, 11, 16874, 11, 12429, 46265, 22046, 8, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 1477, 7916, 13, 33295, 7, 43358, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 5485, 628, 220, 220, 220, 825, 751, 62, 35428, 7, 944, 11, 9421, 1063, 11, 12429, 46265, 22046, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 34030, 2446, 543, 8075, 257, 279, 4948, 2954, 12280, 5485, 290, 6673, 340, 284, 262, 1767, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 5485, 796, 279, 4948, 2954, 13, 34220, 7, 944, 13, 2618, 11, 9421, 1063, 11, 12429, 46265, 22046, 8, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 1477, 7916, 13, 33295, 7, 43358, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 5485, 628, 220, 220, 220, 825, 751, 62, 2554, 7, 944, 11, 9647, 11, 6001, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 34030, 2446, 543, 8075, 257, 36954, 279, 4948, 2954, 12280, 5485, 290, 6673, 340, 284, 262, 1767, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 289, 86, 11, 289, 71, 796, 9647, 14, 17, 13, 15, 11, 6001, 14, 17, 13, 15, 198, 220, 220, 220, 220, 220, 220, 220, 9421, 1063, 796, 685, 32590, 36599, 11, 532, 12337, 828, 357, 36599, 11, 532, 12337, 828, 357, 36599, 11, 289, 71, 828, 13841, 36599, 11, 289, 71, 15437, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 2116, 13, 2860, 62, 35428, 7, 1851, 1063, 8, 628, 220, 220, 220, 825, 751, 62, 325, 5154, 7, 944, 11, 257, 11, 275, 11, 16874, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 34030, 2446, 543, 8075, 257, 279, 4948, 2954, 1001, 5154, 5485, 290, 6673, 340, 284, 262, 1767, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 5485, 796, 279, 4948, 2954, 13, 41030, 434, 7, 944, 13, 2618, 11, 257, 11, 275, 11, 16874, 8, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 1477, 7916, 13, 33295, 7, 43358, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 5485, 628, 220, 220, 220, 825, 751, 62, 4853, 14796, 7, 944, 11, 16874, 11, 5389, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 34030, 2446, 543, 8075, 257, 279, 4948, 2954, 12280, 5485, 290, 6673, 340, 284, 262, 1767, 13, 198, 220, 220, 220, 220, 220, 220, 220, 383, 9421, 1063, 389, 10488, 6338, 1262, 262, 1813, 1271, 286, 5389, 290, 16874, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 3326, 912, 796, 508, 3768, 13, 11018, 82, 13, 1136, 62, 782, 261, 62, 1851, 1063, 7, 42172, 11, 5389, 8, 198, 220, 220, 220, 220, 220, 220, 220, 3601, 7203, 42369, 82, 389, 1391, 15, 92, 1911, 18982, 7, 24040, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 2116, 13, 2860, 62, 35428, 7, 24040, 8, 628, 220, 220, 220, 825, 4808, 19119, 62, 29332, 278, 62, 10951, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 21394, 4808, 29332, 278, 62, 2833, 11, 4808, 29332, 278, 62, 11930, 290, 4808, 29332, 278, 62, 344, 4386, 416, 10627, 477, 286, 262, 1459, 31998, 262, 1767, 318, 287, 198, 220, 220, 220, 220, 220, 220, 220, 351, 584, 9037, 393, 479, 7749, 1512, 5920, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 277, 13, 29332, 278, 62, 344, 4386, 796, 10352, 198, 220, 220, 220, 220, 220, 220, 220, 277, 13, 29332, 278, 62, 11930, 796, 10352, 198, 220, 220, 220, 220, 220, 220, 220, 277, 13, 29332, 278, 62, 2833, 796, 10352, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 2618, 13, 27379, 62, 283, 2545, 263, 7, 69, 8, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13557, 29332, 278, 62, 344, 4386, 796, 277, 13, 29332, 278, 62, 344, 4386, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13557, 29332, 278, 62, 11930, 796, 277, 13, 29332, 278, 62, 11930, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13557, 29332, 278, 62, 2833, 796, 277, 13, 29332, 278, 62, 2833 ]
2.444105
1,637
from Class.rqlite import rqlite import subprocess, socket, psutil, json, time
[ 6738, 5016, 13, 81, 13976, 578, 1330, 374, 13976, 578, 198, 11748, 850, 14681, 11, 17802, 11, 26692, 22602, 11, 33918, 11, 640, 198 ]
3.25
24
""" str - string """ print('aspas simples') print("aspas duplas") print(123456) # integer, conversao implicita para string print("essa é uma 'string' (str).") print('essa é uma "string" (str).') print('essa é uma \'string\' (str).') print("essa é uma \"string\" (str).") # '\' caracter de escape print('essa é uma \n (str).') print(r'essa é uma \n (str).') # o 'r' no inicio ignora oq tem dentro e gera tudo como string
[ 37811, 198, 2536, 532, 4731, 198, 37811, 198, 198, 4798, 10786, 5126, 292, 985, 2374, 11537, 198, 4798, 7203, 5126, 292, 14184, 292, 4943, 198, 4798, 7, 10163, 29228, 8, 220, 1303, 18253, 11, 3453, 5488, 16992, 64, 31215, 4731, 198, 4798, 7203, 21411, 38251, 334, 2611, 705, 8841, 6, 357, 2536, 8, 19570, 198, 4798, 10786, 21411, 38251, 334, 2611, 366, 8841, 1, 357, 2536, 737, 11537, 198, 4798, 10786, 21411, 38251, 334, 2611, 34373, 8841, 43054, 357, 2536, 737, 11537, 198, 4798, 7203, 21411, 38251, 334, 2611, 19990, 8841, 7879, 357, 2536, 8, 19570, 220, 1303, 705, 43054, 220, 1097, 7321, 390, 6654, 198, 4798, 10786, 21411, 38251, 334, 2611, 3467, 77, 357, 2536, 737, 11537, 198, 4798, 7, 81, 6, 21411, 38251, 334, 2611, 3467, 77, 357, 2536, 737, 11537, 220, 1303, 267, 705, 81, 6, 645, 287, 46441, 3627, 5799, 267, 80, 2169, 18794, 305, 304, 308, 8607, 256, 12003, 401, 78, 4731, 628 ]
2.696203
158
#!/usr/bin/env python ########################################################################### # # Written in 2009 by Ian Katz <[email protected]> # Terms: WTFPL (http://sam.zoy.org/wtfpl/) # See COPYING and WARRANTY files included in this distribution # ########################################################################### # this program provides an audible alert for any change in the # connected/disconnected state of a named host # # It takes 2 command line arguments: # 1. the hostname/IP # 2. the name to be spoken by the program as up/down ### # # note from Ian: # # these spoken phrases were crafted carefully to make good use of the # digital voice (i.e., not sound too cheesy). each voice needs its own # slight tweak of wording to minimize odd-sounding speech. this script # was verbally optimized for "voice_nitech_us_slt_arctic_hts". # # # i installed a bunch of voices as per # http://ubuntuforums.org/showthread.php?t=751169 # # a script called install-speech-software.sh is provided # for your convenience # # this is my /etc/festival.scm # # (Parameter.set 'Audio_Method 'esdaudio) # (set! voice_default 'voice_rab_diphone) # (set! voice_default 'voice_nitech_us_rms_arctic_hts) # (set! voice_default 'voice_nitech_us_clb_arctic_hts) # (set! voice_default 'voice_nitech_us_slt_arctic_hts) # ### import sys import os import subprocess import time # simple ping def ping(ip): """pings IP""" return 0 == subprocess.call("ping -c 1 -W 1 %s" % ip, shell=True, stdout=open('/dev/null', 'w'), stderr=subprocess.STDOUT) # use the big boy words... text to speech! ######################################################################3 #run it if __name__ == "__main__": if len(sys.argv) != 3: print "Usage: " + sys.argv[0] + "<IP> <name>" exit(1) monitor = PingMonitor() monitor.main(sys.argv[1], sys.argv[2]) print "\n\n\nexited cleanly!\n\n"
[ 2, 48443, 14629, 14, 8800, 14, 24330, 21015, 198, 29113, 29113, 7804, 21017, 198, 2, 220, 220, 220, 220, 198, 2, 220, 220, 220, 22503, 287, 3717, 416, 12930, 36290, 1279, 45961, 20, 31, 2781, 13, 15532, 29, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 2, 220, 220, 220, 17637, 25, 41281, 5837, 43, 357, 4023, 1378, 37687, 13, 89, 726, 13, 2398, 14, 86, 27110, 489, 34729, 220, 198, 2, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4091, 27975, 45761, 290, 34764, 56, 3696, 3017, 287, 428, 6082, 198, 2, 198, 29113, 29113, 7804, 21017, 198, 198, 2, 428, 1430, 3769, 281, 35282, 7995, 329, 597, 1487, 287, 262, 220, 198, 2, 220, 5884, 14, 6381, 15236, 1181, 286, 257, 3706, 2583, 198, 2, 198, 2, 632, 2753, 362, 3141, 1627, 7159, 25, 198, 2, 220, 352, 13, 262, 2583, 3672, 14, 4061, 198, 2, 220, 362, 13, 262, 1438, 284, 307, 9635, 416, 262, 1430, 355, 510, 14, 2902, 198, 198, 21017, 198, 2, 198, 2, 3465, 422, 12930, 25, 220, 198, 2, 198, 2, 777, 9635, 20144, 547, 18025, 7773, 284, 787, 922, 779, 286, 262, 198, 2, 4875, 3809, 357, 72, 13, 68, 1539, 407, 2128, 1165, 45002, 737, 220, 1123, 3809, 2476, 663, 898, 198, 2, 3731, 25393, 286, 26814, 284, 17775, 5629, 12, 39686, 4046, 13, 220, 428, 4226, 198, 2, 373, 38119, 23392, 329, 366, 38888, 62, 77, 45396, 62, 385, 62, 82, 2528, 62, 283, 11048, 62, 71, 912, 1911, 198, 2, 220, 198, 2, 198, 2, 1312, 6589, 257, 7684, 286, 10839, 355, 583, 198, 2, 220, 220, 220, 2638, 1378, 32230, 37141, 13, 2398, 14, 12860, 16663, 13, 10121, 30, 83, 28, 2425, 1157, 3388, 198, 2, 198, 2, 257, 4226, 1444, 2721, 12, 45862, 12, 43776, 13, 1477, 318, 2810, 198, 2, 220, 329, 534, 15607, 198, 2, 220, 198, 2, 428, 318, 616, 1220, 14784, 14, 69, 6743, 13, 1416, 76, 198, 2, 198, 2, 357, 36301, 13, 2617, 705, 21206, 62, 17410, 705, 274, 67, 24051, 8, 198, 2, 357, 2617, 0, 3809, 62, 12286, 705, 38888, 62, 25619, 62, 67, 13323, 505, 8, 198, 2, 357, 2617, 0, 3809, 62, 12286, 705, 38888, 62, 77, 45396, 62, 385, 62, 81, 907, 62, 283, 11048, 62, 71, 912, 8, 198, 2, 357, 2617, 0, 3809, 62, 12286, 705, 38888, 62, 77, 45396, 62, 385, 62, 565, 65, 62, 283, 11048, 62, 71, 912, 8, 198, 2, 357, 2617, 0, 3809, 62, 12286, 705, 38888, 62, 77, 45396, 62, 385, 62, 82, 2528, 62, 283, 11048, 62, 71, 912, 8, 198, 2, 198, 21017, 628, 198, 198, 11748, 25064, 198, 11748, 28686, 198, 11748, 850, 14681, 198, 11748, 640, 198, 198, 2, 2829, 29400, 198, 4299, 29400, 7, 541, 2599, 198, 220, 220, 220, 37227, 79, 654, 6101, 37811, 198, 220, 220, 220, 1441, 657, 6624, 850, 14681, 13, 13345, 7203, 13886, 532, 66, 352, 532, 54, 352, 4064, 82, 1, 4064, 20966, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 7582, 28, 17821, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 14367, 448, 28, 9654, 10786, 14, 7959, 14, 8423, 3256, 705, 86, 33809, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 336, 1082, 81, 28, 7266, 14681, 13, 36886, 8, 198, 198, 2, 779, 262, 1263, 2933, 2456, 986, 2420, 284, 4046, 0, 628, 628, 628, 198, 29113, 29113, 4242, 2235, 18, 198, 2, 5143, 340, 198, 198, 361, 11593, 3672, 834, 6624, 366, 834, 12417, 834, 1298, 628, 220, 220, 220, 611, 18896, 7, 17597, 13, 853, 85, 8, 14512, 513, 25, 198, 220, 220, 220, 220, 220, 220, 220, 3601, 366, 28350, 25, 366, 1343, 25064, 13, 853, 85, 58, 15, 60, 1343, 33490, 4061, 29, 1279, 3672, 24618, 628, 220, 220, 220, 220, 220, 220, 220, 8420, 7, 16, 8, 628, 220, 220, 220, 5671, 796, 34263, 35479, 3419, 628, 220, 220, 220, 5671, 13, 12417, 7, 17597, 13, 853, 85, 58, 16, 4357, 25064, 13, 853, 85, 58, 17, 12962, 198, 220, 220, 220, 3601, 37082, 77, 59, 77, 59, 12413, 863, 3424, 306, 0, 59, 77, 59, 77, 1, 198 ]
2.672302
769
import numpy as np import matplotlib from matplotlib import colors from matplotlib import cm import matplotlib.pyplot as plt import folium from folium.plugins import HeatMap from folium.plugins import MarkerCluster from loci.analytics import bbox, kwds_freq from wordcloud import WordCloud from pysal.viz.mapclassify import Natural_Breaks from pandas import DataFrame, concat from geopandas import GeoDataFrame import osmnx def map_cluster_diff(clusters_a, clusters_b, intersection_color='#00ff00', diff_ab_color='#0000ff', diff_ba_color='#ff0000', tiles='OpenStreetMap', width='100%', height='100%'): """Returns a Folium Map displaying the differences between two sets of clusters. Map center and zoom level are set automatically. Args: clusters_a (GeoDataFrame): The first set of clusters. clusters_b (GeoDataFrame): The second set of clusters. intersection_color (color code): The color to use for A & B. diff_ab_color (color code): The color to use for A - B. diff_ba_color (color code): The color to use for B - A. tiles (string): The tiles to use for the map (default: `OpenStreetMap`). width (integer or percentage): Width of the map in pixels or percentage (default: 100%). height (integer or percentage): Height of the map in pixels or percentage (default: 100%). Returns: A Folium Map object displaying cluster intersections and differences. """ if clusters_a.crs['init'] != '4326': clusters_a = clusters_a.to_crs({'init': 'epsg:4326'}) if clusters_b.crs['init'] != '4326': clusters_b = clusters_b.to_crs({'init': 'epsg:4326'}) spatial_index_b = clusters_b.sindex prev_size_list = [] prev_cid_list = [] after_cid_list = [] after_size_list = [] intersect_area_percentage_list = [] intersection_polygons = [] diff_ab_polygs = [] diff_ba_polygs = [] new_polygs = [] intersection_polygons_attr = [] diff_ab_polygs_attr = [] diff_ba_polygs_attr = [] new_polygs_attr = [] for index_1, row_1 in clusters_a.iterrows(): size = row_1['size'] poly = row_1['geometry'] cid = row_1['cluster_id'] prev_area = poly.area prev_cid_list.append(cid) prev_size_list.append(size) possible_matches_index = list(spatial_index_b.intersection(poly.bounds)) possible_matches = clusters_b.iloc[possible_matches_index] max_area = 0.0 max_cid_intersect = -1 max_size = 0 max_polyg = None max_intersect_polyg = None for index_2, row_2 in possible_matches.iterrows(): size_2 = row_2['size'] poly_2 = row_2['geometry'] cid_2 = row_2['cluster_id'] intersect_polyg = poly.intersection(poly_2) area = intersect_polyg.area if area > max_area: max_area = area max_cid_intersect = cid_2 max_size = size_2 max_polyg = poly_2 max_intersect_polyg = intersect_polyg if max_cid_intersect == -1: after_cid_list.append(np.nan) after_size_list.append(np.nan) intersect_area_percentage_list.append(0.0) new_polygs.append(poly) new_polygs_attr.append('A (' + str(cid) + ')') else: after_cid_list.append(max_cid_intersect) after_size_list.append(max_size) intersect_area_percentage_list.append(max_area / prev_area) ab_diff_poly = poly.difference(max_polyg) ba_diff_poly = max_polyg.difference(poly) intersection_polygons.append(max_intersect_polyg) diff_ab_polygs.append(ab_diff_poly) diff_ba_polygs.append(ba_diff_poly) intersection_polygons_attr.append('A(' + str(cid) + ') & B(' + str(max_cid_intersect) + ')') diff_ab_polygs_attr.append('A(' + str(cid) + ') - B(' + str(max_cid_intersect) + ')') diff_ba_polygs_attr.append('B(' + str(max_cid_intersect) + ') - A(' + str(cid) + ')') spatial_index_a = clusters_a.sindex old_polys = [] old_poly_attr = [] for index, row in clusters_b.iterrows(): poly = row['geometry'] cid = row['cluster_id'] possible_matches_index = list(spatial_index_a.intersection(poly.bounds)) possible_matches = clusters_a.iloc[possible_matches_index] max_area = 0.0 for index_2, row_2 in possible_matches.iterrows(): poly_2 = row_2['geometry'] intersect_polyg = poly.intersection(poly_2) area = intersect_polyg.area if area > max_area: max_area = area if max_area == 0.0: old_polys.append(poly) old_poly_attr.append('B (' + str(cid) + ')') intersection_gdf = GeoDataFrame(list(zip(intersection_polygons, intersection_polygons_attr)), columns=['geometry', 'diff'], crs=clusters_a.crs) diff_ab_gdf = GeoDataFrame(list(zip(diff_ab_polygs + new_polygs, diff_ab_polygs_attr + new_polygs_attr)), columns=['geometry', 'diff'], crs=clusters_a.crs) diff_ba_gdf = GeoDataFrame(list(zip(diff_ba_polygs + old_polys, diff_ba_polygs_attr + old_poly_attr)), columns=['geometry', 'diff'], crs=clusters_a.crs) # Filter out erroneous rows intersection_gdf = intersection_gdf[(intersection_gdf.geometry.area > 0.0)] diff_ab_gdf = diff_ab_gdf[(diff_ab_gdf.geometry.area > 0.0)] diff_ba_gdf = diff_ba_gdf[(diff_ba_gdf.geometry.area > 0.0)] # Add colors intersection_style = {'fillColor': intersection_color, 'weight': 2, 'color': 'black', 'fillOpacity': 0.8} diff_ab_style = {'fillColor': diff_ab_color, 'weight': 2, 'color': 'black', 'fillOpacity': 0.8} diff_ba_style = {'fillColor': diff_ba_color, 'weight': 2, 'color': 'black', 'fillOpacity': 0.8} intersection_gdf['style'] = intersection_gdf.apply(lambda x: intersection_style, axis=1) diff_ab_gdf['style'] = diff_ab_gdf.apply(lambda x: diff_ab_style, axis=1) diff_ba_gdf['style'] = diff_ba_gdf.apply(lambda x: diff_ba_style, axis=1) # Concatenate results return concat([diff_ab_gdf, diff_ba_gdf, intersection_gdf], ignore_index=True, sort=False)
[ 11748, 299, 32152, 355, 45941, 198, 11748, 2603, 29487, 8019, 198, 6738, 2603, 29487, 8019, 1330, 7577, 198, 6738, 2603, 29487, 8019, 1330, 12067, 198, 11748, 2603, 29487, 8019, 13, 9078, 29487, 355, 458, 83, 198, 11748, 5955, 1505, 198, 6738, 5955, 1505, 13, 37390, 1330, 12308, 13912, 198, 6738, 5955, 1505, 13, 37390, 1330, 2940, 263, 2601, 5819, 198, 6738, 1179, 72, 13, 38200, 14094, 1330, 275, 3524, 11, 479, 86, 9310, 62, 19503, 80, 198, 6738, 1573, 17721, 1330, 9678, 18839, 198, 6738, 279, 893, 282, 13, 85, 528, 13, 8899, 4871, 1958, 1330, 12068, 62, 12679, 4730, 198, 6738, 19798, 292, 1330, 6060, 19778, 11, 1673, 265, 198, 6738, 30324, 392, 292, 1330, 32960, 6601, 19778, 198, 11748, 267, 5796, 77, 87, 198, 198, 4299, 3975, 62, 565, 5819, 62, 26069, 7, 565, 13654, 62, 64, 11, 23163, 62, 65, 11, 16246, 62, 8043, 11639, 2, 405, 487, 405, 3256, 814, 62, 397, 62, 8043, 11639, 2, 2388, 487, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 814, 62, 7012, 62, 8043, 11639, 2, 487, 2388, 3256, 19867, 11639, 11505, 34356, 13912, 3256, 9647, 11639, 3064, 4, 3256, 6001, 11639, 3064, 4, 6, 2599, 198, 220, 220, 220, 37227, 35561, 257, 30938, 1505, 9347, 19407, 262, 5400, 1022, 734, 5621, 286, 23163, 13, 9347, 3641, 290, 19792, 1241, 198, 220, 220, 220, 389, 900, 6338, 13, 198, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 23163, 62, 64, 357, 10082, 78, 6601, 19778, 2599, 383, 717, 900, 286, 23163, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 23163, 62, 65, 357, 10082, 78, 6601, 19778, 2599, 383, 1218, 900, 286, 23163, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 16246, 62, 8043, 357, 8043, 2438, 2599, 383, 3124, 284, 779, 329, 317, 1222, 347, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 814, 62, 397, 62, 8043, 357, 8043, 2438, 2599, 383, 3124, 284, 779, 329, 317, 532, 347, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 814, 62, 7012, 62, 8043, 357, 8043, 2438, 2599, 383, 3124, 284, 779, 329, 347, 532, 317, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 19867, 357, 8841, 2599, 383, 19867, 284, 779, 329, 262, 3975, 357, 12286, 25, 4600, 11505, 34356, 13912, 63, 737, 198, 220, 220, 220, 220, 220, 220, 220, 220, 9647, 357, 41433, 393, 5873, 2599, 38807, 286, 262, 3975, 287, 17848, 393, 5873, 357, 12286, 25, 1802, 18823, 198, 220, 220, 220, 220, 220, 220, 220, 220, 6001, 357, 41433, 393, 5873, 2599, 27280, 286, 262, 3975, 287, 17848, 393, 5873, 357, 12286, 25, 1802, 18823, 198, 220, 220, 220, 16409, 25, 198, 220, 220, 220, 220, 220, 220, 220, 317, 30938, 1505, 9347, 2134, 19407, 13946, 42085, 290, 5400, 13, 198, 220, 220, 220, 37227, 628, 220, 220, 220, 611, 23163, 62, 64, 13, 66, 3808, 17816, 15003, 20520, 14512, 705, 3559, 2075, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 23163, 62, 64, 796, 23163, 62, 64, 13, 1462, 62, 66, 3808, 15090, 6, 15003, 10354, 705, 25386, 70, 25, 3559, 2075, 6, 30072, 628, 220, 220, 220, 611, 23163, 62, 65, 13, 66, 3808, 17816, 15003, 20520, 14512, 705, 3559, 2075, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 23163, 62, 65, 796, 23163, 62, 65, 13, 1462, 62, 66, 3808, 15090, 6, 15003, 10354, 705, 25386, 70, 25, 3559, 2075, 6, 30072, 628, 220, 220, 220, 21739, 62, 9630, 62, 65, 796, 23163, 62, 65, 13, 82, 9630, 198, 220, 220, 220, 8654, 62, 7857, 62, 4868, 796, 17635, 198, 220, 220, 220, 8654, 62, 66, 312, 62, 4868, 796, 17635, 628, 220, 220, 220, 706, 62, 66, 312, 62, 4868, 796, 17635, 198, 220, 220, 220, 706, 62, 7857, 62, 4868, 796, 17635, 198, 220, 220, 220, 36177, 62, 20337, 62, 25067, 496, 62, 4868, 796, 17635, 628, 220, 220, 220, 16246, 62, 35428, 70, 684, 796, 17635, 198, 220, 220, 220, 814, 62, 397, 62, 35428, 14542, 796, 17635, 198, 220, 220, 220, 814, 62, 7012, 62, 35428, 14542, 796, 17635, 198, 220, 220, 220, 649, 62, 35428, 14542, 796, 17635, 628, 220, 220, 220, 16246, 62, 35428, 70, 684, 62, 35226, 796, 17635, 198, 220, 220, 220, 814, 62, 397, 62, 35428, 14542, 62, 35226, 796, 17635, 198, 220, 220, 220, 814, 62, 7012, 62, 35428, 14542, 62, 35226, 796, 17635, 198, 220, 220, 220, 649, 62, 35428, 14542, 62, 35226, 796, 17635, 628, 220, 220, 220, 329, 6376, 62, 16, 11, 5752, 62, 16, 287, 23163, 62, 64, 13, 2676, 8516, 33529, 198, 220, 220, 220, 220, 220, 220, 220, 2546, 796, 5752, 62, 16, 17816, 7857, 20520, 198, 220, 220, 220, 220, 220, 220, 220, 7514, 796, 5752, 62, 16, 17816, 469, 15748, 20520, 198, 220, 220, 220, 220, 220, 220, 220, 269, 312, 796, 5752, 62, 16, 17816, 565, 5819, 62, 312, 20520, 628, 220, 220, 220, 220, 220, 220, 220, 8654, 62, 20337, 796, 7514, 13, 20337, 198, 220, 220, 220, 220, 220, 220, 220, 8654, 62, 66, 312, 62, 4868, 13, 33295, 7, 66, 312, 8, 198, 220, 220, 220, 220, 220, 220, 220, 8654, 62, 7857, 62, 4868, 13, 33295, 7, 7857, 8, 628, 220, 220, 220, 220, 220, 220, 220, 1744, 62, 6759, 2052, 62, 9630, 796, 1351, 7, 2777, 34961, 62, 9630, 62, 65, 13, 3849, 5458, 7, 35428, 13, 65, 3733, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 1744, 62, 6759, 2052, 796, 23163, 62, 65, 13, 346, 420, 58, 79, 4733, 62, 6759, 2052, 62, 9630, 60, 628, 220, 220, 220, 220, 220, 220, 220, 3509, 62, 20337, 796, 657, 13, 15, 198, 220, 220, 220, 220, 220, 220, 220, 3509, 62, 66, 312, 62, 3849, 8831, 796, 532, 16, 198, 220, 220, 220, 220, 220, 220, 220, 3509, 62, 7857, 796, 657, 628, 220, 220, 220, 220, 220, 220, 220, 3509, 62, 35428, 70, 796, 6045, 198, 220, 220, 220, 220, 220, 220, 220, 3509, 62, 3849, 8831, 62, 35428, 70, 796, 6045, 628, 220, 220, 220, 220, 220, 220, 220, 329, 6376, 62, 17, 11, 5752, 62, 17, 287, 1744, 62, 6759, 2052, 13, 2676, 8516, 33529, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2546, 62, 17, 796, 5752, 62, 17, 17816, 7857, 20520, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 7514, 62, 17, 796, 5752, 62, 17, 17816, 469, 15748, 20520, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 269, 312, 62, 17, 796, 5752, 62, 17, 17816, 565, 5819, 62, 312, 20520, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 36177, 62, 35428, 70, 796, 7514, 13, 3849, 5458, 7, 35428, 62, 17, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1989, 796, 36177, 62, 35428, 70, 13, 20337, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 1989, 1875, 3509, 62, 20337, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3509, 62, 20337, 796, 1989, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3509, 62, 66, 312, 62, 3849, 8831, 796, 269, 312, 62, 17, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3509, 62, 7857, 796, 2546, 62, 17, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3509, 62, 35428, 70, 796, 7514, 62, 17, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3509, 62, 3849, 8831, 62, 35428, 70, 796, 36177, 62, 35428, 70, 628, 220, 220, 220, 220, 220, 220, 220, 611, 3509, 62, 66, 312, 62, 3849, 8831, 6624, 532, 16, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 706, 62, 66, 312, 62, 4868, 13, 33295, 7, 37659, 13, 12647, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 706, 62, 7857, 62, 4868, 13, 33295, 7, 37659, 13, 12647, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 36177, 62, 20337, 62, 25067, 496, 62, 4868, 13, 33295, 7, 15, 13, 15, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 649, 62, 35428, 14542, 13, 33295, 7, 35428, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 649, 62, 35428, 14542, 62, 35226, 13, 33295, 10786, 32, 19203, 1343, 965, 7, 66, 312, 8, 1343, 705, 8, 11537, 198, 220, 220, 220, 220, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 706, 62, 66, 312, 62, 4868, 13, 33295, 7, 9806, 62, 66, 312, 62, 3849, 8831, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 706, 62, 7857, 62, 4868, 13, 33295, 7, 9806, 62, 7857, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 36177, 62, 20337, 62, 25067, 496, 62, 4868, 13, 33295, 7, 9806, 62, 20337, 1220, 8654, 62, 20337, 8, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 450, 62, 26069, 62, 35428, 796, 7514, 13, 26069, 1945, 7, 9806, 62, 35428, 70, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 26605, 62, 26069, 62, 35428, 796, 3509, 62, 35428, 70, 13, 26069, 1945, 7, 35428, 8, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 16246, 62, 35428, 70, 684, 13, 33295, 7, 9806, 62, 3849, 8831, 62, 35428, 70, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 814, 62, 397, 62, 35428, 14542, 13, 33295, 7, 397, 62, 26069, 62, 35428, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 814, 62, 7012, 62, 35428, 14542, 13, 33295, 7, 7012, 62, 26069, 62, 35428, 8, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 16246, 62, 35428, 70, 684, 62, 35226, 13, 33295, 10786, 32, 10786, 1343, 965, 7, 66, 312, 8, 1343, 705, 8, 1222, 347, 10786, 1343, 965, 7, 9806, 62, 66, 312, 62, 3849, 8831, 8, 1343, 705, 8, 11537, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 814, 62, 397, 62, 35428, 14542, 62, 35226, 13, 33295, 10786, 32, 10786, 1343, 965, 7, 66, 312, 8, 1343, 705, 8, 532, 347, 10786, 1343, 965, 7, 9806, 62, 66, 312, 62, 3849, 8831, 8, 1343, 705, 8, 11537, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 814, 62, 7012, 62, 35428, 14542, 62, 35226, 13, 33295, 10786, 33, 10786, 1343, 965, 7, 9806, 62, 66, 312, 62, 3849, 8831, 8, 1343, 705, 8, 532, 317, 10786, 1343, 965, 7, 66, 312, 8, 1343, 705, 8, 11537, 628, 220, 220, 220, 21739, 62, 9630, 62, 64, 796, 23163, 62, 64, 13, 82, 9630, 198, 220, 220, 220, 1468, 62, 35428, 82, 796, 17635, 198, 220, 220, 220, 1468, 62, 35428, 62, 35226, 796, 17635, 628, 220, 220, 220, 329, 6376, 11, 5752, 287, 23163, 62, 65, 13, 2676, 8516, 33529, 198, 220, 220, 220, 220, 220, 220, 220, 7514, 796, 5752, 17816, 469, 15748, 20520, 198, 220, 220, 220, 220, 220, 220, 220, 269, 312, 796, 5752, 17816, 565, 5819, 62, 312, 20520, 628, 220, 220, 220, 220, 220, 220, 220, 1744, 62, 6759, 2052, 62, 9630, 796, 1351, 7, 2777, 34961, 62, 9630, 62, 64, 13, 3849, 5458, 7, 35428, 13, 65, 3733, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 1744, 62, 6759, 2052, 796, 23163, 62, 64, 13, 346, 420, 58, 79, 4733, 62, 6759, 2052, 62, 9630, 60, 628, 220, 220, 220, 220, 220, 220, 220, 3509, 62, 20337, 796, 657, 13, 15, 628, 220, 220, 220, 220, 220, 220, 220, 329, 6376, 62, 17, 11, 5752, 62, 17, 287, 1744, 62, 6759, 2052, 13, 2676, 8516, 33529, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 7514, 62, 17, 796, 5752, 62, 17, 17816, 469, 15748, 20520, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 36177, 62, 35428, 70, 796, 7514, 13, 3849, 5458, 7, 35428, 62, 17, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1989, 796, 36177, 62, 35428, 70, 13, 20337, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 1989, 1875, 3509, 62, 20337, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3509, 62, 20337, 796, 1989, 628, 220, 220, 220, 220, 220, 220, 220, 611, 3509, 62, 20337, 6624, 657, 13, 15, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1468, 62, 35428, 82, 13, 33295, 7, 35428, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1468, 62, 35428, 62, 35226, 13, 33295, 10786, 33, 19203, 1343, 965, 7, 66, 312, 8, 1343, 705, 8, 11537, 628, 220, 220, 220, 16246, 62, 70, 7568, 796, 32960, 6601, 19778, 7, 4868, 7, 13344, 7, 3849, 5458, 62, 35428, 70, 684, 11, 16246, 62, 35428, 70, 684, 62, 35226, 36911, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 15180, 28, 17816, 469, 15748, 3256, 705, 26069, 6, 4357, 1067, 82, 28, 565, 13654, 62, 64, 13, 66, 3808, 8, 628, 220, 220, 220, 814, 62, 397, 62, 70, 7568, 796, 32960, 6601, 19778, 7, 4868, 7, 13344, 7, 26069, 62, 397, 62, 35428, 14542, 1343, 649, 62, 35428, 14542, 11, 814, 62, 397, 62, 35428, 14542, 62, 35226, 1343, 649, 62, 35428, 14542, 62, 35226, 36911, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 15180, 28, 17816, 469, 15748, 3256, 705, 26069, 6, 4357, 1067, 82, 28, 565, 13654, 62, 64, 13, 66, 3808, 8, 628, 220, 220, 220, 814, 62, 7012, 62, 70, 7568, 796, 32960, 6601, 19778, 7, 4868, 7, 13344, 7, 26069, 62, 7012, 62, 35428, 14542, 1343, 1468, 62, 35428, 82, 11, 814, 62, 7012, 62, 35428, 14542, 62, 35226, 1343, 1468, 62, 35428, 62, 35226, 36911, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 15180, 28, 17816, 469, 15748, 3256, 705, 26069, 6, 4357, 1067, 82, 28, 565, 13654, 62, 64, 13, 66, 3808, 8, 628, 220, 220, 220, 1303, 25853, 503, 35366, 15274, 198, 220, 220, 220, 16246, 62, 70, 7568, 796, 16246, 62, 70, 7568, 58, 7, 3849, 5458, 62, 70, 7568, 13, 469, 15748, 13, 20337, 1875, 657, 13, 15, 15437, 198, 220, 220, 220, 814, 62, 397, 62, 70, 7568, 796, 814, 62, 397, 62, 70, 7568, 58, 7, 26069, 62, 397, 62, 70, 7568, 13, 469, 15748, 13, 20337, 1875, 657, 13, 15, 15437, 198, 220, 220, 220, 814, 62, 7012, 62, 70, 7568, 796, 814, 62, 7012, 62, 70, 7568, 58, 7, 26069, 62, 7012, 62, 70, 7568, 13, 469, 15748, 13, 20337, 1875, 657, 13, 15, 15437, 628, 220, 220, 220, 1303, 3060, 7577, 198, 220, 220, 220, 16246, 62, 7635, 796, 1391, 6, 20797, 10258, 10354, 16246, 62, 8043, 11, 705, 6551, 10354, 362, 11, 705, 8043, 10354, 705, 13424, 3256, 705, 20797, 18257, 4355, 10354, 657, 13, 23, 92, 198, 220, 220, 220, 814, 62, 397, 62, 7635, 796, 1391, 6, 20797, 10258, 10354, 814, 62, 397, 62, 8043, 11, 705, 6551, 10354, 362, 11, 705, 8043, 10354, 705, 13424, 3256, 705, 20797, 18257, 4355, 10354, 657, 13, 23, 92, 198, 220, 220, 220, 814, 62, 7012, 62, 7635, 796, 1391, 6, 20797, 10258, 10354, 814, 62, 7012, 62, 8043, 11, 705, 6551, 10354, 362, 11, 705, 8043, 10354, 705, 13424, 3256, 705, 20797, 18257, 4355, 10354, 657, 13, 23, 92, 198, 220, 220, 220, 16246, 62, 70, 7568, 17816, 7635, 20520, 796, 16246, 62, 70, 7568, 13, 39014, 7, 50033, 2124, 25, 16246, 62, 7635, 11, 16488, 28, 16, 8, 198, 220, 220, 220, 814, 62, 397, 62, 70, 7568, 17816, 7635, 20520, 796, 814, 62, 397, 62, 70, 7568, 13, 39014, 7, 50033, 2124, 25, 814, 62, 397, 62, 7635, 11, 16488, 28, 16, 8, 198, 220, 220, 220, 814, 62, 7012, 62, 70, 7568, 17816, 7635, 20520, 796, 814, 62, 7012, 62, 70, 7568, 13, 39014, 7, 50033, 2124, 25, 814, 62, 7012, 62, 7635, 11, 16488, 28, 16, 8, 628, 220, 220, 220, 1303, 1482, 9246, 268, 378, 2482, 198, 220, 220, 220, 1441, 1673, 265, 26933, 26069, 62, 397, 62, 70, 7568, 11, 814, 62, 7012, 62, 70, 7568, 11, 16246, 62, 70, 7568, 4357, 8856, 62, 9630, 28, 17821, 11, 3297, 28, 25101, 8, 198 ]
2.214953
2,889
from flask import Blueprint, request, jsonify import pymongo client = pymongo.MongoClient('localhost',27017) db = client.TCGA_Slide_DB dsa = Blueprint('dsa', __name__) @dsa.route('/annotations', methods=['POST','OPTIONS']) @dsa.route('/annotations', methods=['GET','OPTIONS'])
[ 6738, 42903, 1330, 39932, 11, 2581, 11, 33918, 1958, 198, 11748, 279, 4948, 25162, 198, 198, 16366, 796, 279, 4948, 25162, 13, 44, 25162, 11792, 10786, 36750, 3256, 1983, 29326, 8, 198, 9945, 796, 5456, 13, 4825, 9273, 62, 11122, 485, 62, 11012, 198, 9310, 64, 796, 39932, 10786, 9310, 64, 3256, 11593, 3672, 834, 8, 198, 198, 31, 9310, 64, 13, 38629, 10786, 14, 34574, 602, 3256, 5050, 28, 17816, 32782, 41707, 3185, 51, 11053, 6, 12962, 198, 198, 31, 9310, 64, 13, 38629, 10786, 14, 34574, 602, 3256, 5050, 28, 17816, 18851, 41707, 3185, 51, 11053, 6, 12962, 198 ]
2.772277
101
import urllib # make response
[ 11748, 2956, 297, 571, 198, 198, 2, 787, 2882, 198, 220, 220, 220, 220, 198 ]
2.4
15
from unittest import mock from django.urls import reverse from parameterized import parameterized from rest_framework import status from api.applications.models import PartyOnApplication from lite_content.lite_api.strings import PartyErrors from api.parties.enums import PartyType, SubType from api.parties.models import PartyDocument from api.staticdata.countries.helpers import get_country from test_helpers.clients import DataTestClient
[ 6738, 555, 715, 395, 1330, 15290, 198, 198, 6738, 42625, 14208, 13, 6371, 82, 1330, 9575, 198, 6738, 11507, 1143, 1330, 11507, 1143, 198, 6738, 1334, 62, 30604, 1330, 3722, 198, 198, 6738, 40391, 13, 1324, 677, 602, 13, 27530, 1330, 3615, 2202, 23416, 198, 6738, 300, 578, 62, 11299, 13, 36890, 62, 15042, 13, 37336, 1330, 3615, 9139, 5965, 198, 6738, 40391, 13, 3911, 444, 13, 268, 5700, 1330, 3615, 6030, 11, 3834, 6030, 198, 6738, 40391, 13, 3911, 444, 13, 27530, 1330, 3615, 24941, 198, 6738, 40391, 13, 12708, 7890, 13, 9127, 1678, 13, 16794, 364, 1330, 651, 62, 19315, 198, 6738, 1332, 62, 16794, 364, 13, 565, 2334, 1330, 6060, 14402, 11792, 628 ]
3.818966
116
from datetime import datetime theTime = '2019-12-20 10:22:00' theTime = datetime.strptime(theTime, '%Y-%m-%d %H:%M:%S') print(theTime)
[ 6738, 4818, 8079, 1330, 4818, 8079, 198, 198, 1169, 7575, 796, 705, 23344, 12, 1065, 12, 1238, 838, 25, 1828, 25, 405, 6, 198, 1169, 7575, 796, 4818, 8079, 13, 2536, 457, 524, 7, 1169, 7575, 11, 705, 4, 56, 12, 4, 76, 12, 4, 67, 4064, 39, 25, 4, 44, 25, 4, 50, 11537, 198, 4798, 7, 1169, 7575, 8 ]
2.213115
61
import importlib import sys
[ 11748, 1330, 8019, 198, 11748, 25064, 198 ]
4
7
#!C:\Python27\python.exe -u #!/usr/bin/env python import MySQLdb import hashlib import cgi import uuid print "Content-type: text/html" print print """ <html> <head> <meta charset="utf-8"> <meta http-equiv="X-UA-Compatible" content="IE=edge"> <meta name="viewport" content="width=device-width, initial-scale=1"> <title>Ultra Motivator Sign Up</title> <link rel="stylesheet" href="https://maxcdn.bootstrapcdn.com/bootstrap/3.3.1/css/bootstrap.min.css"> <link rel="stylesheet" href="style.css" /> </head> <body> <h1> Ultra Motivator Sign Up </h1> """ form = cgi.FieldStorage() if "username" not in form or "password" not in form or "confirm_password" not in form: print """<h3>Please Sign Up</h3>""" show_signup_ui() else: input_username = form.getvalue("username", "") input_password = form.getvalue("password", "") confirm_password = form.getvalue("confirm_password", "") if input_password != confirm_password: print """<h3>Password Fields Did Not Match!</h3>""" show_signup_ui() else: try: conn = MySQLdb.connect ( host = "my_host", user = "my_user", passwd = "my_password", db = "my_db") cur = conn.cursor() command = "INSERT INTO User(username, password) VALUES(%s,%s)" cur.execute(command, (input_username, hash_password(input_password))) print """<h1>Signed Up As %s</h1>""" % input_username print """<p>"If you want to build a ship, don't drum up the people to gather wood, and don't assign them tasks and work. Instead, teach them to yearn for the vast and endless sea." - Antoine de Saint-Exupery</p>""" except MySQLdb.Error, e: print """<h1>Error %d: %s</h1>""" % (e.args[0], e.args[1]) finally: if cur: cur.close() if conn: conn.close() print """</body></html>"""
[ 2, 0, 34, 7479, 37906, 1983, 59, 29412, 13, 13499, 532, 84, 198, 2, 48443, 14629, 14, 8800, 14, 24330, 21015, 198, 198, 11748, 33476, 9945, 198, 11748, 12234, 8019, 198, 11748, 269, 12397, 198, 11748, 334, 27112, 198, 198, 4798, 366, 19746, 12, 4906, 25, 2420, 14, 6494, 1, 198, 4798, 198, 198, 4798, 37227, 198, 27, 6494, 29, 198, 198, 27, 2256, 29, 198, 27, 28961, 34534, 316, 2625, 40477, 12, 23, 5320, 198, 27, 28961, 2638, 12, 4853, 452, 2625, 55, 12, 34970, 12, 7293, 16873, 1, 2695, 2625, 10008, 28, 14907, 5320, 198, 27, 28961, 1438, 2625, 1177, 634, 1, 2695, 2625, 10394, 28, 25202, 12, 10394, 11, 4238, 12, 9888, 28, 16, 5320, 198, 27, 7839, 29, 36122, 6543, 452, 1352, 5865, 3205, 3556, 7839, 29, 198, 27, 8726, 823, 2625, 47720, 25473, 1, 13291, 2625, 5450, 1378, 9806, 32341, 13, 18769, 26418, 32341, 13, 785, 14, 18769, 26418, 14, 18, 13, 18, 13, 16, 14, 25471, 14, 18769, 26418, 13, 1084, 13, 25471, 5320, 198, 27, 8726, 823, 2625, 47720, 25473, 1, 13291, 2625, 7635, 13, 25471, 1, 11037, 198, 3556, 2256, 29, 198, 198, 27, 2618, 29, 198, 198, 27, 71, 16, 29, 14563, 6543, 452, 1352, 5865, 3205, 7359, 71, 16, 29, 198, 37811, 198, 198, 687, 796, 269, 12397, 13, 15878, 31425, 3419, 198, 198, 361, 366, 29460, 1, 407, 287, 1296, 393, 366, 28712, 1, 407, 287, 1296, 393, 366, 10414, 2533, 62, 28712, 1, 407, 287, 1296, 25, 198, 197, 4798, 37227, 27, 71, 18, 29, 5492, 5865, 3205, 3556, 71, 18, 29, 37811, 198, 197, 12860, 62, 12683, 929, 62, 9019, 3419, 198, 17772, 25, 198, 197, 15414, 62, 29460, 796, 1296, 13, 1136, 8367, 7203, 29460, 1600, 366, 4943, 198, 197, 15414, 62, 28712, 796, 1296, 13, 1136, 8367, 7203, 28712, 1600, 366, 4943, 198, 197, 10414, 2533, 62, 28712, 796, 1296, 13, 1136, 8367, 7203, 10414, 2533, 62, 28712, 1600, 366, 4943, 198, 197, 198, 197, 361, 5128, 62, 28712, 14512, 6216, 62, 28712, 25, 198, 197, 197, 4798, 37227, 27, 71, 18, 29, 35215, 23948, 7731, 1892, 13225, 0, 3556, 71, 18, 29, 37811, 198, 197, 197, 12860, 62, 12683, 929, 62, 9019, 3419, 198, 197, 17772, 25, 198, 197, 197, 28311, 25, 198, 197, 197, 197, 37043, 796, 33476, 9945, 13, 8443, 357, 198, 197, 197, 197, 4774, 796, 366, 1820, 62, 4774, 1600, 198, 197, 197, 197, 7220, 796, 366, 1820, 62, 7220, 1600, 198, 197, 197, 197, 6603, 16993, 796, 366, 1820, 62, 28712, 1600, 198, 197, 197, 197, 9945, 796, 366, 1820, 62, 9945, 4943, 198, 197, 198, 197, 197, 197, 22019, 796, 48260, 13, 66, 21471, 3419, 628, 197, 197, 197, 21812, 796, 366, 20913, 17395, 39319, 11787, 7, 29460, 11, 9206, 8, 26173, 35409, 7, 4, 82, 11, 4, 82, 16725, 198, 197, 197, 197, 22019, 13, 41049, 7, 21812, 11, 357, 15414, 62, 29460, 11, 12234, 62, 28712, 7, 15414, 62, 28712, 22305, 198, 197, 197, 197, 4798, 37227, 27, 71, 16, 29, 50, 3916, 3205, 1081, 4064, 82, 3556, 71, 16, 29, 37811, 4064, 5128, 62, 29460, 198, 197, 197, 197, 4798, 37227, 27, 79, 24618, 1532, 345, 765, 284, 1382, 257, 4074, 11, 836, 470, 13026, 510, 262, 661, 284, 6431, 4898, 11, 290, 836, 470, 8333, 606, 8861, 290, 670, 13, 5455, 11, 4545, 606, 284, 614, 77, 329, 262, 5909, 290, 13079, 5417, 526, 532, 3738, 42722, 390, 9281, 12, 3109, 48568, 88, 3556, 79, 29, 37811, 198, 197, 198, 197, 197, 16341, 33476, 9945, 13, 12331, 11, 304, 25, 198, 197, 197, 197, 4798, 37227, 27, 71, 16, 29, 12331, 4064, 67, 25, 4064, 82, 3556, 71, 16, 29, 37811, 4064, 357, 68, 13, 22046, 58, 15, 4357, 304, 13, 22046, 58, 16, 12962, 198, 197, 197, 69, 3289, 25, 198, 197, 197, 197, 361, 1090, 25, 198, 197, 197, 197, 197, 22019, 13, 19836, 3419, 198, 197, 197, 197, 361, 48260, 25, 198, 197, 197, 197, 197, 37043, 13, 19836, 3419, 198, 197, 4798, 37227, 3556, 2618, 12240, 6494, 29, 37811, 198 ]
2.577941
680
from .reminders import Reminders Default = Reminders
[ 6738, 764, 2787, 29700, 1330, 3982, 29700, 198, 19463, 796, 3982, 29700, 198 ]
4.076923
13
# # Copyright (c) 2013, Prometheus Research, LLC # Released under MIT license, see `LICENSE` for details. # from .check import maybe, oneof, choiceof, listof, tupleof, dictof, raises from .core import Test, Field, Record from .ctl import Control from .load import locate, Location from .run import run, main from .std import BaseCase, MatchCase from .ui import UI, ConsoleUI, SilentUI
[ 2, 198, 2, 15069, 357, 66, 8, 2211, 11, 42696, 4992, 11, 11419, 198, 2, 28728, 739, 17168, 5964, 11, 766, 4600, 43, 2149, 24290, 63, 329, 3307, 13, 198, 2, 628, 198, 6738, 764, 9122, 1330, 3863, 11, 530, 1659, 11, 3572, 1659, 11, 1351, 1659, 11, 46545, 1659, 11, 8633, 1659, 11, 12073, 198, 6738, 764, 7295, 1330, 6208, 11, 7663, 11, 13266, 198, 6738, 764, 34168, 1330, 6779, 198, 6738, 764, 2220, 1330, 17276, 11, 13397, 198, 6738, 764, 5143, 1330, 1057, 11, 1388, 198, 6738, 764, 19282, 1330, 7308, 20448, 11, 13225, 20448, 198, 6738, 764, 9019, 1330, 12454, 11, 24371, 10080, 11, 25083, 10080, 628, 198 ]
3.504505
111
import torch import torch.nn as nn class EvonormPrimitive(nn.Module): """Abstract base class for the evonorm primitive layers """ class PrimitiveAdd(EvonormPrimitive): """ Primitive Add Operation """ class PrimitiveMul(EvonormPrimitive): """Primitive Multiply Operation """ class PrimitiveDiv(EvonormPrimitive): """Primitive Division Operation """ class PrimitiveMax(EvonormPrimitive): """Primitive Max Operation """ class PrimitiveSigmoid(EvonormPrimitive): """Primitive sigmoid Operation """ class PrimitiveNeg(EvonormPrimitive): """Primitive negation operation """ class PrimitiveTanh(EvonormPrimitive): """Primitive tanh operation """ class PrimitiveExp(EvonormPrimitive): """Primitive exp operation """ class PrimitiveLog(EvonormPrimitive): """Primitive log operation """ class PrimitiveAbs(EvonormPrimitive): """Primitive abs operation """ class PrimitiveSquare(EvonormPrimitive): """Primitive square operation """ class PrimitiveSqrt(EvonormPrimitive): """Primitive sqrt operation """ ################### Primitive mean class PrimitiveMeanBWH(EvonormPrimitive): """Primitive mean operation along b, w, h dimensions """ class PrimitiveMeanWHC(EvonormPrimitive): """Primitive mean operation along w, h, c dimensions """ class PrimitiveMeanWH(EvonormPrimitive): """Primitive mean operation along w, h dimensions """ class PrimitiveMeanWHCGrouped(EvonormPrimitive): """Primitive mean operation along w, h, cgrouped dimensions """ ################### Primitive STD class PrimitiveStdBWH(EvonormPrimitive): """Primitive std operation along b, w, h dimensions """ class PrimitiveStdWHC(EvonormPrimitive): """Primitive Std operation along w, h, c dimensions """ class PrimitiveStdWH(EvonormPrimitive): """Primitive Std operation along w, h dimensions """ class PrimitiveStdWHCGrouped(EvonormPrimitive): """Primitive Std operation along w, h, cgrouped dimensions """ ################### Primitive STD Centered class PrimitiveStdcenteredBWH(EvonormPrimitive): """Primitive std centered operation along b, w, h dimensions """ class PrimitivestdcenteredWHC(EvonormPrimitive): """Primitive stdcentered operation along w, h, c dimensions """ class PrimitivestdcenteredWH(EvonormPrimitive): """Primitive stdcentered operation along w, h dimensions """ class PrimitivestdcenteredWHCGrouped(EvonormPrimitive): """Primitive stdcentered operation along w, h, cgrouped dimensions """ PRIMITIVES = [ PrimitiveAdd, PrimitiveMul, PrimitiveDiv, PrimitiveMax, PrimitiveNeg, PrimitiveSigmoid, PrimitiveTanh, PrimitiveExp, PrimitiveLog, PrimitiveAbs, PrimitiveSquare, PrimitiveSqrt, # Aggregate layers [PrimitiveMeanBWH, PrimitiveMeanWHC, PrimitiveMeanWH, PrimitiveMeanWHCGrouped,], [PrimitiveStdBWH, PrimitiveStdWHC, PrimitiveStdWH, PrimitiveStdWHCGrouped,], [PrimitiveStdcenteredBWH, PrimitivestdcenteredWHC, PrimitivestdcenteredWH, PrimitivestdcenteredWHCGrouped] ]
[ 11748, 28034, 198, 11748, 28034, 13, 20471, 355, 299, 77, 198, 198, 4871, 4319, 261, 579, 23828, 1800, 7, 20471, 13, 26796, 2599, 198, 220, 220, 220, 37227, 23839, 2779, 1398, 329, 262, 819, 261, 579, 20049, 11685, 198, 220, 220, 220, 37227, 198, 198, 4871, 11460, 1800, 4550, 7, 15200, 261, 579, 23828, 1800, 2599, 198, 220, 220, 220, 37227, 11460, 1800, 3060, 14680, 198, 220, 220, 220, 37227, 198, 198, 4871, 11460, 1800, 44, 377, 7, 15200, 261, 579, 23828, 1800, 2599, 198, 220, 220, 220, 37227, 23828, 1800, 7854, 541, 306, 14680, 198, 220, 220, 220, 37227, 198, 198, 4871, 11460, 1800, 24095, 7, 15200, 261, 579, 23828, 1800, 2599, 198, 220, 220, 220, 37227, 23828, 1800, 7458, 14680, 198, 220, 220, 220, 37227, 628, 198, 4871, 11460, 1800, 11518, 7, 15200, 261, 579, 23828, 1800, 2599, 198, 220, 220, 220, 37227, 23828, 1800, 5436, 14680, 198, 220, 220, 220, 37227, 198, 198, 4871, 11460, 1800, 50, 17225, 1868, 7, 15200, 261, 579, 23828, 1800, 2599, 198, 220, 220, 220, 37227, 23828, 1800, 264, 17225, 1868, 14680, 198, 220, 220, 220, 37227, 198, 198, 4871, 11460, 1800, 32863, 7, 15200, 261, 579, 23828, 1800, 2599, 198, 220, 220, 220, 37227, 23828, 1800, 2469, 341, 4905, 198, 220, 220, 220, 37227, 198, 198, 4871, 11460, 1800, 45557, 71, 7, 15200, 261, 579, 23828, 1800, 2599, 198, 220, 220, 220, 37227, 23828, 1800, 25706, 71, 4905, 198, 220, 220, 220, 37227, 198, 198, 4871, 11460, 1800, 16870, 7, 15200, 261, 579, 23828, 1800, 2599, 198, 220, 220, 220, 37227, 23828, 1800, 1033, 4905, 198, 220, 220, 220, 37227, 198, 198, 4871, 11460, 1800, 11187, 7, 15200, 261, 579, 23828, 1800, 2599, 198, 220, 220, 220, 37227, 23828, 1800, 2604, 4905, 198, 220, 220, 220, 37227, 198, 198, 4871, 11460, 1800, 24849, 7, 15200, 261, 579, 23828, 1800, 2599, 198, 220, 220, 220, 37227, 23828, 1800, 2352, 4905, 198, 220, 220, 220, 37227, 198, 198, 4871, 11460, 1800, 48011, 7, 15200, 261, 579, 23828, 1800, 2599, 198, 220, 220, 220, 37227, 23828, 1800, 6616, 4905, 198, 220, 220, 220, 37227, 198, 198, 4871, 11460, 1800, 50, 80, 17034, 7, 15200, 261, 579, 23828, 1800, 2599, 198, 220, 220, 220, 37227, 23828, 1800, 19862, 17034, 4905, 198, 220, 220, 220, 37227, 198, 198, 14468, 21017, 11460, 1800, 1612, 198, 198, 4871, 11460, 1800, 5308, 272, 33, 12418, 7, 15200, 261, 579, 23828, 1800, 2599, 198, 220, 220, 220, 37227, 23828, 1800, 1612, 4905, 1863, 275, 11, 266, 11, 289, 15225, 198, 220, 220, 220, 37227, 198, 198, 4871, 11460, 1800, 5308, 272, 12418, 34, 7, 15200, 261, 579, 23828, 1800, 2599, 198, 220, 220, 220, 37227, 23828, 1800, 1612, 4905, 1863, 266, 11, 289, 11, 269, 15225, 198, 220, 220, 220, 37227, 198, 198, 4871, 11460, 1800, 5308, 272, 12418, 7, 15200, 261, 579, 23828, 1800, 2599, 198, 220, 220, 220, 37227, 23828, 1800, 1612, 4905, 1863, 266, 11, 289, 15225, 198, 220, 220, 220, 37227, 198, 198, 4871, 11460, 1800, 5308, 272, 12418, 34, 13247, 276, 7, 15200, 261, 579, 23828, 1800, 2599, 198, 220, 220, 220, 37227, 23828, 1800, 1612, 4905, 1863, 266, 11, 289, 11, 269, 8094, 276, 15225, 198, 220, 220, 220, 37227, 628, 198, 14468, 21017, 11460, 1800, 48571, 198, 198, 4871, 11460, 1800, 1273, 36077, 12418, 7, 15200, 261, 579, 23828, 1800, 2599, 198, 220, 220, 220, 37227, 23828, 1800, 14367, 4905, 1863, 275, 11, 266, 11, 289, 15225, 198, 220, 220, 220, 37227, 198, 198, 4871, 11460, 1800, 1273, 67, 12418, 34, 7, 15200, 261, 579, 23828, 1800, 2599, 198, 220, 220, 220, 37227, 23828, 1800, 520, 67, 4905, 1863, 266, 11, 289, 11, 269, 15225, 198, 220, 220, 220, 37227, 198, 198, 4871, 11460, 1800, 1273, 67, 12418, 7, 15200, 261, 579, 23828, 1800, 2599, 198, 220, 220, 220, 37227, 23828, 1800, 520, 67, 4905, 1863, 266, 11, 289, 15225, 198, 220, 220, 220, 37227, 198, 198, 4871, 11460, 1800, 1273, 67, 12418, 34, 13247, 276, 7, 15200, 261, 579, 23828, 1800, 2599, 198, 220, 220, 220, 37227, 23828, 1800, 520, 67, 4905, 1863, 266, 11, 289, 11, 269, 8094, 276, 15225, 198, 220, 220, 220, 37227, 198, 198, 14468, 21017, 11460, 1800, 48571, 1979, 1068, 198, 198, 4871, 11460, 1800, 1273, 67, 38050, 33, 12418, 7, 15200, 261, 579, 23828, 1800, 2599, 198, 220, 220, 220, 37227, 23828, 1800, 14367, 19254, 4905, 1863, 275, 11, 266, 11, 289, 15225, 198, 220, 220, 220, 37227, 198, 198, 4871, 11460, 270, 452, 395, 67, 38050, 12418, 34, 7, 15200, 261, 579, 23828, 1800, 2599, 198, 220, 220, 220, 37227, 23828, 1800, 14367, 38050, 4905, 1863, 266, 11, 289, 11, 269, 15225, 198, 220, 220, 220, 37227, 198, 198, 4871, 11460, 270, 452, 395, 67, 38050, 12418, 7, 15200, 261, 579, 23828, 1800, 2599, 198, 220, 220, 220, 37227, 23828, 1800, 14367, 38050, 4905, 1863, 266, 11, 289, 15225, 198, 220, 220, 220, 37227, 198, 198, 4871, 11460, 270, 452, 395, 67, 38050, 12418, 34, 13247, 276, 7, 15200, 261, 579, 23828, 1800, 2599, 198, 220, 220, 220, 37227, 23828, 1800, 14367, 38050, 4905, 1863, 266, 11, 289, 11, 269, 8094, 276, 15225, 198, 220, 220, 220, 37227, 628, 198, 4805, 3955, 2043, 42472, 796, 685, 198, 220, 220, 220, 11460, 1800, 4550, 11, 198, 220, 220, 220, 11460, 1800, 44, 377, 11, 198, 220, 220, 220, 11460, 1800, 24095, 11, 198, 220, 220, 220, 11460, 1800, 11518, 11, 198, 220, 220, 220, 11460, 1800, 32863, 11, 198, 220, 220, 220, 11460, 1800, 50, 17225, 1868, 11, 198, 220, 220, 220, 11460, 1800, 45557, 71, 11, 198, 220, 220, 220, 11460, 1800, 16870, 11, 198, 220, 220, 220, 11460, 1800, 11187, 11, 198, 220, 220, 220, 11460, 1800, 24849, 11, 198, 220, 220, 220, 11460, 1800, 48011, 11, 198, 220, 220, 220, 11460, 1800, 50, 80, 17034, 11, 628, 220, 220, 220, 1303, 19015, 49373, 11685, 198, 220, 220, 220, 685, 23828, 1800, 5308, 272, 33, 12418, 11, 198, 220, 220, 220, 11460, 1800, 5308, 272, 12418, 34, 11, 198, 220, 220, 220, 11460, 1800, 5308, 272, 12418, 11, 198, 220, 220, 220, 11460, 1800, 5308, 272, 12418, 34, 13247, 276, 11, 4357, 628, 220, 220, 220, 685, 23828, 1800, 1273, 36077, 12418, 11, 198, 220, 220, 220, 11460, 1800, 1273, 67, 12418, 34, 11, 198, 220, 220, 220, 11460, 1800, 1273, 67, 12418, 11, 198, 220, 220, 220, 11460, 1800, 1273, 67, 12418, 34, 13247, 276, 11, 4357, 628, 220, 220, 220, 685, 23828, 1800, 1273, 67, 38050, 33, 12418, 11, 198, 220, 220, 220, 11460, 270, 452, 395, 67, 38050, 12418, 34, 11, 198, 220, 220, 220, 11460, 270, 452, 395, 67, 38050, 12418, 11, 198, 220, 220, 220, 11460, 270, 452, 395, 67, 38050, 12418, 34, 13247, 276, 60, 198, 60, 198 ]
2.817699
1,130
import spotipy from spotipy.oauth2 import SpotifyClientCredentials from dotenv import load_dotenv load_dotenv() lz_uri = 'spotify:artist:36QJpDe2go2KgaRleHCDTp' client_credentials_manager = SpotifyClientCredentials(client_id='CLIENT_ID', client_secret='CLIENT_SECRET') spotify = spotipy.Spotify(client_credentials_manager=client_credentials_manager) results = spotify.artist_top_tracks(lz_uri) for track in results['tracks'][:10]: print('track : ' + track['name']) print('audio : ' + track['preview_url']) print('cover art: ' + track['album']['images'][0]['url']) print()
[ 11748, 4136, 541, 88, 198, 6738, 4136, 541, 88, 13, 12162, 1071, 17, 1330, 26778, 11792, 34, 445, 14817, 198, 6738, 16605, 24330, 1330, 3440, 62, 26518, 24330, 198, 198, 2220, 62, 26518, 24330, 3419, 198, 198, 75, 89, 62, 9900, 796, 705, 20485, 1958, 25, 49016, 25, 2623, 48, 41, 79, 5005, 17, 2188, 17, 42, 4908, 49, 293, 39, 8610, 51, 79, 6, 198, 198, 16366, 62, 66, 445, 14817, 62, 37153, 796, 26778, 11792, 34, 445, 14817, 7, 16366, 62, 312, 11639, 5097, 28495, 62, 2389, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5456, 62, 21078, 11639, 5097, 28495, 62, 23683, 26087, 11537, 198, 20485, 1958, 796, 4136, 541, 88, 13, 32565, 1958, 7, 16366, 62, 66, 445, 14817, 62, 37153, 28, 16366, 62, 66, 445, 14817, 62, 37153, 8, 198, 198, 43420, 796, 4136, 1958, 13, 49016, 62, 4852, 62, 46074, 7, 75, 89, 62, 9900, 8, 198, 198, 1640, 2610, 287, 2482, 17816, 46074, 6, 7131, 25, 940, 5974, 198, 220, 220, 220, 3601, 10786, 11659, 220, 220, 220, 1058, 705, 1343, 2610, 17816, 3672, 6, 12962, 198, 220, 220, 220, 3601, 10786, 24051, 220, 220, 220, 1058, 705, 1343, 2610, 17816, 3866, 1177, 62, 6371, 6, 12962, 198, 220, 220, 220, 3601, 10786, 9631, 1242, 25, 705, 1343, 2610, 17816, 40916, 6, 7131, 6, 17566, 6, 7131, 15, 7131, 6, 6371, 6, 12962, 198, 220, 220, 220, 3601, 3419, 198 ]
2.371747
269
import logging
[ 11748, 18931, 628, 198 ]
4.25
4
# Copyright 2010-2016, Google Inc. # All rights reserved. # # Redistribution and use in source and binary forms, with or without # modification, are permitted provided that the following conditions are # met: # # * Redistributions of source code must retain the above copyright # notice, this list of conditions and the following disclaimer. # * Redistributions in binary form must reproduce the above # copyright notice, this list of conditions and the following disclaimer # in the documentation and/or other materials provided with the # distribution. # * Neither the name of Google Inc. nor the names of its # contributors may be used to endorse or promote products derived from # this software without specific prior written permission. # # THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS # "AS IS" AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT # LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR # A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL THE COPYRIGHT # OWNER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, # SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT # LIMITED TO, PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, # DATA, OR PROFITS; OR BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY # THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT # (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE # OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. # This build file is expected to be used on Windows only. { 'variables': { 'relative_dir': 'win32/base', 'gen_out_dir': '<(SHARED_INTERMEDIATE_DIR)/<(relative_dir)', }, 'targets': [ { 'target_name': 'win32_base_dummy', 'type': 'none', 'sources': [ # empty ], }, ], 'conditions': [ ['OS=="win"', { # TODO(yukawa): Refactor following targets when the implementation of # TSF Mozc is completed. 'targets': [ { 'target_name': 'input_dll_import_lib', 'type': 'shared_library', 'sources': [ 'input_dll.cc', 'input_dll.def', ], 'dependencies': [ '../../base/base.gyp:base', ], 'msvs_settings': { 'VCLinkerTool': { 'AdditionalOptions': [ '/ignore:4070', ], }, }, }, { 'target_name': 'imframework_util', 'type': 'static_library', 'sources': [ 'imm_reconvert_string.cc', 'imm_registrar.cc', 'imm_util.cc', 'keyboard_layout_id.cc', 'tsf_profile.cc', 'tsf_registrar.cc', ], 'dependencies': [ '../../base/base.gyp:base', 'input_dll_import_lib', ], }, { 'target_name': 'imframework_util_test', 'type': 'executable', 'sources': [ 'imm_reconvert_string_test.cc', 'input_dll_test.cc', 'keyboard_layout_id_test.cc', ], 'dependencies': [ '../../base/base.gyp:base', '../../protocol/protocol.gyp:commands_proto', '../../testing/testing.gyp:gtest_main', 'imframework_util', ], 'variables': { 'test_size': 'small', }, }, { 'target_name': 'ime_impl_base', 'type': 'static_library', 'sources': [ 'accessible_object.cc', 'accessible_object_info.cc', 'browser_info.cc', 'config_snapshot.cc', 'conversion_mode_util.cc', 'deleter.cc', 'focus_hierarchy_observer.cc', 'indicator_visibility_tracker.cc', 'input_state.cc', 'keyboard.cc', 'keyevent_handler.cc', 'string_util.cc', 'surrogate_pair_observer.cc', 'win32_window_util.cc', ], 'dependencies': [ '../../base/base.gyp:base', '../../config/config.gyp:config_handler', '../../protocol/protocol.gyp:commands_proto', '../../protocol/protocol.gyp:config_proto', '../../session/session_base.gyp:key_info_util', '../../session/session_base.gyp:output_util', ], 'link_settings': { 'msvs_settings': { 'VCLinkerTool': { 'AdditionalDependencies': [ 'oleacc.lib', ], }, }, }, }, { 'target_name': 'ime_impl_base_test', 'type': 'executable', 'sources': [ 'conversion_mode_util_test.cc', 'deleter_test.cc', 'indicator_visibility_tracker_test.cc', 'keyboard_test.cc', 'keyevent_handler_test.cc', 'string_util_test.cc', 'surrogate_pair_observer_test.cc', ], 'dependencies': [ '../../base/base_test.gyp:clock_mock', '../../client/client.gyp:client', '../../testing/testing.gyp:gtest_main', 'ime_impl_base', ], }, { 'target_name': 'ime_base', 'type': 'static_library', 'sources': [ 'migration_util.cc', 'uninstall_helper.cc', ], 'conditions': [ ['branding=="GoogleJapaneseInput"', { 'sources': [ 'omaha_util.cc', ], }], ], 'dependencies': [ '../../base/base.gyp:base', 'imframework_util', ], }, { 'target_name': 'win32_base_test', 'type': 'executable', 'sources': [ 'uninstall_helper_test.cc', ], 'dependencies': [ '../../base/base.gyp:base', '../../protocol/protocol.gyp:commands_proto', '../../testing/testing.gyp:gtest_main', 'ime_base', ], 'conditions': [ ['branding=="GoogleJapaneseInput"', { 'sources': [ 'omaha_util_test.cc', ], }], ], 'variables': { 'test_size': 'small', }, }, { 'target_name': 'text_icon', 'type': 'static_library', 'sources': [ 'text_icon.cc', ], 'dependencies': [ '../../base/base.gyp:base', ], }, { 'target_name': 'text_icon_test', 'type': 'executable', 'sources': [ 'text_icon_test.cc', ], 'dependencies': [ '../../base/base.gyp:win_font_test_helper', '../../testing/testing.gyp:gtest_main', 'text_icon', ], }, { 'target_name': 'win32_file_verifier', 'type': 'static_library', 'sources': [ 'file_verifier.cc', ], 'dependencies': [ '../../base/base.gyp:base', ], 'link_settings': { 'msvs_settings': { 'VCLinkerTool': { 'AdditionalDependencies': [ 'crypt32.lib', 'imagehlp.lib', 'wintrust.lib', ], 'DelayLoadDLLs': [ 'imagehlp.dll', 'wintrust.dll', ], }, }, }, }, { 'target_name': 'win32_file_verifier_test', 'type': 'executable', 'sources': [ 'file_verifier_test.cc', ], 'dependencies': [ '../../testing/testing.gyp:gtest_main', '../../testing/testing.gyp:mozctest', 'win32_file_verifier', ], 'variables': { 'test_size': 'small', # Copy the test data for character set test. 'test_data_subdir': 'data/test/win32/integrity', 'test_data': [ '../../<(test_data_subdir)/mozc_test_binary.exe', '../../<(test_data_subdir)/mozc_test_binary_modified.exe', '../../<(test_data_subdir)/mozc_test_binary_modified_signed.exe', '../../<(test_data_subdir)/mozc_test_binary_no_checksum.exe', '../../<(test_data_subdir)/mozc_test_binary_signed.exe', ], }, 'includes': [ '../../gyp/install_testdata.gypi' ], }, ], }], ], 'targets': [ # Test cases meta target: this target is referred from gyp/tests.gyp { 'target_name': 'win32_base_all_test', 'type': 'none', 'conditions': [ ['OS=="win"', { 'dependencies': [ 'ime_impl_base_test', 'imframework_util_test', 'win32_base_test', 'win32_file_verifier_test', ], }], ], }, ], }
[ 2, 15069, 3050, 12, 5304, 11, 3012, 3457, 13, 198, 2, 1439, 2489, 10395, 13, 198, 2, 198, 2, 2297, 396, 3890, 290, 779, 287, 2723, 290, 13934, 5107, 11, 351, 393, 1231, 198, 2, 17613, 11, 389, 10431, 2810, 326, 262, 1708, 3403, 389, 198, 2, 1138, 25, 198, 2, 198, 2, 220, 220, 220, 220, 1635, 2297, 396, 2455, 507, 286, 2723, 2438, 1276, 12377, 262, 2029, 6634, 198, 2, 4003, 11, 428, 1351, 286, 3403, 290, 262, 1708, 37592, 13, 198, 2, 220, 220, 220, 220, 1635, 2297, 396, 2455, 507, 287, 13934, 1296, 1276, 22919, 262, 2029, 198, 2, 6634, 4003, 11, 428, 1351, 286, 3403, 290, 262, 1708, 37592, 198, 2, 287, 262, 10314, 290, 14, 273, 584, 5696, 2810, 351, 262, 198, 2, 6082, 13, 198, 2, 220, 220, 220, 220, 1635, 16126, 262, 1438, 286, 3012, 3457, 13, 4249, 262, 3891, 286, 663, 198, 2, 20420, 743, 307, 973, 284, 11438, 393, 7719, 3186, 10944, 422, 198, 2, 428, 3788, 1231, 2176, 3161, 3194, 7170, 13, 198, 2, 198, 2, 12680, 47466, 3180, 36592, 2389, 1961, 11050, 3336, 27975, 38162, 9947, 367, 15173, 4877, 5357, 27342, 9865, 3843, 20673, 198, 2, 366, 1921, 3180, 1, 5357, 15529, 7788, 32761, 6375, 8959, 49094, 34764, 11015, 11, 47783, 2751, 11, 21728, 5626, 198, 2, 40880, 5390, 11, 3336, 8959, 49094, 34764, 11015, 3963, 34482, 3398, 1565, 5603, 25382, 5357, 376, 46144, 7473, 198, 2, 317, 16652, 2149, 37232, 33079, 48933, 15986, 13954, 48778, 1961, 13, 3268, 8005, 49261, 50163, 3336, 27975, 38162, 9947, 198, 2, 47210, 21479, 6375, 27342, 9865, 3843, 20673, 9348, 43031, 19146, 7473, 15529, 42242, 11, 3268, 17931, 23988, 11, 19387, 25256, 1847, 11, 198, 2, 38846, 11, 7788, 3620, 6489, 13153, 11, 6375, 7102, 5188, 10917, 3525, 12576, 29506, 25552, 357, 1268, 39149, 2751, 11, 21728, 5626, 198, 2, 40880, 5390, 11, 41755, 11335, 10979, 3963, 28932, 2257, 2043, 37780, 21090, 50, 6375, 49254, 26, 406, 18420, 3963, 23210, 11, 198, 2, 42865, 11, 6375, 4810, 19238, 29722, 26, 6375, 43949, 44180, 23255, 49, 8577, 24131, 8, 29630, 36, 5959, 7257, 2937, 1961, 5357, 6177, 15529, 198, 2, 3336, 15513, 3963, 43031, 25382, 11, 7655, 2767, 16879, 3268, 27342, 10659, 11, 19269, 18379, 43031, 25382, 11, 6375, 309, 9863, 198, 2, 357, 1268, 39149, 2751, 399, 7156, 43, 3528, 18310, 6375, 25401, 54, 24352, 8, 5923, 1797, 2751, 3268, 15529, 34882, 16289, 3963, 3336, 23210, 198, 2, 3963, 12680, 47466, 11, 45886, 16876, 5984, 29817, 1961, 3963, 3336, 28069, 11584, 25382, 3963, 13558, 3398, 29506, 11879, 13, 198, 198, 2, 770, 1382, 2393, 318, 2938, 284, 307, 973, 319, 3964, 691, 13, 198, 90, 198, 220, 705, 25641, 2977, 10354, 1391, 198, 220, 220, 220, 705, 43762, 62, 15908, 10354, 705, 5404, 2624, 14, 8692, 3256, 198, 220, 220, 220, 705, 5235, 62, 448, 62, 15908, 10354, 705, 27, 7, 9693, 1503, 1961, 62, 41358, 30733, 40, 6158, 62, 34720, 20679, 27, 7, 43762, 62, 15908, 8, 3256, 198, 220, 8964, 198, 220, 705, 83, 853, 1039, 10354, 685, 198, 220, 220, 220, 1391, 198, 220, 220, 220, 220, 220, 705, 16793, 62, 3672, 10354, 705, 5404, 2624, 62, 8692, 62, 67, 13513, 3256, 198, 220, 220, 220, 220, 220, 705, 4906, 10354, 705, 23108, 3256, 198, 220, 220, 220, 220, 220, 705, 82, 2203, 10354, 685, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 6565, 198, 220, 220, 220, 220, 220, 16589, 198, 220, 220, 220, 8964, 198, 220, 16589, 198, 220, 705, 17561, 1756, 10354, 685, 198, 220, 220, 220, 37250, 2640, 855, 1, 5404, 1, 3256, 1391, 198, 220, 220, 220, 220, 220, 1303, 16926, 46, 7, 88, 2724, 6909, 2599, 6524, 11218, 1708, 6670, 618, 262, 7822, 286, 198, 220, 220, 220, 220, 220, 1303, 220, 220, 220, 220, 309, 20802, 28036, 66, 318, 5668, 13, 198, 220, 220, 220, 220, 220, 705, 83, 853, 1039, 10354, 685, 198, 220, 220, 220, 220, 220, 220, 220, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 16793, 62, 3672, 10354, 705, 15414, 62, 12736, 62, 11748, 62, 8019, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 4906, 10354, 705, 28710, 62, 32016, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 82, 2203, 10354, 685, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 15414, 62, 12736, 13, 535, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 15414, 62, 12736, 13, 4299, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 16589, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 45841, 3976, 10354, 685, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 40720, 40720, 8692, 14, 8692, 13, 1360, 79, 25, 8692, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 16589, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 907, 14259, 62, 33692, 10354, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 53, 5097, 24275, 25391, 10354, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 17699, 29046, 10354, 685, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 31051, 46430, 25, 1821, 2154, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 16589, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8964, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8964, 198, 220, 220, 220, 220, 220, 220, 220, 8964, 198, 220, 220, 220, 220, 220, 220, 220, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 16793, 62, 3672, 10354, 705, 320, 30604, 62, 22602, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 4906, 10354, 705, 12708, 62, 32016, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 82, 2203, 10354, 685, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 8608, 62, 260, 1102, 1851, 62, 8841, 13, 535, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 8608, 62, 2301, 396, 20040, 13, 535, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 8608, 62, 22602, 13, 535, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 2539, 3526, 62, 39786, 62, 312, 13, 535, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 912, 69, 62, 13317, 13, 535, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 912, 69, 62, 2301, 396, 20040, 13, 535, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 16589, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 45841, 3976, 10354, 685, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 40720, 40720, 8692, 14, 8692, 13, 1360, 79, 25, 8692, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 15414, 62, 12736, 62, 11748, 62, 8019, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 16589, 198, 220, 220, 220, 220, 220, 220, 220, 8964, 198, 220, 220, 220, 220, 220, 220, 220, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 16793, 62, 3672, 10354, 705, 320, 30604, 62, 22602, 62, 9288, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 4906, 10354, 705, 18558, 18187, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 82, 2203, 10354, 685, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 8608, 62, 260, 1102, 1851, 62, 8841, 62, 9288, 13, 535, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 15414, 62, 12736, 62, 9288, 13, 535, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 2539, 3526, 62, 39786, 62, 312, 62, 9288, 13, 535, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 16589, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 45841, 3976, 10354, 685, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 40720, 40720, 8692, 14, 8692, 13, 1360, 79, 25, 8692, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 40720, 40720, 11235, 4668, 14, 11235, 4668, 13, 1360, 79, 25, 9503, 1746, 62, 1676, 1462, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 40720, 40720, 33407, 14, 33407, 13, 1360, 79, 25, 70, 9288, 62, 12417, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 320, 30604, 62, 22602, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 16589, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 25641, 2977, 10354, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 9288, 62, 7857, 10354, 705, 17470, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8964, 198, 220, 220, 220, 220, 220, 220, 220, 8964, 198, 220, 220, 220, 220, 220, 220, 220, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 16793, 62, 3672, 10354, 705, 524, 62, 23928, 62, 8692, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 4906, 10354, 705, 12708, 62, 32016, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 82, 2203, 10354, 685, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 33780, 62, 15252, 13, 535, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 33780, 62, 15252, 62, 10951, 13, 535, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 40259, 62, 10951, 13, 535, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 11250, 62, 45380, 9442, 13, 535, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 1102, 9641, 62, 14171, 62, 22602, 13, 535, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 2934, 293, 353, 13, 535, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 37635, 62, 71, 959, 9282, 62, 672, 15388, 13, 535, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 521, 26407, 62, 4703, 2247, 62, 2213, 10735, 13, 535, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 15414, 62, 5219, 13, 535, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 2539, 3526, 13, 535, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 2539, 15596, 62, 30281, 13, 535, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 8841, 62, 22602, 13, 535, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 11793, 3828, 378, 62, 24874, 62, 672, 15388, 13, 535, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 5404, 2624, 62, 17497, 62, 22602, 13, 535, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 16589, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 45841, 3976, 10354, 685, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 40720, 40720, 8692, 14, 8692, 13, 1360, 79, 25, 8692, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 40720, 40720, 11250, 14, 11250, 13, 1360, 79, 25, 11250, 62, 30281, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 40720, 40720, 11235, 4668, 14, 11235, 4668, 13, 1360, 79, 25, 9503, 1746, 62, 1676, 1462, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 40720, 40720, 11235, 4668, 14, 11235, 4668, 13, 1360, 79, 25, 11250, 62, 1676, 1462, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 40720, 40720, 29891, 14, 29891, 62, 8692, 13, 1360, 79, 25, 2539, 62, 10951, 62, 22602, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 40720, 40720, 29891, 14, 29891, 62, 8692, 13, 1360, 79, 25, 22915, 62, 22602, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 16589, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 8726, 62, 33692, 10354, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 907, 14259, 62, 33692, 10354, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 53, 5097, 24275, 25391, 10354, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 17699, 35, 2690, 3976, 10354, 685, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 2305, 4134, 13, 8019, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 16589, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8964, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8964, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8964, 198, 220, 220, 220, 220, 220, 220, 220, 8964, 198, 220, 220, 220, 220, 220, 220, 220, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 16793, 62, 3672, 10354, 705, 524, 62, 23928, 62, 8692, 62, 9288, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 4906, 10354, 705, 18558, 18187, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 82, 2203, 10354, 685, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 1102, 9641, 62, 14171, 62, 22602, 62, 9288, 13, 535, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 2934, 293, 353, 62, 9288, 13, 535, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 521, 26407, 62, 4703, 2247, 62, 2213, 10735, 62, 9288, 13, 535, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 2539, 3526, 62, 9288, 13, 535, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 2539, 15596, 62, 30281, 62, 9288, 13, 535, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 8841, 62, 22602, 62, 9288, 13, 535, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 11793, 3828, 378, 62, 24874, 62, 672, 15388, 62, 9288, 13, 535, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 16589, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 45841, 3976, 10354, 685, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 40720, 40720, 8692, 14, 8692, 62, 9288, 13, 1360, 79, 25, 15750, 62, 76, 735, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 40720, 40720, 16366, 14, 16366, 13, 1360, 79, 25, 16366, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 40720, 40720, 33407, 14, 33407, 13, 1360, 79, 25, 70, 9288, 62, 12417, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 524, 62, 23928, 62, 8692, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 16589, 198, 220, 220, 220, 220, 220, 220, 220, 8964, 198, 220, 220, 220, 220, 220, 220, 220, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 16793, 62, 3672, 10354, 705, 524, 62, 8692, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 4906, 10354, 705, 12708, 62, 32016, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 82, 2203, 10354, 685, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 76, 4254, 62, 22602, 13, 535, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 403, 17350, 62, 2978, 525, 13, 535, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 16589, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 17561, 1756, 10354, 685, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 37250, 17938, 278, 855, 1, 11708, 25324, 20560, 1, 3256, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 82, 2203, 10354, 685, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 296, 12236, 62, 22602, 13, 535, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 16589, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1782, 4357, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 16589, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 45841, 3976, 10354, 685, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 40720, 40720, 8692, 14, 8692, 13, 1360, 79, 25, 8692, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 320, 30604, 62, 22602, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 16589, 198, 220, 220, 220, 220, 220, 220, 220, 8964, 198, 220, 220, 220, 220, 220, 220, 220, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 16793, 62, 3672, 10354, 705, 5404, 2624, 62, 8692, 62, 9288, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 4906, 10354, 705, 18558, 18187, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 82, 2203, 10354, 685, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 403, 17350, 62, 2978, 525, 62, 9288, 13, 535, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 16589, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 45841, 3976, 10354, 685, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 40720, 40720, 8692, 14, 8692, 13, 1360, 79, 25, 8692, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 40720, 40720, 11235, 4668, 14, 11235, 4668, 13, 1360, 79, 25, 9503, 1746, 62, 1676, 1462, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 40720, 40720, 33407, 14, 33407, 13, 1360, 79, 25, 70, 9288, 62, 12417, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 524, 62, 8692, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 16589, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 17561, 1756, 10354, 685, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 37250, 17938, 278, 855, 1, 11708, 25324, 20560, 1, 3256, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 82, 2203, 10354, 685, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 296, 12236, 62, 22602, 62, 9288, 13, 535, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 16589, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1782, 4357, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 16589, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 25641, 2977, 10354, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 9288, 62, 7857, 10354, 705, 17470, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8964, 198, 220, 220, 220, 220, 220, 220, 220, 8964, 198, 220, 220, 220, 220, 220, 220, 220, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 16793, 62, 3672, 10354, 705, 5239, 62, 4749, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 4906, 10354, 705, 12708, 62, 32016, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 82, 2203, 10354, 685, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 5239, 62, 4749, 13, 535, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 16589, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 45841, 3976, 10354, 685, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 40720, 40720, 8692, 14, 8692, 13, 1360, 79, 25, 8692, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 16589, 198, 220, 220, 220, 220, 220, 220, 220, 8964, 198, 220, 220, 220, 220, 220, 220, 220, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 16793, 62, 3672, 10354, 705, 5239, 62, 4749, 62, 9288, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 4906, 10354, 705, 18558, 18187, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 82, 2203, 10354, 685, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 5239, 62, 4749, 62, 9288, 13, 535, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 16589, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 45841, 3976, 10354, 685, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 40720, 40720, 8692, 14, 8692, 13, 1360, 79, 25, 5404, 62, 10331, 62, 9288, 62, 2978, 525, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 40720, 40720, 33407, 14, 33407, 13, 1360, 79, 25, 70, 9288, 62, 12417, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 5239, 62, 4749, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 16589, 198, 220, 220, 220, 220, 220, 220, 220, 8964, 198, 220, 220, 220, 220, 220, 220, 220, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 16793, 62, 3672, 10354, 705, 5404, 2624, 62, 7753, 62, 332, 7483, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 4906, 10354, 705, 12708, 62, 32016, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 82, 2203, 10354, 685, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 7753, 62, 332, 7483, 13, 535, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 16589, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 45841, 3976, 10354, 685, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 40720, 40720, 8692, 14, 8692, 13, 1360, 79, 25, 8692, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 16589, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 8726, 62, 33692, 10354, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 907, 14259, 62, 33692, 10354, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 53, 5097, 24275, 25391, 10354, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 17699, 35, 2690, 3976, 10354, 685, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 29609, 2624, 13, 8019, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 9060, 18519, 79, 13, 8019, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 86, 600, 11469, 13, 8019, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 16589, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 13856, 323, 8912, 35, 3069, 82, 10354, 685, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 9060, 18519, 79, 13, 12736, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 86, 600, 11469, 13, 12736, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 16589, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8964, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8964, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8964, 198, 220, 220, 220, 220, 220, 220, 220, 8964, 198, 220, 220, 220, 220, 220, 220, 220, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 16793, 62, 3672, 10354, 705, 5404, 2624, 62, 7753, 62, 332, 7483, 62, 9288, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 4906, 10354, 705, 18558, 18187, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 82, 2203, 10354, 685, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 7753, 62, 332, 7483, 62, 9288, 13, 535, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 16589, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 45841, 3976, 10354, 685, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 40720, 40720, 33407, 14, 33407, 13, 1360, 79, 25, 70, 9288, 62, 12417, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 40720, 40720, 33407, 14, 33407, 13, 1360, 79, 25, 5908, 89, 310, 395, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 5404, 2624, 62, 7753, 62, 332, 7483, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 16589, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 25641, 2977, 10354, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 9288, 62, 7857, 10354, 705, 17470, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 17393, 262, 1332, 1366, 329, 2095, 900, 1332, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 9288, 62, 7890, 62, 7266, 15908, 10354, 705, 7890, 14, 9288, 14, 5404, 2624, 14, 18908, 10138, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 9288, 62, 7890, 10354, 685, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 40720, 40720, 27, 7, 9288, 62, 7890, 62, 7266, 15908, 20679, 5908, 89, 66, 62, 9288, 62, 39491, 13, 13499, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 40720, 40720, 27, 7, 9288, 62, 7890, 62, 7266, 15908, 20679, 5908, 89, 66, 62, 9288, 62, 39491, 62, 41771, 13, 13499, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 40720, 40720, 27, 7, 9288, 62, 7890, 62, 7266, 15908, 20679, 5908, 89, 66, 62, 9288, 62, 39491, 62, 41771, 62, 32696, 13, 13499, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 40720, 40720, 27, 7, 9288, 62, 7890, 62, 7266, 15908, 20679, 5908, 89, 66, 62, 9288, 62, 39491, 62, 3919, 62, 42116, 388, 13, 13499, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 40720, 40720, 27, 7, 9288, 62, 7890, 62, 7266, 15908, 20679, 5908, 89, 66, 62, 9288, 62, 39491, 62, 32696, 13, 13499, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 16589, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8964, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 42813, 10354, 685, 705, 40720, 40720, 1360, 79, 14, 17350, 62, 9288, 7890, 13, 1360, 14415, 6, 16589, 198, 220, 220, 220, 220, 220, 220, 220, 8964, 198, 220, 220, 220, 220, 220, 16589, 198, 220, 220, 220, 1782, 4357, 198, 220, 16589, 198, 220, 705, 83, 853, 1039, 10354, 685, 198, 220, 220, 220, 1303, 6208, 2663, 13634, 2496, 25, 428, 2496, 318, 6412, 422, 308, 4464, 14, 41989, 13, 1360, 79, 198, 220, 220, 220, 1391, 198, 220, 220, 220, 220, 220, 705, 16793, 62, 3672, 10354, 705, 5404, 2624, 62, 8692, 62, 439, 62, 9288, 3256, 198, 220, 220, 220, 220, 220, 705, 4906, 10354, 705, 23108, 3256, 198, 220, 220, 220, 220, 220, 705, 17561, 1756, 10354, 685, 198, 220, 220, 220, 220, 220, 220, 220, 37250, 2640, 855, 1, 5404, 1, 3256, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 45841, 3976, 10354, 685, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 524, 62, 23928, 62, 8692, 62, 9288, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 320, 30604, 62, 22602, 62, 9288, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 5404, 2624, 62, 8692, 62, 9288, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 5404, 2624, 62, 7753, 62, 332, 7483, 62, 9288, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 16589, 198, 220, 220, 220, 220, 220, 220, 220, 1782, 4357, 198, 220, 220, 220, 220, 220, 16589, 198, 220, 220, 220, 8964, 198, 220, 16589, 198, 92, 198 ]
1.848193
4,980
from ..graph import Arc, ArcType, Node, NodeType, Graph, GraphType, GraphSet from ..gcn import GCN import tensorflow as tf import numpy as np tf.compat.v1.disable_eager_execution()
[ 6738, 11485, 34960, 1330, 10173, 11, 10173, 6030, 11, 19081, 11, 19081, 6030, 11, 29681, 11, 29681, 6030, 11, 29681, 7248, 198, 6738, 11485, 70, 31522, 1330, 20145, 45, 198, 198, 11748, 11192, 273, 11125, 355, 48700, 198, 11748, 299, 32152, 355, 45941, 198, 198, 27110, 13, 5589, 265, 13, 85, 16, 13, 40223, 62, 68, 3536, 62, 18558, 1009, 3419, 628, 628, 628, 198 ]
2.907692
65
#!/usr/bin/env python #----------------------------------------------------------------------- # twitter-user-search # - performs a search for users matching a certain query #----------------------------------------------------------------------- from twitter import * #----------------------------------------------------------------------- # load our API credentials #----------------------------------------------------------------------- import sys sys.path.append(".") import config #----------------------------------------------------------------------- # create twitter API object #----------------------------------------------------------------------- twitter = Twitter(auth = OAuth(config.access_key, config.access_secret, config.consumer_key, config.consumer_secret)) #----------------------------------------------------------------------- # perform a user search # twitter API docs: https://dev.twitter.com/rest/reference/get/users/search #----------------------------------------------------------------------- results = twitter.users.search(q = '"New Cross"') #----------------------------------------------------------------------- # loop through each of the users, and print their details #----------------------------------------------------------------------- for user in results: print("@%s (%s): %s" % (user["screen_name"], user["name"], user["location"]))
[ 2, 48443, 14629, 14, 8800, 14, 24330, 21015, 198, 198, 2, 10097, 26866, 198, 2, 17044, 12, 7220, 12, 12947, 198, 2, 220, 532, 17706, 257, 2989, 329, 2985, 12336, 257, 1728, 12405, 198, 2, 10097, 26866, 198, 198, 6738, 17044, 1330, 1635, 198, 198, 2, 10097, 26866, 198, 2, 3440, 674, 7824, 18031, 198, 2, 10097, 26866, 198, 11748, 25064, 198, 17597, 13, 6978, 13, 33295, 7203, 19570, 198, 11748, 4566, 198, 198, 2, 10097, 26866, 198, 2, 2251, 17044, 7824, 2134, 198, 2, 10097, 26866, 198, 6956, 796, 3009, 7, 18439, 796, 440, 30515, 7, 11250, 13, 15526, 62, 2539, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4566, 13, 15526, 62, 21078, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4566, 13, 49827, 62, 2539, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4566, 13, 49827, 62, 21078, 4008, 198, 198, 2, 10097, 26866, 198, 2, 1620, 257, 2836, 2989, 220, 198, 2, 17044, 7824, 34165, 25, 3740, 1378, 7959, 13, 6956, 13, 785, 14, 2118, 14, 35790, 14, 1136, 14, 18417, 14, 12947, 198, 2, 10097, 26866, 198, 43420, 796, 17044, 13, 18417, 13, 12947, 7, 80, 796, 705, 1, 3791, 6372, 1, 11537, 198, 198, 2, 10097, 26866, 198, 2, 9052, 832, 1123, 286, 262, 2985, 11, 290, 3601, 511, 3307, 198, 2, 10097, 26866, 198, 1640, 2836, 287, 2482, 25, 198, 220, 220, 220, 3601, 7203, 31, 4, 82, 37633, 82, 2599, 4064, 82, 1, 4064, 357, 7220, 14692, 9612, 62, 3672, 33116, 2836, 14692, 3672, 33116, 2836, 14692, 24886, 8973, 4008, 198 ]
4.94863
292
#!/usr/bin/env python3 # You are probably well aware of the 'birthday paradox' # https://en.wikipedia.org/wiki/Birthday_problem # Let's try simulating it # You will need a list for the 365 day calendar # You will need a set number of people (e.g. 25) # During each 'trial' you do the following # Choose a person # Git them a random birthday # Store it in the calendar # Once you have stored all birthdays, check to see if any have the same day # Do this for many trials to see what the probability of sharing a birthday is import random trial=10000 people=23 share=0 for i in range(trial): calendar = [0]*365 count = 0 for j in range(people): birthday=random.randint(0,364) calendar[birthday] += 1 for j in range(365): if count < calendar[j]: count = calendar[j] if count >= 2: share += 1 print(share/trial) """ python3 33birthday.py 0.571 """
[ 2, 48443, 14629, 14, 8800, 14, 24330, 21015, 18, 198, 198, 2, 921, 389, 2192, 880, 3910, 286, 262, 705, 24280, 820, 22226, 6, 198, 2, 3740, 1378, 268, 13, 31266, 13, 2398, 14, 15466, 14, 38480, 820, 62, 45573, 198, 2, 3914, 338, 1949, 985, 8306, 340, 198, 198, 2, 921, 481, 761, 257, 1351, 329, 262, 21268, 1110, 11845, 198, 2, 921, 481, 761, 257, 900, 1271, 286, 661, 357, 68, 13, 70, 13, 1679, 8, 198, 2, 5856, 1123, 705, 45994, 6, 345, 466, 262, 1708, 198, 2, 197, 31851, 257, 1048, 198, 2, 197, 38, 270, 606, 257, 4738, 10955, 198, 2, 197, 22658, 340, 287, 262, 11845, 198, 2, 4874, 345, 423, 8574, 477, 4082, 12545, 11, 2198, 284, 766, 611, 597, 423, 262, 976, 1110, 198, 2, 2141, 428, 329, 867, 9867, 284, 766, 644, 262, 12867, 286, 7373, 257, 10955, 318, 198, 198, 11748, 4738, 198, 198, 45994, 28, 49388, 198, 15332, 28, 1954, 198, 20077, 28, 15, 198, 1640, 1312, 287, 2837, 7, 45994, 2599, 220, 198, 220, 220, 220, 11845, 796, 685, 15, 60, 9, 24760, 198, 220, 220, 220, 954, 796, 657, 198, 220, 220, 220, 329, 474, 287, 2837, 7, 15332, 2599, 220, 198, 220, 220, 220, 220, 220, 220, 220, 10955, 28, 25120, 13, 25192, 600, 7, 15, 11, 26780, 8, 198, 220, 220, 220, 220, 220, 220, 220, 11845, 58, 24280, 820, 60, 15853, 352, 198, 220, 220, 220, 329, 474, 287, 2837, 7, 24760, 2599, 220, 198, 220, 220, 220, 220, 220, 220, 220, 611, 954, 1279, 11845, 58, 73, 5974, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 954, 796, 11845, 58, 73, 60, 198, 220, 220, 220, 611, 954, 18189, 362, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 2648, 15853, 352, 198, 4798, 7, 20077, 14, 45994, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 198, 37811, 198, 29412, 18, 4747, 24280, 820, 13, 9078, 198, 15, 13, 42875, 198, 37811, 628 ]
2.737463
339
from datetime import datetime, timedelta import numpy as np import pytest from pytest import fixture from vanilla_option_pricing.option import VanillaOption, option_list_to_pandas_dataframe, \ pandas_dataframe_to_option_list @fixture @fixture
[ 6738, 4818, 8079, 1330, 4818, 8079, 11, 28805, 12514, 198, 198, 11748, 299, 32152, 355, 45941, 198, 11748, 12972, 9288, 198, 6738, 12972, 9288, 1330, 29220, 198, 198, 6738, 16858, 62, 18076, 62, 1050, 6345, 13, 18076, 1330, 33897, 19722, 11, 3038, 62, 4868, 62, 1462, 62, 79, 392, 292, 62, 7890, 14535, 11, 3467, 198, 220, 220, 220, 19798, 292, 62, 7890, 14535, 62, 1462, 62, 18076, 62, 4868, 628, 198, 31, 69, 9602, 628, 198, 31, 69, 9602, 628, 628, 628, 198 ]
3.083333
84
from flask import Flask from flask_sqlalchemy import SQLAlchemy from flask_caching import Cache
[ 6738, 42903, 1330, 46947, 198, 6738, 42903, 62, 25410, 282, 26599, 1330, 16363, 2348, 26599, 198, 6738, 42903, 62, 66, 8103, 1330, 34088, 628 ]
4.041667
24
from inspect import formatargvalues import discord, datetime, db, time, os import pandas as pd from discord import Embed from discord.ext.commands import Cog, command from apscheduler.schedulers.asyncio import AsyncIOScheduler from apscheduler.triggers.cron import CronTrigger # from discord_components import Button, ButtonStyle, InteractionType # import asyncio from db import servers_con, version from discord.utils import get class Help(Cog): """ > Show this help message and controlling help for commands. """ @command(name = "help") @Cog.listener() @Cog.listener()
[ 6738, 10104, 1330, 5794, 853, 27160, 198, 11748, 36446, 11, 4818, 8079, 11, 20613, 11, 640, 11, 28686, 198, 11748, 19798, 292, 355, 279, 67, 198, 6738, 36446, 1330, 13302, 276, 198, 6738, 36446, 13, 2302, 13, 9503, 1746, 1330, 327, 519, 11, 3141, 198, 6738, 257, 862, 1740, 18173, 13, 1416, 704, 377, 364, 13, 292, 13361, 952, 1330, 1081, 13361, 40, 2640, 1740, 18173, 198, 6738, 257, 862, 1740, 18173, 13, 2213, 328, 5355, 13, 66, 1313, 1330, 31683, 48344, 198, 2, 422, 36446, 62, 5589, 3906, 1330, 20969, 11, 20969, 21466, 11, 4225, 2673, 6030, 198, 2, 1330, 30351, 952, 198, 6738, 20613, 1330, 9597, 62, 1102, 11, 2196, 198, 6738, 36446, 13, 26791, 1330, 651, 198, 220, 220, 220, 220, 198, 4871, 10478, 7, 34, 519, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 1875, 5438, 428, 1037, 3275, 290, 12755, 1037, 329, 9729, 13, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 2488, 21812, 7, 3672, 796, 366, 16794, 4943, 198, 220, 220, 220, 220, 198, 220, 220, 220, 2488, 34, 519, 13, 4868, 877, 3419, 220, 220, 220, 220, 220, 220, 220, 220, 628, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 2488, 34, 519, 13, 4868, 877, 3419 ]
2.653226
248
import logging from ._version import __version__ __all__ = [ "__version__", ] logger = logging.getLogger(__name__) logging.basicConfig()
[ 11748, 18931, 198, 198, 6738, 47540, 9641, 1330, 11593, 9641, 834, 198, 198, 834, 439, 834, 796, 685, 198, 220, 220, 220, 366, 834, 9641, 834, 1600, 198, 60, 198, 198, 6404, 1362, 796, 18931, 13, 1136, 11187, 1362, 7, 834, 3672, 834, 8, 198, 6404, 2667, 13, 35487, 16934, 3419, 198 ]
2.769231
52
from pygame_rl.scenario.gridworld.envs.gridworld_v0 import GridworldV0 from pygame_rl.scenario.gridworld.envs.gridworld_v1 import GridworldV1
[ 6738, 12972, 6057, 62, 45895, 13, 1416, 39055, 13, 25928, 6894, 13, 268, 14259, 13, 25928, 6894, 62, 85, 15, 1330, 24846, 6894, 53, 15, 198, 6738, 12972, 6057, 62, 45895, 13, 1416, 39055, 13, 25928, 6894, 13, 268, 14259, 13, 25928, 6894, 62, 85, 16, 1330, 24846, 6894, 53, 16, 198 ]
2.730769
52
#! /usr/bin/env python # -*- coding: utf-8 -*- # 该脚本平均每小时提交 4万5千多条URL # 推荐 0.3s,方便及时停止抓取, 一天提交10万~15万 URL PS:因为URL一旦提交到队列中,就不可修改 # python qiniu_big_fetch.py <ak> <sk> <bucket> <zone(z0 z1)> <file_path> <sleep_time> import urlparse, hmac, hashlib, base64, commands, sys, time def Qiniu_token(access_key, secret_key, method, host, url, content_type=None, body=None): """ <Method> <PathWithRawQuery> Host: <Host> Content-Type: <ContentType> [<X-Qiniu-*> Headers] [<Body>] #这里的 <Body> 只有在 <ContentType> 存在且不为 application/octet-stream 时才签进去。 """ parsed_url = urlparse.urlsplit(url) netloc = parsed_url.netloc path = parsed_url.path query = parsed_url.query if not host: host = netloc path_with_query = path if query != '': path_with_query = ''.join([path_with_query, '?', query]) data = ''.join(["%s %s" % (method, path_with_query), "\n", "Host: %s" % host, "\n"]) if content_type: data += "Content-Type: %s" % (content_type) + "\n"+"\n" if content_type and content_type != "application/octet-stream" and body: data += body.decode(encoding='UTF-8') return '{0}:{1}'.format(access_key, __token(data, secret_key)) if __name__ == '__main__': try: AccessKey = sys.argv[1] SecretKey = sys.argv[2] bucket_name= sys.argv[3] zone = sys.argv[4] # z0,z1,z2,na0,as0 对应 华东,华北,华南,北美,东南亚 file_name = sys.argv[5] # 第一项为URL,保存的文件名默认为URI,每项用'\t'分割 time_sleep = float(sys.argv[6]) except Exception: print 'version: 2018-11-21' print './qiniu_big_fetch.py <ak> <sk> <bucket_name> <zone> <url_file_name> <time_sleep> \n' else: fout = open( file_name ) while 1: line = fout.readline().strip() if not line: break line_list=line.split('\t') fetch_url_single = line_list[0].strip() if len(line_list) == 1: file_key_single = urlparse.urlsplit(fetch_url_single)[2].replace('/','',1) if len(line_list) > 1: file_key_single=line_list[1].strip() path = '/sisyphus/fetch' host = 'api-%s.qiniu.com' % zone url = 'http://'+host+path body = '{"ignore_same_key":true, "url": "%s", "bucket": "%s", "key": "%s" }' % (fetch_url_single, bucket_name, file_key_single ) if len(line_list) == 3: file_md5_check=line_list[2].strip() body = '{"ignore_same_key":true, "url": "%s", "bucket": "%s", "key": "%s", "md5": "%s" }' % (fetch_url_single, bucket_name, file_key_single , file_md5_check, ) try: Token = 'Qiniu ' + Qiniu_token( AccessKey, SecretKey, method='POST', host='', url=url, content_type='application/json' , body=body ) post_fetch_request( Token, url, fetch_url_single, bucket_name, file_key_single , body) except Exception: print ("there must be error in token or post")
[ 2, 0, 1220, 14629, 14, 8800, 14, 24330, 21015, 198, 2, 532, 9, 12, 19617, 25, 3384, 69, 12, 23, 532, 9, 12, 198, 2, 5525, 107, 98, 164, 226, 248, 17312, 105, 33176, 111, 161, 251, 229, 162, 107, 237, 22887, 237, 33768, 35050, 237, 238, 12859, 97, 604, 10310, 229, 20, 39355, 225, 13783, 248, 30266, 94, 21886, 198, 2, 10545, 236, 101, 164, 235, 238, 657, 13, 18, 82, 11, 43095, 160, 122, 123, 20998, 232, 33768, 114, 161, 223, 250, 29826, 95, 162, 232, 241, 20998, 244, 171, 120, 234, 220, 31660, 25465, 162, 237, 238, 12859, 97, 940, 10310, 229, 93, 1314, 10310, 229, 10289, 220, 6599, 171, 120, 248, 32368, 254, 10310, 118, 21886, 31660, 33768, 99, 162, 237, 238, 12859, 97, 26344, 108, 165, 246, 253, 26344, 245, 40792, 171, 120, 234, 22887, 109, 38834, 20998, 107, 46479, 106, 162, 242, 117, 198, 198, 2, 21015, 10662, 5362, 84, 62, 14261, 62, 69, 7569, 13, 9078, 1279, 461, 29, 220, 1279, 8135, 29, 1279, 27041, 316, 29, 1279, 11340, 7, 89, 15, 1976, 16, 8, 29, 220, 1279, 7753, 62, 6978, 29, 1279, 42832, 62, 2435, 29, 198, 198, 11748, 19016, 29572, 11, 289, 20285, 11, 12234, 8019, 11, 2779, 2414, 11, 9729, 11, 25064, 11, 640, 628, 198, 4299, 1195, 5362, 84, 62, 30001, 7, 15526, 62, 2539, 11, 3200, 62, 2539, 11, 198, 197, 197, 197, 24396, 11, 198, 197, 197, 197, 4774, 11, 198, 197, 197, 197, 6371, 11, 198, 197, 197, 197, 11299, 62, 4906, 28, 14202, 11, 198, 197, 197, 197, 2618, 28, 14202, 2599, 198, 197, 197, 37811, 198, 197, 197, 27, 17410, 29, 1279, 15235, 3152, 27369, 20746, 29, 198, 197, 197, 17932, 25, 1279, 17932, 29, 198, 197, 197, 19746, 12, 6030, 25, 1279, 19746, 6030, 29, 198, 197, 197, 58, 27, 55, 12, 48, 5362, 84, 12, 9, 29, 7123, 364, 60, 198, 197, 197, 58, 27, 25842, 37981, 1303, 32573, 247, 34932, 234, 21410, 1279, 25842, 29, 10263, 237, 103, 17312, 231, 28839, 101, 1279, 19746, 6030, 29, 10263, 255, 246, 28839, 101, 10310, 242, 38834, 10310, 118, 3586, 14, 38441, 316, 12, 5532, 10545, 245, 114, 33699, 235, 163, 255, 122, 32573, 249, 43889, 119, 16764, 198, 197, 197, 37811, 198, 197, 197, 79, 945, 276, 62, 6371, 796, 19016, 29572, 13, 6371, 35312, 7, 6371, 8, 198, 197, 197, 3262, 17946, 796, 44267, 62, 6371, 13, 3262, 17946, 198, 197, 197, 6978, 796, 44267, 62, 6371, 13, 6978, 198, 197, 197, 22766, 796, 44267, 62, 6371, 13, 22766, 628, 197, 197, 361, 407, 2583, 25, 198, 197, 197, 197, 4774, 796, 2010, 17946, 628, 197, 197, 6978, 62, 4480, 62, 22766, 796, 3108, 198, 197, 197, 361, 12405, 14512, 10148, 25, 198, 197, 197, 197, 6978, 62, 4480, 62, 22766, 796, 705, 4458, 22179, 26933, 6978, 62, 4480, 62, 22766, 11, 705, 30, 3256, 12405, 12962, 198, 197, 197, 7890, 796, 705, 4458, 22179, 7, 14692, 4, 82, 4064, 82, 1, 4064, 198, 197, 197, 197, 197, 197, 197, 7, 24396, 11, 3108, 62, 4480, 62, 22766, 828, 37082, 77, 1600, 366, 17932, 25, 4064, 82, 1, 4064, 198, 197, 197, 197, 197, 197, 197, 4774, 11, 37082, 77, 8973, 8, 628, 197, 197, 361, 2695, 62, 4906, 25, 198, 197, 197, 197, 7890, 15853, 366, 19746, 12, 6030, 25, 4064, 82, 1, 4064, 357, 11299, 62, 4906, 8, 1343, 37082, 77, 1, 10, 1, 59, 77, 1, 628, 198, 197, 197, 361, 2695, 62, 4906, 290, 2695, 62, 4906, 14512, 366, 31438, 14, 38441, 316, 12, 5532, 1, 290, 1767, 25, 198, 197, 197, 197, 7890, 15853, 1767, 13, 12501, 1098, 7, 12685, 7656, 11639, 48504, 12, 23, 11537, 628, 197, 197, 7783, 705, 90, 15, 92, 29164, 16, 92, 4458, 18982, 7, 15526, 62, 2539, 11, 11593, 30001, 7, 7890, 11, 3200, 62, 2539, 4008, 628, 198, 361, 11593, 3672, 834, 6624, 705, 834, 12417, 834, 10354, 198, 197, 28311, 25, 198, 197, 197, 15457, 9218, 796, 25064, 13, 853, 85, 58, 16, 60, 198, 197, 197, 23725, 9218, 796, 25064, 13, 853, 85, 58, 17, 60, 198, 197, 197, 27041, 316, 62, 3672, 28, 25064, 13, 853, 85, 58, 18, 60, 198, 197, 197, 11340, 796, 25064, 13, 853, 85, 58, 19, 60, 220, 1303, 1976, 15, 11, 89, 16, 11, 89, 17, 11, 2616, 15, 11, 292, 15, 10263, 107, 117, 41753, 242, 10263, 235, 236, 10310, 250, 171, 120, 234, 39355, 236, 44293, 245, 171, 120, 234, 39355, 236, 39355, 245, 171, 120, 234, 44293, 245, 163, 122, 236, 171, 120, 234, 10310, 250, 39355, 245, 12859, 248, 198, 197, 197, 7753, 62, 3672, 796, 25064, 13, 853, 85, 58, 20, 60, 220, 1303, 13328, 105, 105, 31660, 165, 94, 117, 10310, 118, 21886, 171, 120, 234, 46479, 251, 27764, 246, 21410, 23877, 229, 20015, 114, 28938, 235, 165, 119, 246, 164, 106, 97, 10310, 118, 47269, 171, 120, 234, 162, 107, 237, 165, 94, 117, 18796, 101, 6, 59, 83, 6, 26344, 228, 30298, 110, 198, 197, 197, 2435, 62, 42832, 796, 12178, 7, 17597, 13, 853, 85, 58, 21, 12962, 198, 197, 16341, 35528, 25, 198, 197, 197, 4798, 705, 9641, 25, 2864, 12, 1157, 12, 2481, 6, 198, 197, 197, 4798, 705, 19571, 80, 5362, 84, 62, 14261, 62, 69, 7569, 13, 9078, 1279, 461, 29, 1279, 8135, 29, 1279, 27041, 316, 62, 3672, 29, 1279, 11340, 29, 1279, 6371, 62, 7753, 62, 3672, 29, 1279, 2435, 62, 42832, 29, 3467, 77, 6, 628, 197, 17772, 25, 198, 197, 197, 69, 448, 796, 1280, 7, 2393, 62, 3672, 1267, 198, 197, 197, 4514, 352, 25, 198, 197, 197, 197, 1370, 796, 277, 448, 13, 961, 1370, 22446, 36311, 3419, 198, 197, 197, 197, 361, 407, 1627, 25, 220, 2270, 628, 197, 197, 197, 1370, 62, 4868, 28, 1370, 13, 35312, 10786, 59, 83, 11537, 198, 197, 197, 197, 69, 7569, 62, 6371, 62, 29762, 796, 1627, 62, 4868, 58, 15, 4083, 36311, 3419, 628, 197, 197, 197, 361, 18896, 7, 1370, 62, 4868, 8, 6624, 352, 25, 2393, 62, 2539, 62, 29762, 796, 220, 19016, 29572, 13, 6371, 35312, 7, 69, 7569, 62, 6371, 62, 29762, 38381, 17, 4083, 33491, 10786, 14, 41707, 3256, 16, 8, 198, 197, 197, 197, 361, 18896, 7, 1370, 62, 4868, 8, 1875, 352, 25, 220, 2393, 62, 2539, 62, 29762, 28, 1370, 62, 4868, 58, 16, 4083, 36311, 3419, 628, 197, 197, 197, 6978, 796, 31051, 13429, 88, 746, 385, 14, 69, 7569, 6, 628, 197, 197, 197, 4774, 796, 705, 15042, 12, 4, 82, 13, 80, 5362, 84, 13, 785, 6, 4064, 6516, 628, 197, 197, 197, 6371, 796, 705, 4023, 1378, 6, 10, 4774, 10, 6978, 628, 197, 197, 197, 2618, 796, 705, 4895, 46430, 62, 31642, 62, 2539, 1298, 7942, 11, 366, 6371, 1298, 36521, 82, 1600, 366, 27041, 316, 1298, 36521, 82, 1600, 366, 2539, 1298, 36521, 82, 1, 220, 1782, 6, 4064, 357, 69, 7569, 62, 6371, 62, 29762, 11, 19236, 62, 3672, 11, 2393, 62, 2539, 62, 29762, 220, 1267, 628, 197, 197, 197, 361, 18896, 7, 1370, 62, 4868, 8, 6624, 513, 25, 198, 197, 197, 197, 197, 7753, 62, 9132, 20, 62, 9122, 28, 1370, 62, 4868, 58, 17, 4083, 36311, 3419, 198, 197, 197, 197, 197, 2618, 796, 705, 4895, 46430, 62, 31642, 62, 2539, 1298, 7942, 11, 366, 6371, 1298, 36521, 82, 1600, 366, 27041, 316, 1298, 36521, 82, 1600, 366, 2539, 1298, 36521, 82, 1600, 366, 9132, 20, 1298, 36521, 82, 1, 1782, 6, 4064, 357, 69, 7569, 62, 6371, 62, 29762, 11, 19236, 62, 3672, 11, 2393, 62, 2539, 62, 29762, 837, 2393, 62, 9132, 20, 62, 9122, 11, 220, 1267, 628, 197, 197, 197, 28311, 25, 198, 197, 197, 197, 197, 30642, 796, 705, 48, 5362, 84, 705, 1343, 1195, 5362, 84, 62, 30001, 7, 8798, 9218, 11, 3943, 9218, 11, 2446, 11639, 32782, 3256, 2583, 11639, 3256, 19016, 28, 6371, 11, 2695, 62, 4906, 11639, 31438, 14, 17752, 6, 837, 1767, 28, 2618, 1267, 198, 197, 197, 197, 197, 7353, 62, 69, 7569, 62, 25927, 7, 29130, 11, 19016, 11, 21207, 62, 6371, 62, 29762, 11, 19236, 62, 3672, 11, 2393, 62, 2539, 62, 29762, 837, 1767, 8, 198, 197, 197, 197, 16341, 35528, 25, 198, 197, 197, 197, 197, 4798, 5855, 8117, 1276, 307, 4049, 287, 11241, 393, 1281, 4943, 628, 198 ]
1.947143
1,400
# Exercício Python 041: A Confederação Nacional de Natação precisa de um programa que leia o ano de nascimento de um atleta e mostre sua categoria, de acordo com a idade: # - Até 9 anos: MIRIM # - Até 14 anos: INFANTIL # - Até 19 anos: JÚNIOR # - Até 25 anos: SÊNIOR # - Acima de 25 anos: MASTER from datetime import date n = int(input('Digite o ano de nascimento: ').strip()) a = date.today().year - n if a <= 9: print('Você tem {} anos e sua categoria é MIRIM'.format(a)) elif a >= 10 and a <= 14: print('Você tem {} anos e sua categoria é INFANTIL'.format(a)) elif a >= 15 and a <= 19: print('Você tem {} anos e sua categoria é JÙNIOR'.format(a)) elif a >= 16 and a <= 25: print('Você tem {} anos e sua categoria é SÊNIOR'.format(a)) else: print('Você tem {} anos e sua categoria é MASTER'.format(a))
[ 2, 1475, 2798, 8836, 66, 952, 11361, 657, 3901, 25, 317, 16986, 64, 16175, 28749, 399, 330, 1538, 390, 399, 1045, 16175, 28749, 3718, 9160, 390, 23781, 1430, 64, 8358, 443, 544, 267, 281, 78, 390, 299, 3372, 3681, 78, 390, 23781, 379, 1616, 64, 304, 749, 260, 424, 64, 4253, 7661, 11, 390, 936, 585, 78, 401, 257, 4686, 671, 25, 198, 2, 532, 1629, 2634, 860, 281, 418, 25, 337, 4663, 3955, 198, 2, 532, 1629, 2634, 1478, 281, 418, 25, 45594, 8643, 4146, 198, 2, 532, 1629, 2634, 678, 281, 418, 25, 449, 127, 248, 22125, 1581, 198, 2, 532, 1629, 2634, 1679, 281, 418, 25, 311, 127, 232, 22125, 1581, 198, 2, 532, 4013, 8083, 390, 1679, 281, 418, 25, 32337, 5781, 198, 198, 6738, 4818, 8079, 1330, 3128, 198, 77, 796, 493, 7, 15414, 10786, 19511, 578, 267, 281, 78, 390, 299, 3372, 3681, 78, 25, 705, 737, 36311, 28955, 198, 64, 796, 3128, 13, 40838, 22446, 1941, 532, 299, 198, 198, 361, 257, 19841, 860, 25, 198, 220, 220, 220, 3601, 10786, 53, 420, 25792, 2169, 23884, 281, 418, 304, 424, 64, 4253, 7661, 38251, 337, 4663, 3955, 4458, 18982, 7, 64, 4008, 198, 417, 361, 257, 18189, 838, 290, 257, 19841, 1478, 25, 198, 220, 220, 220, 3601, 10786, 53, 420, 25792, 2169, 23884, 281, 418, 304, 424, 64, 4253, 7661, 38251, 45594, 8643, 4146, 4458, 18982, 7, 64, 4008, 198, 417, 361, 257, 18189, 1315, 290, 257, 19841, 678, 25, 198, 220, 220, 220, 3601, 10786, 53, 420, 25792, 2169, 23884, 281, 418, 304, 424, 64, 4253, 7661, 38251, 449, 127, 247, 22125, 1581, 4458, 18982, 7, 64, 4008, 198, 417, 361, 257, 18189, 1467, 290, 257, 19841, 1679, 25, 198, 220, 220, 220, 3601, 10786, 53, 420, 25792, 2169, 23884, 281, 418, 304, 424, 64, 4253, 7661, 38251, 311, 127, 232, 22125, 1581, 4458, 18982, 7, 64, 4008, 198, 17772, 25, 198, 220, 220, 220, 3601, 10786, 53, 420, 25792, 2169, 23884, 281, 418, 304, 424, 64, 4253, 7661, 38251, 32337, 5781, 4458, 18982, 7, 64, 4008, 628 ]
2.383285
347
""" Description: Author: Jiaqi Gu ([email protected]) Date: 2021-03-31 17:48:41 LastEditors: Jiaqi Gu ([email protected]) LastEditTime: 2021-09-26 00:51:50 """ from typing import Tuple import torch import torch.nn as nn from pyutils.config import configs from pyutils.datasets import get_dataset from pyutils.loss import AdaptiveLossSoft, KLLossMixed from pyutils.lr_scheduler.warmup_cosine_restart import CosineAnnealingWarmupRestarts from pyutils.optimizer.sam import SAM from pyutils.typing import DataLoader, Optimizer, Scheduler from torch.nn.modules.batchnorm import _BatchNorm from torch.nn.modules.conv import _ConvNd from torch.types import Device from core.datasets import CIFAR10Dataset, FashionMNISTDataset, MNISTDataset, SVHNDataset from core.models import * __all__ = [ "make_dataloader", "make_model", "make_weight_optimizer", "make_arch_optimizer", "make_optimizer", "make_scheduler", "make_criterion", ]
[ 37811, 198, 11828, 25, 198, 13838, 25, 449, 544, 40603, 1962, 357, 73, 80, 5162, 31, 315, 1069, 292, 13, 15532, 8, 198, 10430, 25, 33448, 12, 3070, 12, 3132, 1596, 25, 2780, 25, 3901, 198, 5956, 18378, 669, 25, 449, 544, 40603, 1962, 357, 73, 80, 5162, 31, 315, 1069, 292, 13, 15532, 8, 198, 5956, 18378, 7575, 25, 33448, 12, 2931, 12, 2075, 3571, 25, 4349, 25, 1120, 198, 37811, 198, 198, 6738, 19720, 1330, 309, 29291, 198, 198, 11748, 28034, 198, 11748, 28034, 13, 20471, 355, 299, 77, 198, 6738, 12972, 26791, 13, 11250, 1330, 4566, 82, 198, 6738, 12972, 26791, 13, 19608, 292, 1039, 1330, 651, 62, 19608, 292, 316, 198, 6738, 12972, 26791, 13, 22462, 1330, 30019, 425, 43, 793, 18380, 11, 509, 3069, 793, 44, 2966, 198, 6738, 12972, 26791, 13, 14050, 62, 1416, 704, 18173, 13, 31975, 929, 62, 6966, 500, 62, 2118, 433, 1330, 10437, 500, 43227, 4272, 54, 1670, 929, 19452, 5889, 198, 6738, 12972, 26791, 13, 40085, 7509, 13, 37687, 1330, 28844, 198, 6738, 12972, 26791, 13, 774, 13886, 1330, 6060, 17401, 11, 30011, 7509, 11, 27774, 18173, 198, 6738, 28034, 13, 20471, 13, 18170, 13, 43501, 27237, 1330, 4808, 33, 963, 35393, 198, 6738, 28034, 13, 20471, 13, 18170, 13, 42946, 1330, 4808, 3103, 85, 45, 67, 198, 6738, 28034, 13, 19199, 1330, 16232, 198, 198, 6738, 4755, 13, 19608, 292, 1039, 1330, 327, 5064, 1503, 940, 27354, 292, 316, 11, 30958, 39764, 8808, 27354, 292, 316, 11, 29060, 8808, 27354, 292, 316, 11, 20546, 39, 8575, 265, 292, 316, 198, 6738, 4755, 13, 27530, 1330, 1635, 198, 198, 834, 439, 834, 796, 685, 198, 220, 220, 220, 366, 15883, 62, 67, 10254, 1170, 263, 1600, 198, 220, 220, 220, 366, 15883, 62, 19849, 1600, 198, 220, 220, 220, 366, 15883, 62, 6551, 62, 40085, 7509, 1600, 198, 220, 220, 220, 366, 15883, 62, 998, 62, 40085, 7509, 1600, 198, 220, 220, 220, 366, 15883, 62, 40085, 7509, 1600, 198, 220, 220, 220, 366, 15883, 62, 1416, 704, 18173, 1600, 198, 220, 220, 220, 366, 15883, 62, 22213, 28019, 1600, 198, 60, 628, 628, 628, 628 ]
2.677871
357
""" Graphviz extensions for Markdown. Renders the output inline, eliminating the need to configure an output directory. Supports outputs types of SVG and PNG. The output will be taken from the filename specified in the tag. Example: {% dot attack_plan.svg digraph G { rankdir=LR Earth [peripheries=2] Mars Earth -> Mars } %} Requires the graphviz library (http://www.graphviz.org/) Inspired by jawher/markdown-dot (https://github.com/jawher/markdown-dot) Modified to work with Python 3 and cleaned-up SVG output """ import re import markdown import subprocess import base64 # Global vars BLOCK_RE = re.compile( r'^\{% (?P<command>\w+)\s+(?P<filename>[^\s]+)\s*\n(?P<content>.*?)%}\s*$', re.MULTILINE | re.DOTALL) # Command whitelist SUPPORTED_COMMAMDS = ['dot', 'neato', 'fdp', 'sfdp', 'twopi', 'circo']
[ 37811, 198, 37065, 85, 528, 18366, 329, 2940, 2902, 13, 198, 49, 7338, 262, 5072, 26098, 11, 18591, 262, 761, 284, 17425, 281, 5072, 198, 34945, 13, 198, 198, 15979, 2096, 23862, 3858, 286, 45809, 290, 36182, 13, 383, 5072, 481, 307, 2077, 422, 262, 198, 34345, 7368, 287, 262, 7621, 13, 17934, 25, 198, 198, 90, 4, 16605, 1368, 62, 11578, 13, 21370, 70, 198, 220, 220, 220, 3100, 1470, 402, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 4279, 15908, 28, 35972, 198, 220, 220, 220, 220, 220, 220, 220, 3668, 685, 525, 10803, 444, 28, 17, 60, 198, 220, 220, 220, 220, 220, 220, 220, 8706, 198, 220, 220, 220, 220, 220, 220, 220, 3668, 4613, 8706, 198, 220, 220, 220, 1782, 198, 4, 92, 198, 198, 39618, 262, 4823, 85, 528, 5888, 357, 4023, 1378, 2503, 13, 34960, 85, 528, 13, 2398, 34729, 198, 198, 41502, 1202, 416, 19218, 372, 14, 4102, 2902, 12, 26518, 357, 5450, 1378, 12567, 13, 785, 14, 73, 707, 372, 14, 4102, 2902, 12, 26518, 8, 198, 198, 5841, 1431, 284, 670, 351, 11361, 513, 290, 20750, 12, 929, 45809, 5072, 198, 37811, 198, 198, 11748, 302, 198, 11748, 1317, 2902, 198, 11748, 850, 14681, 198, 11748, 2779, 2414, 198, 198, 2, 8060, 410, 945, 198, 9148, 11290, 62, 2200, 796, 302, 13, 5589, 576, 7, 198, 220, 220, 220, 374, 6, 61, 59, 90, 4, 357, 30, 47, 27, 21812, 29, 59, 86, 10, 19415, 82, 33747, 30, 47, 27, 34345, 36937, 61, 59, 82, 48688, 19415, 82, 9, 59, 77, 7, 30, 47, 27, 11299, 29, 15885, 10091, 4, 32239, 82, 9, 3, 3256, 198, 220, 220, 220, 302, 13, 44, 16724, 4146, 8881, 930, 302, 13, 35, 2394, 7036, 8, 198, 2, 9455, 20542, 46331, 198, 40331, 15490, 1961, 62, 9858, 44, 2390, 5258, 796, 37250, 26518, 3256, 705, 710, 5549, 3256, 705, 16344, 79, 3256, 705, 82, 16344, 79, 3256, 705, 4246, 404, 72, 3256, 705, 66, 343, 1073, 20520, 628, 628 ]
2.565476
336
from django.conf import settings from django.core.management import call_command, get_commands, load_command_class from django.core.management.base import BaseCommand, CommandError from django.db import connection from django_tenants.utils import get_tenant_model, get_public_schema_name class BaseTenantCommand(BaseCommand): """ Generic command class useful for iterating any existing command over all schemata. The actual command name is expected in the class variable COMMAND_NAME of the subclass. """ def __new__(cls, *args, **kwargs): """ Sets option_list and help dynamically. """ obj = super().__new__(cls, *args, **kwargs) app_name = get_commands()[obj.COMMAND_NAME] if isinstance(app_name, BaseCommand): # If the command is already loaded, use it directly. cmdclass = app_name else: cmdclass = load_command_class(app_name, obj.COMMAND_NAME) # prepend the command's original help with the info about schemata iteration obj.help = "Calls %s for all registered schemata. You can use regular %s options. " \ "Original help for %s: %s" % (obj.COMMAND_NAME, obj.COMMAND_NAME, obj.COMMAND_NAME, getattr(cmdclass, 'help', 'none')) return obj def handle(self, *args, **options): """ Iterates a command over all registered schemata. """ if options['schema_name']: # only run on a particular schema connection.set_schema_to_public() self.execute_command(get_tenant_model().objects.get(schema_name=options['schema_name']), self.COMMAND_NAME, *args, **options) else: for tenant in get_tenant_model().objects.all(): if not (options['skip_public'] and tenant.schema_name == get_public_schema_name()): self.execute_command(tenant, self.COMMAND_NAME, *args, **options) class TenantWrappedCommand(InteractiveTenantOption, BaseCommand): """ Generic command class useful for running any existing command on a particular tenant. The actual command name is expected in the class variable COMMAND_NAME of the subclass. """
[ 6738, 42625, 14208, 13, 10414, 1330, 6460, 198, 6738, 42625, 14208, 13, 7295, 13, 27604, 1330, 869, 62, 21812, 11, 651, 62, 9503, 1746, 11, 3440, 62, 21812, 62, 4871, 198, 6738, 42625, 14208, 13, 7295, 13, 27604, 13, 8692, 1330, 7308, 21575, 11, 9455, 12331, 198, 6738, 42625, 14208, 13, 9945, 1330, 4637, 628, 198, 6738, 42625, 14208, 62, 1452, 1187, 13, 26791, 1330, 651, 62, 1452, 415, 62, 19849, 11, 651, 62, 11377, 62, 15952, 2611, 62, 3672, 628, 198, 4871, 7308, 24893, 415, 21575, 7, 14881, 21575, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 42044, 3141, 1398, 4465, 329, 11629, 803, 597, 4683, 3141, 198, 220, 220, 220, 625, 477, 3897, 76, 1045, 13, 383, 4036, 3141, 1438, 318, 2938, 287, 262, 198, 220, 220, 220, 1398, 7885, 22240, 6981, 62, 20608, 286, 262, 47611, 13, 198, 220, 220, 220, 37227, 628, 220, 220, 220, 825, 11593, 3605, 834, 7, 565, 82, 11, 1635, 22046, 11, 12429, 46265, 22046, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 21394, 3038, 62, 4868, 290, 1037, 32366, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 26181, 796, 2208, 22446, 834, 3605, 834, 7, 565, 82, 11, 1635, 22046, 11, 12429, 46265, 22046, 8, 628, 220, 220, 220, 220, 220, 220, 220, 598, 62, 3672, 796, 651, 62, 9503, 1746, 3419, 58, 26801, 13, 9858, 44, 6981, 62, 20608, 60, 198, 220, 220, 220, 220, 220, 220, 220, 611, 318, 39098, 7, 1324, 62, 3672, 11, 7308, 21575, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 1002, 262, 3141, 318, 1541, 9639, 11, 779, 340, 3264, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 23991, 4871, 796, 598, 62, 3672, 198, 220, 220, 220, 220, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 23991, 4871, 796, 3440, 62, 21812, 62, 4871, 7, 1324, 62, 3672, 11, 26181, 13, 9858, 44, 6981, 62, 20608, 8, 628, 220, 220, 220, 220, 220, 220, 220, 1303, 3143, 437, 262, 3141, 338, 2656, 1037, 351, 262, 7508, 546, 3897, 76, 1045, 24415, 198, 220, 220, 220, 220, 220, 220, 220, 26181, 13, 16794, 796, 366, 34, 5691, 4064, 82, 329, 477, 6823, 3897, 76, 1045, 13, 921, 460, 779, 3218, 4064, 82, 3689, 13, 366, 3467, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 20556, 1037, 329, 4064, 82, 25, 4064, 82, 1, 4064, 357, 26801, 13, 9858, 44, 6981, 62, 20608, 11, 26181, 13, 9858, 44, 6981, 62, 20608, 11, 26181, 13, 9858, 44, 6981, 62, 20608, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 651, 35226, 7, 28758, 4871, 11, 705, 16794, 3256, 705, 23108, 6, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 26181, 628, 220, 220, 220, 825, 5412, 7, 944, 11, 1635, 22046, 11, 12429, 25811, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 40806, 689, 257, 3141, 625, 477, 6823, 3897, 76, 1045, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 611, 3689, 17816, 15952, 2611, 62, 3672, 6, 5974, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 691, 1057, 319, 257, 1948, 32815, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4637, 13, 2617, 62, 15952, 2611, 62, 1462, 62, 11377, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 41049, 62, 21812, 7, 1136, 62, 1452, 415, 62, 19849, 22446, 48205, 13, 1136, 7, 15952, 2611, 62, 3672, 28, 25811, 17816, 15952, 2611, 62, 3672, 20520, 828, 2116, 13, 9858, 44, 6981, 62, 20608, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1635, 22046, 11, 12429, 25811, 8, 198, 220, 220, 220, 220, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 329, 18285, 287, 651, 62, 1452, 415, 62, 19849, 22446, 48205, 13, 439, 33529, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 407, 357, 25811, 17816, 48267, 62, 11377, 20520, 290, 18285, 13, 15952, 2611, 62, 3672, 6624, 651, 62, 11377, 62, 15952, 2611, 62, 3672, 3419, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 41049, 62, 21812, 7, 1452, 415, 11, 2116, 13, 9858, 44, 6981, 62, 20608, 11, 1635, 22046, 11, 12429, 25811, 8, 628, 198, 198, 4871, 9368, 415, 36918, 1496, 21575, 7, 9492, 5275, 24893, 415, 19722, 11, 7308, 21575, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 42044, 3141, 1398, 4465, 329, 2491, 597, 4683, 3141, 198, 220, 220, 220, 319, 257, 1948, 18285, 13, 383, 4036, 3141, 1438, 318, 2938, 287, 262, 198, 220, 220, 220, 1398, 7885, 22240, 6981, 62, 20608, 286, 262, 47611, 13, 198, 220, 220, 220, 37227, 628 ]
2.465315
937
######################################################## # run_rt.py # Author: Jamie Zhu <jimzhu@GitHub> # Created: 2014/2/6 # Last updated: 2014/5/8 # Implemented approach: CloudPred # Evaluation metrics: MAE, NMAE, RMSE, MRE, NPRE ######################################################## import numpy as np import os, sys, time import multiprocessing sys.path.append('src') # Build external model if not os.path.isfile('src/core.so'): print 'Lack of core.so (built from the C++ module).' print 'Please first build the C++ code into core.so by using: ' print '>> python setup.py build_ext --inplace' sys.exit() from utilities import * import evaluator import dataloader ######################################################### # config area # para = {'dataType': 'rt', # set the dataType as 'rt' or 'tp' 'dataPath': '../data/dataset#1/', 'outPath': 'result/', 'metrics': ['MAE', 'NMAE', 'RMSE', 'MRE', 'NPRE'], # delete where appropriate 'density': list(np.arange(0.05, 0.31, 0.05)), # matrix density 'rounds': 20, # how many runs are performed at each matrix density 'dimension': 20, # dimenisionality of the latent factors 'lambda': 30, # regularization parameter 'topK': 10, # the parameter of TopK similar users or services, the default value is # topK = 10 as in the reference paper 'weight': 0.5, # the combination weight of UPCC and IPCC, the default value is # weight = 0.5 as in the reference paper 'maxIter': 300, # the max iterations 'saveTimeInfo': False, # whether to keep track of the running time 'saveLog': False, # whether to save log into file 'debugMode': False, # whether to record the debug info 'parallelMode': True # whether to leverage multiprocessing for speedup } initConfig(para) ######################################################### startTime = time.clock() # start timing logger.info('==============================================') logger.info('CloudPred: [Zhang et al, SRDS\'2011].') # load the dataset dataMatrix = dataloader.load(para) logger.info('Loading data done.') # run for each density if para['parallelMode']: # run on multiple processes pool = multiprocessing.Pool() for density in para['density']: pool.apply_async(evaluator.execute, (dataMatrix, density, para)) pool.close() pool.join() else: # run on single processes for density in para['density']: evaluator.execute(dataMatrix, density, para) logger.info(time.strftime('All done. Total running time: %d-th day - %Hhour - %Mmin - %Ssec.', time.gmtime(time.clock() - startTime))) logger.info('==============================================') sys.path.remove('src')
[ 29113, 14468, 7804, 201, 198, 2, 1057, 62, 17034, 13, 9078, 220, 201, 198, 2, 6434, 25, 17826, 33144, 1279, 73, 320, 89, 13415, 31, 38, 270, 16066, 29, 201, 198, 2, 15622, 25, 1946, 14, 17, 14, 21, 201, 198, 2, 4586, 6153, 25, 1946, 14, 20, 14, 23, 201, 198, 2, 1846, 1154, 12061, 3164, 25, 10130, 39156, 201, 198, 2, 34959, 20731, 25, 8779, 36, 11, 399, 5673, 36, 11, 29820, 5188, 11, 337, 2200, 11, 28498, 2200, 201, 198, 29113, 14468, 7804, 201, 198, 201, 198, 11748, 299, 32152, 355, 45941, 201, 198, 11748, 28686, 11, 25064, 11, 640, 201, 198, 11748, 18540, 305, 919, 278, 201, 198, 17597, 13, 6978, 13, 33295, 10786, 10677, 11537, 201, 198, 2, 10934, 7097, 2746, 201, 198, 361, 407, 28686, 13, 6978, 13, 4468, 576, 10786, 10677, 14, 7295, 13, 568, 6, 2599, 201, 198, 197, 4798, 705, 43, 441, 286, 4755, 13, 568, 357, 18780, 422, 262, 327, 4880, 8265, 737, 6, 220, 201, 198, 197, 4798, 705, 5492, 717, 1382, 262, 327, 4880, 2438, 656, 4755, 13, 568, 416, 1262, 25, 705, 201, 198, 197, 4798, 705, 4211, 21015, 9058, 13, 9078, 1382, 62, 2302, 1377, 259, 5372, 6, 201, 198, 197, 17597, 13, 37023, 3419, 201, 198, 6738, 20081, 1330, 1635, 201, 198, 11748, 5418, 84, 1352, 201, 198, 11748, 4818, 282, 1170, 263, 201, 198, 220, 201, 198, 201, 198, 29113, 14468, 7804, 2, 201, 198, 2, 4566, 1989, 201, 198, 2, 201, 198, 1845, 64, 796, 1391, 6, 7890, 6030, 10354, 705, 17034, 3256, 1303, 900, 262, 1366, 6030, 355, 705, 17034, 6, 393, 705, 34788, 6, 201, 198, 197, 197, 1549, 1045, 15235, 10354, 705, 40720, 7890, 14, 19608, 292, 316, 2, 16, 14, 3256, 201, 198, 197, 197, 6, 448, 15235, 10354, 705, 20274, 14, 3256, 201, 198, 197, 197, 1101, 316, 10466, 10354, 37250, 5673, 36, 3256, 705, 45, 5673, 36, 3256, 705, 29138, 5188, 3256, 705, 44, 2200, 3256, 705, 22182, 2200, 6, 4357, 1303, 12233, 810, 5035, 197, 197, 201, 198, 197, 197, 1549, 6377, 10354, 1351, 7, 37659, 13, 283, 858, 7, 15, 13, 2713, 11, 657, 13, 3132, 11, 657, 13, 2713, 36911, 1303, 17593, 12109, 201, 198, 197, 197, 6, 744, 82, 10354, 1160, 11, 1303, 703, 867, 4539, 389, 6157, 379, 1123, 17593, 12109, 201, 198, 197, 197, 1549, 320, 3004, 10354, 1160, 11, 1303, 5391, 268, 1166, 1483, 286, 262, 41270, 5087, 201, 198, 197, 197, 6, 50033, 10354, 1542, 11, 1303, 3218, 1634, 11507, 201, 198, 197, 197, 470, 404, 42, 10354, 838, 11, 1303, 262, 11507, 286, 5849, 42, 2092, 2985, 393, 2594, 11, 262, 4277, 1988, 318, 201, 198, 197, 197, 197, 197, 197, 2, 1353, 42, 796, 838, 355, 287, 262, 4941, 3348, 201, 198, 197, 197, 6, 6551, 10354, 657, 13, 20, 11, 1303, 262, 6087, 3463, 286, 15958, 4093, 290, 35814, 11, 262, 4277, 1988, 318, 220, 201, 198, 197, 197, 220, 220, 220, 197, 197, 197, 197, 2, 3463, 796, 657, 13, 20, 355, 287, 262, 4941, 3348, 201, 198, 197, 197, 1101, 897, 29993, 10354, 5867, 11, 1303, 262, 3509, 34820, 201, 198, 197, 197, 338, 1015, 7575, 12360, 10354, 10352, 11, 1303, 1771, 284, 1394, 2610, 286, 262, 2491, 640, 201, 198, 197, 197, 338, 1015, 11187, 10354, 10352, 11, 1303, 1771, 284, 3613, 2604, 656, 2393, 201, 198, 197, 197, 1549, 1765, 1018, 19076, 10354, 10352, 11, 1303, 1771, 284, 1700, 262, 14257, 7508, 201, 198, 220, 220, 220, 220, 220, 220, 220, 705, 1845, 29363, 19076, 10354, 6407, 1303, 1771, 284, 16094, 18540, 305, 919, 278, 329, 2866, 929, 201, 198, 197, 197, 92, 201, 198, 201, 198, 15003, 16934, 7, 1845, 64, 8, 201, 198, 29113, 14468, 7804, 2, 201, 198, 201, 198, 201, 198, 9688, 7575, 796, 640, 13, 15750, 3419, 1303, 923, 10576, 201, 198, 6404, 1362, 13, 10951, 10786, 10052, 25609, 855, 11537, 201, 198, 6404, 1362, 13, 10951, 10786, 18839, 39156, 25, 685, 57, 33255, 2123, 435, 11, 16808, 5258, 43054, 9804, 60, 2637, 8, 201, 198, 201, 198, 2, 3440, 262, 27039, 201, 198, 7890, 46912, 796, 4818, 282, 1170, 263, 13, 2220, 7, 1845, 64, 8, 201, 198, 6404, 1362, 13, 10951, 10786, 19031, 1366, 1760, 2637, 8, 201, 198, 201, 198, 2, 1057, 329, 1123, 12109, 201, 198, 361, 31215, 17816, 1845, 29363, 19076, 6, 5974, 1303, 1057, 319, 3294, 7767, 201, 198, 220, 220, 220, 5933, 796, 18540, 305, 919, 278, 13, 27201, 3419, 201, 198, 220, 220, 220, 329, 12109, 287, 31215, 17816, 43337, 6, 5974, 201, 198, 197, 197, 7742, 13, 39014, 62, 292, 13361, 7, 18206, 84, 1352, 13, 41049, 11, 357, 7890, 46912, 11, 12109, 11, 31215, 4008, 201, 198, 220, 220, 220, 5933, 13, 19836, 3419, 201, 198, 220, 220, 220, 5933, 13, 22179, 3419, 201, 198, 17772, 25, 1303, 1057, 319, 2060, 7767, 201, 198, 197, 1640, 12109, 287, 31215, 17816, 43337, 6, 5974, 201, 198, 197, 197, 18206, 84, 1352, 13, 41049, 7, 7890, 46912, 11, 12109, 11, 31215, 8, 201, 198, 201, 198, 6404, 1362, 13, 10951, 7, 2435, 13, 2536, 31387, 10786, 3237, 1760, 13, 7472, 2491, 640, 25, 4064, 67, 12, 400, 1110, 532, 4064, 39, 9769, 532, 4064, 44, 1084, 532, 4064, 50, 2363, 2637, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 640, 13, 39870, 2435, 7, 2435, 13, 15750, 3419, 532, 923, 7575, 22305, 201, 198, 6404, 1362, 13, 10951, 10786, 10052, 25609, 855, 11537, 201, 198, 17597, 13, 6978, 13, 28956, 10786, 10677, 11537, 201, 198 ]
2.948332
929
import torch import torch.nn as nn import torch.nn.functional as functional class upsampling(nn.Module): ''' net from Deeper depth prediction with fully convolutional residual networks Args of __init__(): in_channels: the # of channels of the input out_channels: the # of channels of the output (result of upsampling) Args of forward(): x: the input upsample_size: the output size (H x W) of the feature map Do notice the upsample is about resolution not # of channels ''' def forward(self, x, upsample_size): ''' In forward pass, the (..., H, W) will be changed it will be upsampled to increase the feature maps' resolution ''' x = functional.interpolate(x, size=upsample_size, mode='bilinear') _x = self.conv1(x) # x_branch2 = self.bn2(self.conv2(x)) x_branch2 = self.gn2(self.conv2(x)) # _x = self.bn1(_x) _x = self.gn1(_x) _x = self.relu(_x) # x_branch1 = self.bn1_2(self.conv1_2(_x)) x_branch1 = self.gn1_2(self.conv1_2(_x)) merge = self.relu(x_branch1 + x_branch2) return merge class Decoder(nn.Module): ''' Decoder use a series of upsampling layers, compressing the features and enlarging the map's scale ''' # resnet50's layer4 has out_channels of 2048 class MFF(nn.Module): ''' Multiscale Feature Fusion Module Take the output of different layers of encoder upsample them and concat them, fuse the feature maps together Note that the upsampling layer also has conv layers ''' class RefineBlock(nn.Module): ''' Do the refinement work, take the concat of MFF output and decoder output as input, output the one channel (depth) image, i.e. the depth estimation image dimension recap: input: default: MFF output: 64 channels Decoder output: 64 channels in args: MFF output: out_channels Decoder output: in_channels // 32 so after concat: input dim = 64 + 64 = 128 channels '''
[ 11748, 28034, 198, 11748, 28034, 13, 20471, 355, 299, 77, 198, 11748, 28034, 13, 20471, 13, 45124, 355, 10345, 198, 198, 4871, 19649, 321, 11347, 7, 20471, 13, 26796, 2599, 198, 220, 220, 220, 220, 198, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 2010, 422, 1024, 5723, 6795, 17724, 351, 3938, 3063, 2122, 282, 29598, 198, 220, 220, 220, 7686, 198, 220, 220, 220, 220, 198, 220, 220, 220, 943, 14542, 286, 11593, 15003, 834, 33529, 198, 220, 220, 220, 220, 220, 220, 220, 287, 62, 354, 8961, 25, 262, 1303, 286, 9619, 286, 262, 5128, 198, 220, 220, 220, 220, 220, 220, 220, 503, 62, 354, 8961, 25, 262, 1303, 286, 9619, 286, 262, 5072, 357, 20274, 286, 19649, 321, 11347, 8, 198, 220, 220, 220, 220, 198, 220, 220, 220, 943, 14542, 286, 2651, 33529, 198, 220, 220, 220, 220, 220, 220, 220, 2124, 25, 262, 5128, 198, 220, 220, 220, 220, 220, 220, 220, 19649, 1403, 62, 7857, 25, 262, 5072, 2546, 357, 39, 2124, 370, 8, 286, 262, 3895, 3975, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 2141, 4003, 262, 19649, 1403, 318, 546, 6323, 407, 1303, 286, 9619, 198, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 825, 2651, 7, 944, 11, 2124, 11, 19649, 1403, 62, 7857, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 220, 220, 220, 220, 554, 2651, 1208, 11, 262, 357, 986, 11, 367, 11, 370, 8, 481, 307, 3421, 198, 220, 220, 220, 220, 220, 220, 220, 340, 481, 307, 19649, 321, 10137, 284, 2620, 262, 3895, 8739, 6, 6323, 198, 220, 220, 220, 220, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 2124, 796, 10345, 13, 3849, 16104, 378, 7, 87, 11, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2546, 28, 4739, 1403, 62, 7857, 11, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4235, 11639, 33473, 259, 451, 11537, 628, 220, 220, 220, 220, 220, 220, 220, 4808, 87, 796, 2116, 13, 42946, 16, 7, 87, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 2124, 62, 1671, 3702, 17, 796, 2116, 13, 9374, 17, 7, 944, 13, 42946, 17, 7, 87, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 2124, 62, 1671, 3702, 17, 796, 2116, 13, 4593, 17, 7, 944, 13, 42946, 17, 7, 87, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 4808, 87, 796, 2116, 13, 9374, 16, 28264, 87, 8, 198, 220, 220, 220, 220, 220, 220, 220, 4808, 87, 796, 2116, 13, 4593, 16, 28264, 87, 8, 198, 220, 220, 220, 220, 220, 220, 220, 4808, 87, 796, 2116, 13, 260, 2290, 28264, 87, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 2124, 62, 1671, 3702, 16, 796, 2116, 13, 9374, 16, 62, 17, 7, 944, 13, 42946, 16, 62, 17, 28264, 87, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 2124, 62, 1671, 3702, 16, 796, 2116, 13, 4593, 16, 62, 17, 7, 944, 13, 42946, 16, 62, 17, 28264, 87, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 20121, 796, 2116, 13, 260, 2290, 7, 87, 62, 1671, 3702, 16, 1343, 2124, 62, 1671, 3702, 17, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 20121, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 4871, 34580, 7, 20471, 13, 26796, 2599, 198, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 34580, 779, 257, 2168, 286, 19649, 321, 11347, 11685, 11, 198, 220, 220, 220, 220, 220, 220, 220, 552, 11697, 262, 3033, 290, 26537, 278, 262, 3975, 338, 5046, 198, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1303, 581, 3262, 1120, 338, 7679, 19, 468, 503, 62, 354, 8961, 286, 36117, 198, 198, 4871, 337, 5777, 7, 20471, 13, 26796, 2599, 198, 220, 220, 220, 220, 198, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 7854, 2304, 1000, 27018, 21278, 19937, 198, 220, 220, 220, 220, 220, 220, 220, 7214, 262, 5072, 286, 1180, 11685, 286, 2207, 12342, 198, 220, 220, 220, 220, 220, 220, 220, 19649, 1403, 606, 290, 1673, 265, 606, 11, 32738, 262, 3895, 8739, 1978, 198, 220, 220, 220, 220, 220, 220, 220, 5740, 326, 262, 19649, 321, 11347, 7679, 635, 468, 3063, 11685, 198, 220, 220, 220, 705, 7061, 198, 198, 4871, 6524, 500, 12235, 7, 20471, 13, 26796, 2599, 198, 220, 220, 220, 220, 198, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 2141, 262, 47517, 670, 11, 220, 198, 220, 220, 220, 1011, 262, 1673, 265, 286, 337, 5777, 5072, 290, 875, 12342, 5072, 355, 5128, 11, 198, 220, 220, 220, 5072, 262, 530, 6518, 357, 18053, 8, 2939, 11, 1312, 13, 68, 13, 262, 6795, 31850, 2939, 198, 220, 220, 220, 220, 198, 220, 220, 220, 15793, 26871, 25, 198, 220, 220, 220, 220, 220, 220, 220, 5128, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4277, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 337, 5777, 5072, 25, 220, 220, 220, 220, 5598, 9619, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 34580, 5072, 25, 5598, 9619, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 287, 26498, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 337, 5777, 5072, 25, 220, 220, 220, 220, 503, 62, 354, 8961, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 34580, 5072, 25, 287, 62, 354, 8961, 3373, 3933, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 523, 706, 1673, 265, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5128, 5391, 796, 5598, 1343, 5598, 796, 13108, 9619, 198, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 220, 220, 220, 220, 220 ]
2.10559
1,127
import math import torch import torch.nn as nn from .GeneralModels import BasicBlock
[ 11748, 10688, 198, 11748, 28034, 198, 11748, 28034, 13, 20471, 355, 299, 77, 198, 6738, 764, 12218, 5841, 1424, 1330, 14392, 12235, 628 ]
3.73913
23
#CodeFights #Given a year, return the century it is in. The first century spans from the year 1 up to and including the year 100, the second - from the year 101 up to and including the year 200, etc.
[ 2, 10669, 37, 2337, 198, 2, 15056, 257, 614, 11, 1441, 262, 4289, 340, 318, 287, 13, 383, 717, 4289, 32727, 422, 262, 614, 352, 510, 284, 290, 1390, 262, 614, 1802, 11, 262, 1218, 532, 422, 262, 614, 8949, 510, 284, 290, 1390, 262, 614, 939, 11, 3503, 13 ]
3.98
50
from raspador import Pilot, UserInteractor, BrowserInteractor from typing import Dict, List
[ 6738, 374, 5126, 7079, 1330, 21697, 11, 11787, 9492, 11218, 11, 34270, 9492, 11218, 198, 6738, 19720, 1330, 360, 713, 11, 7343 ]
4.136364
22
# GENERATED VERSION FILE # TIME: Thu May 6 12:37:04 2021 __version__ = '1.2.0+unknown' short_version = '1.2.0' version_info = (1, 2, 0)
[ 2, 24700, 1137, 11617, 44156, 2849, 45811, 198, 2, 20460, 25, 26223, 1737, 220, 718, 1105, 25, 2718, 25, 3023, 33448, 198, 198, 834, 9641, 834, 796, 705, 16, 13, 17, 13, 15, 10, 34680, 6, 198, 19509, 62, 9641, 796, 705, 16, 13, 17, 13, 15, 6, 198, 9641, 62, 10951, 796, 357, 16, 11, 362, 11, 657, 8, 198 ]
2.262295
61
import pybullet_data import pybullet as p import numpy as np if __name__ == '__main__': p.connect(p.GUI) p.setAdditionalSearchPath(pybullet_data.getDataPath()) plane = p.createCollisionShape(p.GEOM_PLANE) p.changeDynamics(plane, -1, lateralFriction=1) p.createMultiBody(0, plane) p.setGravity(0, 0, -10) p.setRealTimeSimulation(0) sphereUid = TextureRope.load(length=40) while True: p.stepSimulation()
[ 11748, 12972, 15065, 1616, 62, 7890, 198, 11748, 12972, 15065, 1616, 355, 279, 198, 11748, 299, 32152, 355, 45941, 628, 198, 198, 361, 11593, 3672, 834, 6624, 705, 834, 12417, 834, 10354, 628, 220, 220, 220, 279, 13, 8443, 7, 79, 13, 40156, 8, 198, 220, 220, 220, 279, 13, 2617, 17699, 18243, 15235, 7, 9078, 15065, 1616, 62, 7890, 13, 1136, 6601, 15235, 28955, 198, 220, 220, 220, 6614, 796, 279, 13, 17953, 22667, 1166, 33383, 7, 79, 13, 8264, 2662, 62, 6489, 30525, 8, 198, 220, 220, 220, 279, 13, 3803, 35, 4989, 873, 7, 14382, 11, 532, 16, 11, 25653, 37, 46214, 28, 16, 8, 198, 220, 220, 220, 279, 13, 17953, 29800, 25842, 7, 15, 11, 6614, 8, 198, 220, 220, 220, 279, 13, 2617, 38, 16995, 7, 15, 11, 657, 11, 532, 940, 8, 198, 220, 220, 220, 279, 13, 2617, 15633, 7575, 8890, 1741, 7, 15, 8, 628, 220, 220, 220, 16558, 52, 312, 796, 44409, 49, 3008, 13, 2220, 7, 13664, 28, 1821, 8, 628, 220, 220, 220, 981, 6407, 25, 198, 220, 220, 220, 220, 220, 220, 220, 279, 13, 9662, 8890, 1741, 3419, 628, 628, 628 ]
2.34359
195
from get_classification_file_with_original_annotation import get_image_label_dict_from_original_annotation, get_classification_file_based_on_label original_annotation_path="/git/PaDiM-master/assets_new_new/data/2021-03-05/json_for_classification" image_data_root="/git/PaDiM-master/kangqiang_result/segment_image_result_wide_resnet50_2/image/**/*.jpg" save_image_path="/git/PaDiM-master/kangqiang_result/croped_images_with_padim_segment_for_classification" original_image_label_dict= get_image_label_dict_from_original_annotation(original_annotation_path) get_classification_file_based_on_label(original_image_label_dict,image_data_root,save_image_path)
[ 6738, 651, 62, 4871, 2649, 62, 7753, 62, 4480, 62, 14986, 62, 1236, 14221, 1330, 220, 651, 62, 9060, 62, 18242, 62, 11600, 62, 6738, 62, 14986, 62, 1236, 14221, 11, 651, 62, 4871, 2649, 62, 7753, 62, 3106, 62, 261, 62, 18242, 198, 198, 14986, 62, 1236, 14221, 62, 6978, 35922, 18300, 14, 28875, 18683, 44, 12, 9866, 14, 19668, 62, 3605, 62, 3605, 14, 7890, 14, 1238, 2481, 12, 3070, 12, 2713, 14, 17752, 62, 1640, 62, 4871, 2649, 1, 198, 9060, 62, 7890, 62, 15763, 35922, 18300, 14, 28875, 18683, 44, 12, 9866, 14, 74, 648, 80, 15483, 62, 20274, 14, 325, 5154, 62, 9060, 62, 20274, 62, 4421, 62, 411, 3262, 1120, 62, 17, 14, 9060, 35343, 15211, 13, 9479, 1, 198, 198, 21928, 62, 9060, 62, 6978, 35922, 18300, 14, 28875, 18683, 44, 12, 9866, 14, 74, 648, 80, 15483, 62, 20274, 14, 31476, 276, 62, 17566, 62, 4480, 62, 15636, 320, 62, 325, 5154, 62, 1640, 62, 4871, 2649, 1, 198, 198, 14986, 62, 9060, 62, 18242, 62, 11600, 28, 651, 62, 9060, 62, 18242, 62, 11600, 62, 6738, 62, 14986, 62, 1236, 14221, 7, 14986, 62, 1236, 14221, 62, 6978, 8, 220, 220, 198, 1136, 62, 4871, 2649, 62, 7753, 62, 3106, 62, 261, 62, 18242, 7, 14986, 62, 9060, 62, 18242, 62, 11600, 11, 9060, 62, 7890, 62, 15763, 11, 21928, 62, 9060, 62, 6978, 8, 220, 220, 198 ]
2.793249
237
#!/usr/bin/python """ This application reads key value pairs from the command line input and writes to a dictionary, which is then written to a config file The preferred file extension is .cfg """ import signal import sys import HackPSUconfig as config #Initialize a dictionary and define the save and configFile variables #save is initialized to False to prevent the signal handler form saving if the program quits before a file is given dict = {} configFile = None save = False def signal_handler(signal, frame): """ void signal_handler (signal, frame) This function handles the system signal SIGINT The purpose of this function is to save before quitting Args: signal: The signal from the OS frame: The current stack frame """ print('\nSIGINT captured; save and quit initiated.') #If we have a if configFile != None: config.setProperties(configFile, dict) sys.exit(0) #Register our signal handler signal.signal(signal.SIGINT, signal_handler) #Read the input file configFile = input('Enter a configuration file name: ') print('Press Ctrl+C to save and quit\n') #Loop until program is force killed while(True): #Read in a key, value pair and load it into the dictionary key = input('Please enter a key: ') value = input('Please enter a value: ') dict[key] = value print('Dictionary entry for ' + key+ ':' + dict[key] + ' created successfully') print('')
[ 2, 48443, 14629, 14, 8800, 14, 29412, 198, 37811, 198, 1212, 3586, 9743, 1994, 1988, 14729, 422, 262, 3141, 1627, 5128, 290, 6797, 284, 257, 22155, 11, 543, 318, 788, 3194, 284, 257, 4566, 2393, 198, 464, 9871, 2393, 7552, 318, 764, 37581, 198, 37811, 198, 11748, 6737, 198, 11748, 25064, 198, 11748, 18281, 3705, 52, 11250, 355, 4566, 198, 198, 2, 24243, 1096, 257, 22155, 290, 8160, 262, 3613, 290, 4566, 8979, 9633, 198, 2, 21928, 318, 23224, 284, 10352, 284, 2948, 262, 6737, 21360, 1296, 8914, 611, 262, 1430, 627, 896, 878, 257, 2393, 318, 1813, 198, 11600, 796, 23884, 198, 11250, 8979, 796, 6045, 198, 21928, 796, 10352, 198, 198, 4299, 6737, 62, 30281, 7, 12683, 282, 11, 5739, 2599, 198, 197, 37811, 198, 197, 19382, 6737, 62, 30281, 357, 12683, 282, 11, 5739, 8, 198, 197, 198, 197, 1212, 2163, 17105, 262, 1080, 6737, 33993, 12394, 198, 197, 464, 4007, 286, 428, 2163, 318, 284, 3613, 878, 34161, 198, 197, 198, 197, 42035, 25, 198, 197, 197, 12683, 282, 25, 383, 6737, 422, 262, 7294, 198, 197, 197, 14535, 25, 383, 1459, 8931, 5739, 198, 197, 197, 198, 197, 37811, 198, 197, 4798, 10786, 59, 77, 50, 3528, 12394, 7907, 26, 3613, 290, 11238, 16862, 2637, 8, 628, 197, 2, 1532, 356, 423, 257, 220, 198, 197, 361, 4566, 8979, 14512, 6045, 25, 198, 197, 197, 11250, 13, 2617, 2964, 18200, 7, 11250, 8979, 11, 8633, 8, 198, 197, 198, 197, 17597, 13, 37023, 7, 15, 8, 198, 198, 2, 38804, 674, 6737, 21360, 198, 12683, 282, 13, 12683, 282, 7, 12683, 282, 13, 50, 3528, 12394, 11, 6737, 62, 30281, 8, 198, 2, 5569, 262, 5128, 2393, 198, 11250, 8979, 796, 5128, 10786, 17469, 257, 8398, 2393, 1438, 25, 705, 8, 198, 4798, 10786, 13800, 19212, 10, 34, 284, 3613, 290, 11238, 59, 77, 11537, 198, 198, 2, 39516, 1566, 1430, 318, 2700, 2923, 198, 4514, 7, 17821, 2599, 198, 197, 2, 5569, 287, 257, 1994, 11, 1988, 5166, 290, 3440, 340, 656, 262, 22155, 198, 197, 2539, 796, 5128, 10786, 5492, 3802, 257, 1994, 25, 705, 8, 198, 197, 8367, 796, 5128, 10786, 5492, 3802, 257, 1988, 25, 705, 8, 198, 197, 11600, 58, 2539, 60, 796, 1988, 198, 197, 4798, 10786, 35, 14188, 5726, 329, 705, 1343, 1994, 10, 705, 32105, 1343, 8633, 58, 2539, 60, 1343, 705, 2727, 7675, 11537, 198, 197, 4798, 7, 7061, 8, 198, 197 ]
3.431034
406
# Generated by Django 3.1.6 on 2021-02-20 12:26 from django.db import migrations, models
[ 2, 2980, 515, 416, 37770, 513, 13, 16, 13, 21, 319, 33448, 12, 2999, 12, 1238, 1105, 25, 2075, 198, 198, 6738, 42625, 14208, 13, 9945, 1330, 15720, 602, 11, 4981, 628 ]
2.84375
32
import logging from abc import ABC from abc import abstractmethod from typing import List import torch logger = logging.getLogger(__name__)
[ 11748, 18931, 198, 6738, 450, 66, 1330, 9738, 198, 6738, 450, 66, 1330, 12531, 24396, 198, 6738, 19720, 1330, 7343, 198, 198, 11748, 28034, 198, 198, 6404, 1362, 796, 18931, 13, 1136, 11187, 1362, 7, 834, 3672, 834, 8, 628, 198 ]
3.512195
41
import os from src.utils.utils import load_config def test_load_config(): """Test the load_config function""" config = load_config(".env.test") assert config["app_name"] == os.getenv("APP_NAME") assert config["parameters_path"] == os.getenv("PARAMETERS_PATH") assert config["artifact_path"] == os.getenv("ARTIFACT_PATH") assert config["models_path"] == os.getenv("MODELS_PATH") assert config["logs_path"] == os.getenv("LOGS_PATH") assert config["mlflow_tracking_db"] == os.getenv("MLFLOW_TRACKING_DB") assert config["mlflow_tracking_uri"] == os.getenv("MLFLOW_TRACKING_URI") assert config["mlflow_experiment"] == os.getenv("MLFLOW_EXPERIMENT") assert config["train_test_raw_path"] == os.getenv("TRAIN_TEST_RAW_PATH") assert config["holdout_raw_path"] == os.getenv("HOLDOUT_RAW_PATH")
[ 11748, 28686, 198, 6738, 12351, 13, 26791, 13, 26791, 1330, 3440, 62, 11250, 628, 198, 4299, 1332, 62, 2220, 62, 11250, 33529, 198, 220, 220, 220, 37227, 14402, 262, 3440, 62, 11250, 2163, 37811, 628, 220, 220, 220, 4566, 796, 3440, 62, 11250, 7, 1911, 24330, 13, 9288, 4943, 628, 220, 220, 220, 6818, 4566, 14692, 1324, 62, 3672, 8973, 6624, 28686, 13, 1136, 24330, 7203, 24805, 62, 20608, 4943, 198, 220, 220, 220, 6818, 4566, 14692, 17143, 7307, 62, 6978, 8973, 6624, 28686, 13, 1136, 24330, 7203, 27082, 2390, 2767, 4877, 62, 34219, 4943, 198, 220, 220, 220, 6818, 4566, 14692, 433, 29660, 62, 6978, 8973, 6624, 28686, 13, 1136, 24330, 7203, 7227, 5064, 10659, 62, 34219, 4943, 198, 220, 220, 220, 6818, 4566, 14692, 27530, 62, 6978, 8973, 6624, 28686, 13, 1136, 24330, 7203, 33365, 37142, 62, 34219, 4943, 198, 220, 220, 220, 6818, 4566, 14692, 6404, 82, 62, 6978, 8973, 6624, 28686, 13, 1136, 24330, 7203, 25294, 50, 62, 34219, 4943, 198, 220, 220, 220, 6818, 4566, 14692, 76, 1652, 9319, 62, 36280, 62, 9945, 8973, 6624, 28686, 13, 1136, 24330, 7203, 5805, 3697, 3913, 62, 5446, 8120, 2751, 62, 11012, 4943, 198, 220, 220, 220, 6818, 4566, 14692, 76, 1652, 9319, 62, 36280, 62, 9900, 8973, 6624, 28686, 13, 1136, 24330, 7203, 5805, 3697, 3913, 62, 5446, 8120, 2751, 62, 47269, 4943, 198, 220, 220, 220, 6818, 4566, 14692, 76, 1652, 9319, 62, 23100, 3681, 8973, 6624, 28686, 13, 1136, 24330, 7203, 5805, 3697, 3913, 62, 6369, 18973, 3955, 3525, 4943, 198, 220, 220, 220, 6818, 4566, 14692, 27432, 62, 9288, 62, 1831, 62, 6978, 8973, 6624, 28686, 13, 1136, 24330, 7203, 51, 3861, 1268, 62, 51, 6465, 62, 20530, 62, 34219, 4943, 198, 220, 220, 220, 6818, 4566, 14692, 2946, 448, 62, 1831, 62, 6978, 8973, 6624, 28686, 13, 1136, 24330, 7203, 39, 15173, 12425, 62, 20530, 62, 34219, 4943, 198 ]
2.64557
316
import logging from django import forms from django.core.files import File from django.core.files.storage import default_storage from django.core.files.uploadedfile import UploadedFile from django.utils.crypto import get_random_string from django.utils.translation import gettext_lazy as _ logger = logging.getLogger(__name__) class HierarkeyForm(forms.Form): """ This is a custom subclass of ``django.forms.Form`` that you can use to set values for any keys. See the Forms chapter of the documentation for more details. """ BOOL_CHOICES = ( ('False', _('disabled')), ('True', _('enabled')), ) def save(self) -> None: """ Saves all changed values to the database. """ for name, field in self.fields.items(): value = self.cleaned_data[name] if isinstance(value, UploadedFile): # Delete old file fname = self._s.get(name, as_type=File) if fname: try: default_storage.delete(fname.name) except OSError: # pragma: no cover logger.error('Deleting file %s failed.' % fname.name) # Create new file newname = default_storage.save(self.get_new_filename(value.name), value) value._name = newname self._s.set(name, value) elif isinstance(value, File): # file is unchanged continue elif not value and isinstance(field, forms.FileField): # file is deleted fname = self._s.get(name, as_type=File) if fname: try: default_storage.delete(fname.name) except OSError: # pragma: no cover logger.error('Deleting file %s failed.' % fname.name) del self._s[name] elif value is None: del self._s[name] elif self._s.get(name, as_type=type(value)) != value: self._s.set(name, value) def get_new_filename(self, name: str) -> str: """ Returns the file name to use based on the original filename of an uploaded file. By default, the file name is constructed as:: <model_name>-<attribute_name>/<primary_key>/<original_basename>.<random_nonce>.<extension> """ nonce = get_random_string(length=8) return '%s-%s/%s/%s.%s.%s' % ( self.obj._meta.model_name, self.attribute_name, self.obj.pk, name, nonce, name.split('.')[-1] )
[ 11748, 18931, 198, 198, 6738, 42625, 14208, 1330, 5107, 198, 6738, 42625, 14208, 13, 7295, 13, 16624, 1330, 9220, 198, 6738, 42625, 14208, 13, 7295, 13, 16624, 13, 35350, 1330, 4277, 62, 35350, 198, 6738, 42625, 14208, 13, 7295, 13, 16624, 13, 25850, 276, 7753, 1330, 36803, 276, 8979, 198, 6738, 42625, 14208, 13, 26791, 13, 29609, 78, 1330, 651, 62, 25120, 62, 8841, 198, 6738, 42625, 14208, 13, 26791, 13, 41519, 1330, 651, 5239, 62, 75, 12582, 355, 4808, 198, 198, 6404, 1362, 796, 18931, 13, 1136, 11187, 1362, 7, 834, 3672, 834, 8, 628, 198, 4871, 36496, 283, 2539, 8479, 7, 23914, 13, 8479, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 770, 318, 257, 2183, 47611, 286, 7559, 28241, 14208, 13, 23914, 13, 8479, 15506, 326, 345, 460, 779, 284, 900, 198, 220, 220, 220, 3815, 329, 597, 8251, 13, 4091, 262, 39196, 6843, 286, 262, 10314, 329, 517, 3307, 13, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 16494, 3535, 62, 44899, 34444, 796, 357, 198, 220, 220, 220, 220, 220, 220, 220, 19203, 25101, 3256, 4808, 10786, 47730, 11537, 828, 198, 220, 220, 220, 220, 220, 220, 220, 19203, 17821, 3256, 4808, 10786, 25616, 11537, 828, 198, 220, 220, 220, 1267, 628, 220, 220, 220, 825, 3613, 7, 944, 8, 4613, 6045, 25, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 311, 3080, 477, 3421, 3815, 284, 262, 6831, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 329, 1438, 11, 2214, 287, 2116, 13, 25747, 13, 23814, 33529, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1988, 796, 2116, 13, 2375, 22739, 62, 7890, 58, 3672, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 318, 39098, 7, 8367, 11, 36803, 276, 8979, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 23520, 1468, 2393, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 277, 3672, 796, 2116, 13557, 82, 13, 1136, 7, 3672, 11, 355, 62, 4906, 28, 8979, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 277, 3672, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1949, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4277, 62, 35350, 13, 33678, 7, 69, 3672, 13, 3672, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2845, 440, 5188, 81, 1472, 25, 220, 1303, 23864, 2611, 25, 645, 3002, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 49706, 13, 18224, 10786, 5005, 293, 889, 2393, 4064, 82, 4054, 2637, 4064, 277, 3672, 13, 3672, 8, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 13610, 649, 2393, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 649, 3672, 796, 4277, 62, 35350, 13, 21928, 7, 944, 13, 1136, 62, 3605, 62, 34345, 7, 8367, 13, 3672, 828, 1988, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1988, 13557, 3672, 796, 649, 3672, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13557, 82, 13, 2617, 7, 3672, 11, 1988, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1288, 361, 318, 39098, 7, 8367, 11, 9220, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 2393, 318, 21588, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2555, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1288, 361, 407, 1988, 290, 318, 39098, 7, 3245, 11, 5107, 13, 8979, 15878, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 2393, 318, 13140, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 277, 3672, 796, 2116, 13557, 82, 13, 1136, 7, 3672, 11, 355, 62, 4906, 28, 8979, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 277, 3672, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1949, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4277, 62, 35350, 13, 33678, 7, 69, 3672, 13, 3672, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2845, 440, 5188, 81, 1472, 25, 220, 1303, 23864, 2611, 25, 645, 3002, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 49706, 13, 18224, 10786, 5005, 293, 889, 2393, 4064, 82, 4054, 2637, 4064, 277, 3672, 13, 3672, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1619, 2116, 13557, 82, 58, 3672, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1288, 361, 1988, 318, 6045, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1619, 2116, 13557, 82, 58, 3672, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1288, 361, 2116, 13557, 82, 13, 1136, 7, 3672, 11, 355, 62, 4906, 28, 4906, 7, 8367, 4008, 14512, 1988, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13557, 82, 13, 2617, 7, 3672, 11, 1988, 8, 628, 220, 220, 220, 825, 651, 62, 3605, 62, 34345, 7, 944, 11, 1438, 25, 965, 8, 4613, 965, 25, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 16409, 262, 2393, 1438, 284, 779, 1912, 319, 262, 2656, 29472, 286, 281, 19144, 2393, 13, 198, 220, 220, 220, 220, 220, 220, 220, 2750, 4277, 11, 262, 2393, 1438, 318, 12006, 355, 3712, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1279, 19849, 62, 3672, 29, 12, 27, 42348, 62, 3672, 29, 14, 27, 39754, 62, 2539, 29, 14, 27, 14986, 62, 12093, 12453, 28401, 27, 25120, 62, 13159, 344, 28401, 27, 2302, 3004, 29, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1729, 344, 796, 651, 62, 25120, 62, 8841, 7, 13664, 28, 23, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 705, 4, 82, 12, 4, 82, 14, 4, 82, 14, 4, 82, 13, 4, 82, 13, 4, 82, 6, 4064, 357, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 26801, 13557, 28961, 13, 19849, 62, 3672, 11, 2116, 13, 42348, 62, 3672, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 26801, 13, 79, 74, 11, 1438, 11, 1729, 344, 11, 1438, 13, 35312, 10786, 2637, 38381, 12, 16, 60, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 198 ]
2.058778
1,293
#!/usr/bin/python import sys import re import pandas as pd import csv if sys.argv[1].startswith("-f"): col_number = int(sys.argv[1][2]) - 1 input_file = sys.argv[2] else: col_number = 0 input_file = sys.argv[1] name_dict = {} with open("Homo_sapiens.GRCh37.75.gtf", "r") as f: for line in f: if not line.startswith('#'): if line.split("\t")[2] == "gene": gene_id = re.findall(r'ENSG[0-9]{11}', line)[0] gene_name = line.split("\t")[8].split("\"")[3] name_dict[gene_id] = gene_name expression = pd.read_csv(input_file, quoting=csv.QUOTE_NONE) hugo_list = [] for i in range(len(expression)): gene_id = expression.iloc[i, col_number][1:16] if gene_id in name_dict.keys(): hugo_list.append('"' + name_dict[gene_id] + '"') else: hugo_list.append("\"Unknown\"") expression.iloc[:, col_number] = hugo_list print(expression.to_csv(quoting=csv.QUOTE_NONE,index=False,line_terminator='\n'))
[ 2, 48443, 14629, 14, 8800, 14, 29412, 201, 198, 201, 198, 11748, 25064, 201, 198, 11748, 302, 201, 198, 11748, 19798, 292, 355, 279, 67, 201, 198, 11748, 269, 21370, 201, 198, 201, 198, 361, 25064, 13, 853, 85, 58, 16, 4083, 9688, 2032, 342, 7203, 12, 69, 1, 2599, 201, 198, 197, 4033, 62, 17618, 796, 493, 7, 17597, 13, 853, 85, 58, 16, 7131, 17, 12962, 532, 352, 201, 198, 197, 15414, 62, 7753, 796, 25064, 13, 853, 85, 58, 17, 60, 201, 198, 17772, 25, 201, 198, 197, 4033, 62, 17618, 796, 657, 201, 198, 197, 15414, 62, 7753, 796, 25064, 13, 853, 85, 58, 16, 60, 201, 198, 201, 198, 3672, 62, 11600, 796, 23884, 201, 198, 4480, 1280, 7203, 39, 17902, 62, 82, 499, 10465, 13, 10761, 1925, 2718, 13, 2425, 13, 13655, 69, 1600, 366, 81, 4943, 355, 277, 25, 201, 198, 197, 1640, 1627, 287, 277, 25, 201, 198, 197, 197, 361, 407, 1627, 13, 9688, 2032, 342, 10786, 2, 6, 2599, 201, 198, 197, 197, 197, 361, 1627, 13, 35312, 7203, 59, 83, 4943, 58, 17, 60, 6624, 366, 70, 1734, 1298, 201, 198, 197, 197, 197, 197, 70, 1734, 62, 312, 796, 302, 13, 19796, 439, 7, 81, 6, 16938, 38, 58, 15, 12, 24, 60, 90, 1157, 92, 3256, 1627, 38381, 15, 60, 201, 198, 197, 197, 197, 197, 70, 1734, 62, 3672, 796, 1627, 13, 35312, 7203, 59, 83, 4943, 58, 23, 4083, 35312, 7203, 7879, 4943, 58, 18, 60, 201, 198, 197, 197, 197, 197, 3672, 62, 11600, 58, 70, 1734, 62, 312, 60, 796, 9779, 62, 3672, 201, 198, 201, 198, 38011, 796, 279, 67, 13, 961, 62, 40664, 7, 15414, 62, 7753, 11, 28411, 28, 40664, 13, 10917, 23051, 62, 45, 11651, 8, 201, 198, 71, 1018, 78, 62, 4868, 796, 17635, 201, 198, 1640, 1312, 287, 2837, 7, 11925, 7, 38011, 8, 2599, 201, 198, 197, 70, 1734, 62, 312, 796, 5408, 13, 346, 420, 58, 72, 11, 951, 62, 17618, 7131, 16, 25, 1433, 60, 201, 198, 197, 361, 9779, 62, 312, 287, 1438, 62, 11600, 13, 13083, 33529, 201, 198, 197, 197, 71, 1018, 78, 62, 4868, 13, 33295, 10786, 30543, 1343, 1438, 62, 11600, 58, 70, 1734, 62, 312, 60, 1343, 705, 1, 11537, 201, 198, 197, 17772, 25, 201, 198, 197, 197, 71, 1018, 78, 62, 4868, 13, 33295, 7203, 7879, 20035, 7879, 4943, 201, 198, 197, 201, 198, 38011, 13, 346, 420, 58, 45299, 951, 62, 17618, 60, 796, 16225, 78, 62, 4868, 201, 198, 4798, 7, 38011, 13, 1462, 62, 40664, 7, 421, 10720, 28, 40664, 13, 10917, 23051, 62, 45, 11651, 11, 9630, 28, 25101, 11, 1370, 62, 23705, 1352, 11639, 59, 77, 6, 4008, 201, 198 ]
2.069717
459
#Array """ Idea: let forward[i] = nums[0]*nums[1]*...*nums[i-1] ,backward[i] = backward[i] = nums[i+1]*nums[i+2]*...*nums[n], then, res[i] = forward[i]*backward[i] """ import unittest unittest.main()
[ 2, 19182, 198, 198, 37811, 198, 41452, 64, 25, 198, 1616, 2651, 58, 72, 60, 796, 997, 82, 58, 15, 60, 9, 77, 5700, 58, 16, 60, 9, 986, 9, 77, 5700, 58, 72, 12, 16, 60, 837, 1891, 904, 58, 72, 60, 796, 19528, 58, 72, 60, 796, 997, 82, 58, 72, 10, 16, 60, 9, 77, 5700, 58, 72, 10, 17, 60, 9, 986, 9, 77, 5700, 58, 77, 4357, 198, 8524, 11, 198, 411, 58, 72, 60, 796, 2651, 58, 72, 60, 9, 1891, 904, 58, 72, 60, 198, 37811, 198, 198, 11748, 555, 715, 395, 198, 198, 403, 715, 395, 13, 12417, 3419, 628, 220, 220, 220, 220, 220, 220, 220, 220 ]
1.827586
116