content
stringlengths
1
1.04M
input_ids
sequencelengths
1
774k
ratio_char_token
float64
0.38
22.9
token_count
int64
1
774k
# # Copyright 2019-2020 Lukas Schmelzeisen # # 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 logging import FileHandler, Handler from sys import version_info from typing import Sequence from pytest import raises from nasty_utils import checked_cast, safe_issubclass
[ 2, 198, 2, 15069, 13130, 12, 42334, 28102, 292, 3059, 17694, 2736, 13254, 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, 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, 198, 198, 6738, 18931, 1330, 9220, 25060, 11, 32412, 198, 6738, 25064, 1330, 2196, 62, 10951, 198, 6738, 19720, 1330, 45835, 198, 198, 6738, 12972, 9288, 1330, 12073, 198, 198, 6738, 17166, 62, 26791, 1330, 10667, 62, 2701, 11, 3338, 62, 747, 549, 4871, 628, 198 ]
3.812808
203
# -*- coding: utf-8 -*- # Generated by Django 1.11.6 on 2017-12-01 14:49 from __future__ import unicode_literals from django.db import migrations, models
[ 2, 532, 9, 12, 19617, 25, 3384, 69, 12, 23, 532, 9, 12, 198, 2, 2980, 515, 416, 37770, 352, 13, 1157, 13, 21, 319, 2177, 12, 1065, 12, 486, 1478, 25, 2920, 198, 6738, 11593, 37443, 834, 1330, 28000, 1098, 62, 17201, 874, 198, 198, 6738, 42625, 14208, 13, 9945, 1330, 15720, 602, 11, 4981, 628 ]
2.736842
57
import unittest import sys sys.path.insert(0, '../') from client.cisco_grpc_client_insecure import CiscoGRPCClient import json if __name__ == '__main__': unittest.main()
[ 11748, 555, 715, 395, 198, 11748, 25064, 198, 17597, 13, 6978, 13, 28463, 7, 15, 11, 705, 40720, 11537, 198, 6738, 5456, 13, 66, 4861, 62, 2164, 14751, 62, 16366, 62, 259, 22390, 1330, 28289, 10761, 5662, 11792, 198, 11748, 33918, 198, 198, 361, 11593, 3672, 834, 6624, 705, 834, 12417, 834, 10354, 198, 220, 220, 220, 555, 715, 395, 13, 12417, 3419, 198 ]
2.734375
64
import logging logger = logging.getLogger(__name__) import requests import _thread if __name__ == '__main__': import json import time client = WebClient() msg = { 'type': 'config', 'domains': [ {'id': 'B', 'address': 'http://127.0.0.1:8882'}, ] } msg_json = json.dumps(msg) params = {'message-id': '', 'call-back': ''} suffix = '/' + 'A' + '/peer' url = 'http://127.0.0.1:9090' + suffix kwargs = {'params': params} print('send msg') print(client.send_msg('post', url, msg_json, **kwargs)) time.sleep(1)
[ 11748, 18931, 198, 6404, 1362, 796, 18931, 13, 1136, 11187, 1362, 7, 834, 3672, 834, 8, 198, 198, 11748, 7007, 198, 11748, 4808, 16663, 628, 198, 198, 361, 11593, 3672, 834, 6624, 705, 834, 12417, 834, 10354, 198, 220, 220, 220, 1330, 33918, 198, 220, 220, 220, 1330, 640, 628, 220, 220, 220, 5456, 796, 5313, 11792, 3419, 628, 220, 220, 220, 31456, 796, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 705, 4906, 10354, 705, 11250, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 705, 3438, 1299, 10354, 685, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1391, 6, 312, 10354, 705, 33, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 21975, 10354, 705, 4023, 1378, 16799, 13, 15, 13, 15, 13, 16, 25, 3459, 6469, 6, 5512, 198, 220, 220, 220, 220, 220, 220, 220, 2361, 198, 220, 220, 220, 1782, 198, 220, 220, 220, 31456, 62, 17752, 796, 33918, 13, 67, 8142, 7, 19662, 8, 198, 220, 220, 220, 42287, 796, 1391, 6, 20500, 12, 312, 10354, 705, 3256, 705, 13345, 12, 1891, 10354, 10148, 92, 198, 220, 220, 220, 35488, 796, 31051, 6, 1343, 705, 32, 6, 1343, 31051, 33350, 6, 198, 220, 220, 220, 19016, 796, 705, 4023, 1378, 16799, 13, 15, 13, 15, 13, 16, 25, 24, 42534, 6, 1343, 35488, 198, 220, 220, 220, 479, 86, 22046, 796, 1391, 6, 37266, 10354, 42287, 92, 198, 220, 220, 220, 3601, 10786, 21280, 31456, 11537, 198, 220, 220, 220, 3601, 7, 16366, 13, 21280, 62, 19662, 10786, 7353, 3256, 19016, 11, 31456, 62, 17752, 11, 12429, 46265, 22046, 4008, 198, 220, 220, 220, 640, 13, 42832, 7, 16, 8, 628, 628, 198 ]
2.117241
290
import os.path as osp import numpy as np import torch from cogdl.data import Data, Dataset from cogdl.utils import download_url from cogdl.datasets import register_dataset @register_dataset("fb13") @register_dataset("fb15k") @register_dataset("fb15k237") @register_dataset("wn18") @register_dataset("wn18rr") @register_dataset("fb13s")
[ 11748, 28686, 13, 6978, 355, 267, 2777, 198, 198, 11748, 299, 32152, 355, 45941, 198, 11748, 28034, 198, 6738, 43072, 25404, 13, 7890, 1330, 6060, 11, 16092, 292, 316, 198, 6738, 43072, 25404, 13, 26791, 1330, 4321, 62, 6371, 198, 6738, 43072, 25404, 13, 19608, 292, 1039, 1330, 7881, 62, 19608, 292, 316, 628, 628, 628, 198, 198, 31, 30238, 62, 19608, 292, 316, 7203, 21855, 1485, 4943, 628, 198, 31, 30238, 62, 19608, 292, 316, 7203, 21855, 1314, 74, 4943, 628, 198, 31, 30238, 62, 19608, 292, 316, 7203, 21855, 1314, 74, 24693, 4943, 628, 198, 31, 30238, 62, 19608, 292, 316, 7203, 675, 1507, 4943, 628, 198, 31, 30238, 62, 19608, 292, 316, 7203, 675, 1507, 21062, 4943, 628, 198, 31, 30238, 62, 19608, 292, 316, 7203, 21855, 1485, 82, 4943, 198 ]
2.641791
134
# https://leetcode.com/problems/4sum from collections import defaultdict
[ 2, 3740, 1378, 293, 316, 8189, 13, 785, 14, 1676, 22143, 14, 19, 16345, 198, 198, 6738, 17268, 1330, 4277, 11600, 628 ]
3.409091
22
import models import read_data as data import hyperparameters from drift_detection.__init__ import * import random import numpy import logging
[ 11748, 4981, 198, 11748, 1100, 62, 7890, 355, 1366, 198, 11748, 8718, 17143, 7307, 198, 6738, 24260, 62, 15255, 3213, 13, 834, 15003, 834, 1330, 1635, 198, 11748, 4738, 198, 11748, 299, 32152, 198, 11748, 18931, 628, 198 ]
3.815789
38
import requests
[ 11748, 7007, 628 ]
5.666667
3
import frappe from frappe.website.page_renderers.error_page import ErrorPage from frappe.website.page_renderers.not_permitted_page import NotPermittedPage from frappe.website.page_renderers.redirect_page import RedirectPage from frappe.website.path_resolver import PathResolver def get_response(path=None, http_status_code=200): """Resolves path and renders page""" response = None path = path or frappe.local.request.path endpoint = path try: path_resolver = PathResolver(path) endpoint, renderer_instance = path_resolver.resolve() response = renderer_instance.render() except frappe.Redirect: return RedirectPage(endpoint or path, http_status_code).render() except frappe.PermissionError as e: response = NotPermittedPage(endpoint, http_status_code, exception=e).render() except Exception as e: response = ErrorPage(exception=e).render() return response
[ 11748, 5306, 27768, 198, 6738, 5306, 27768, 13, 732, 12485, 13, 7700, 62, 10920, 19288, 13, 18224, 62, 7700, 1330, 13047, 9876, 198, 6738, 5306, 27768, 13, 732, 12485, 13, 7700, 62, 10920, 19288, 13, 1662, 62, 525, 3291, 62, 7700, 1330, 1892, 5990, 3291, 9876, 198, 6738, 5306, 27768, 13, 732, 12485, 13, 7700, 62, 10920, 19288, 13, 445, 1060, 62, 7700, 1330, 2297, 1060, 9876, 198, 6738, 5306, 27768, 13, 732, 12485, 13, 6978, 62, 411, 14375, 1330, 10644, 4965, 14375, 628, 198, 4299, 651, 62, 26209, 7, 6978, 28, 14202, 11, 2638, 62, 13376, 62, 8189, 28, 2167, 2599, 198, 197, 37811, 4965, 9010, 3108, 290, 30111, 2443, 37811, 198, 197, 26209, 796, 6045, 198, 197, 6978, 796, 3108, 393, 5306, 27768, 13, 12001, 13, 25927, 13, 6978, 198, 197, 437, 4122, 796, 3108, 628, 197, 28311, 25, 198, 197, 197, 6978, 62, 411, 14375, 796, 10644, 4965, 14375, 7, 6978, 8, 198, 197, 197, 437, 4122, 11, 9851, 11882, 62, 39098, 796, 3108, 62, 411, 14375, 13, 411, 6442, 3419, 198, 197, 197, 26209, 796, 9851, 11882, 62, 39098, 13, 13287, 3419, 198, 197, 16341, 5306, 27768, 13, 7738, 1060, 25, 198, 197, 197, 7783, 2297, 1060, 9876, 7, 437, 4122, 393, 3108, 11, 2638, 62, 13376, 62, 8189, 737, 13287, 3419, 198, 197, 16341, 5306, 27768, 13, 5990, 3411, 12331, 355, 304, 25, 198, 197, 197, 26209, 796, 1892, 5990, 3291, 9876, 7, 437, 4122, 11, 2638, 62, 13376, 62, 8189, 11, 6631, 28, 68, 737, 13287, 3419, 198, 197, 16341, 35528, 355, 304, 25, 198, 197, 197, 26209, 796, 13047, 9876, 7, 1069, 4516, 28, 68, 737, 13287, 3419, 628, 197, 7783, 2882, 198 ]
3.146429
280
import tensorflow as tf import numpy as np import rnn_cell, rnn train_set = np.load('train_set.npy') test_set = np.load('test_set.npy') x = tf.placeholder(tf.float32, shape=[None, None, 2]) y = tf.placeholder(tf.float32, shape=[1, None]) activation = lambda x: tf.maximum(x, .01*x) with tf.variable_scope('lstm'): cell_size = 64 lstm_cell = rnn_cell.BasicLSTMCell(cell_size, state_is_tuple=True) _, states = rnn.dynamic_rnn(lstm_cell, x, dtype=tf.float32, time_major=True) final_states = states[1] W = weight_variable([1, cell_size]) b = bias_variable([1]) y_pred = activation( tf.matmul(W, tf.transpose(final_states)) + b ) mean_square_error = tf.reduce_mean( (y - y_pred)**2 ) accuracy = tf.reduce_mean( tf.cast( tf.less( tf.abs(y_pred - y), 0.04), tf.float32 ) ) #train_step = tf.train.AdamOptimizer(learning_rate=0.001).minimize(mean_square_error) optimizer = tf.train.AdamOptimizer(learning_rate=0.001) grads_and_vars = optimizer.compute_gradients(mean_square_error) clipped_grads_and_vars = [(tf.clip_by_norm(grad, 1.), var) for (grad, var) in grads_and_vars] train_step = optimizer.apply_gradients(clipped_grads_and_vars) if __name__ == "__main__": session = tf.Session() for i in xrange(5): session.run(tf.initialize_all_variables()) train_log = [] for j in xrange(15000): X, Y = train_set[j%2000] train_log.append((session.run(accuracy, feed_dict={x: X, y: Y}), \ session.run(mean_square_error, feed_dict={x: X, y: Y}))) session.run(train_step, feed_dict={x: X, y: Y}) if j%100 == 0: print 'run', i, 'step', j, train_log[-1] print 'testing...' err_list = [] for (Xt, Yt) in test_set: err_list.append( session.run(mean_square_error, feed_dict={x: Xt, y: Yt}) ) print 'saving results...' np.save('logs/lstm_train_log' + str(i) + '.npy', np.array(train_log)) np.save('logs/lstm_test_err' + str(i) + '.npy', np.array(err_list)) print session.close()
[ 11748, 11192, 273, 11125, 355, 48700, 198, 11748, 299, 32152, 355, 45941, 198, 11748, 374, 20471, 62, 3846, 11, 374, 20471, 198, 198, 27432, 62, 2617, 796, 45941, 13, 2220, 10786, 27432, 62, 2617, 13, 77, 9078, 11537, 198, 9288, 62, 2617, 796, 45941, 13, 2220, 10786, 9288, 62, 2617, 13, 77, 9078, 11537, 198, 198, 87, 796, 48700, 13, 5372, 13829, 7, 27110, 13, 22468, 2624, 11, 5485, 41888, 14202, 11, 6045, 11, 362, 12962, 198, 88, 796, 48700, 13, 5372, 13829, 7, 27110, 13, 22468, 2624, 11, 5485, 41888, 16, 11, 6045, 12962, 198, 198, 48545, 796, 37456, 2124, 25, 48700, 13, 47033, 7, 87, 11, 764, 486, 9, 87, 8, 198, 198, 4480, 48700, 13, 45286, 62, 29982, 10786, 75, 301, 76, 6, 2599, 198, 220, 220, 220, 2685, 62, 7857, 796, 5598, 198, 220, 220, 220, 300, 301, 76, 62, 3846, 796, 374, 20471, 62, 3846, 13, 26416, 43, 2257, 9655, 695, 7, 3846, 62, 7857, 11, 1181, 62, 271, 62, 83, 29291, 28, 17821, 8, 628, 220, 220, 220, 4808, 11, 2585, 796, 374, 20471, 13, 67, 28995, 62, 81, 20471, 7, 75, 301, 76, 62, 3846, 11, 2124, 11, 288, 4906, 28, 27110, 13, 22468, 2624, 11, 640, 62, 22478, 28, 17821, 8, 628, 220, 220, 220, 2457, 62, 27219, 796, 2585, 58, 16, 60, 628, 220, 220, 220, 370, 796, 3463, 62, 45286, 26933, 16, 11, 2685, 62, 7857, 12962, 198, 220, 220, 220, 275, 796, 10690, 62, 45286, 26933, 16, 12962, 628, 220, 220, 220, 331, 62, 28764, 796, 14916, 7, 48700, 13, 6759, 76, 377, 7, 54, 11, 48700, 13, 7645, 3455, 7, 20311, 62, 27219, 4008, 1343, 275, 1267, 628, 220, 220, 220, 1612, 62, 23415, 62, 18224, 796, 48700, 13, 445, 7234, 62, 32604, 7, 357, 88, 532, 331, 62, 28764, 8, 1174, 17, 1267, 628, 220, 220, 220, 9922, 796, 48700, 13, 445, 7234, 62, 32604, 7, 48700, 13, 2701, 7, 48700, 13, 1203, 7, 48700, 13, 8937, 7, 88, 62, 28764, 532, 331, 828, 657, 13, 3023, 828, 48700, 13, 22468, 2624, 1267, 1267, 628, 220, 220, 220, 1303, 27432, 62, 9662, 796, 48700, 13, 27432, 13, 23159, 27871, 320, 7509, 7, 40684, 62, 4873, 28, 15, 13, 8298, 737, 1084, 48439, 7, 32604, 62, 23415, 62, 18224, 8, 628, 220, 220, 220, 6436, 7509, 796, 48700, 13, 27432, 13, 23159, 27871, 320, 7509, 7, 40684, 62, 4873, 28, 15, 13, 8298, 8, 198, 220, 220, 220, 3915, 82, 62, 392, 62, 85, 945, 796, 6436, 7509, 13, 5589, 1133, 62, 9744, 2334, 7, 32604, 62, 23415, 62, 18224, 8, 198, 220, 220, 220, 49305, 62, 2164, 5643, 62, 392, 62, 85, 945, 796, 47527, 27110, 13, 15036, 62, 1525, 62, 27237, 7, 9744, 11, 352, 12179, 1401, 8, 329, 357, 9744, 11, 1401, 8, 287, 3915, 82, 62, 392, 62, 85, 945, 60, 198, 220, 220, 220, 4512, 62, 9662, 796, 6436, 7509, 13, 39014, 62, 9744, 2334, 7, 565, 3949, 62, 2164, 5643, 62, 392, 62, 85, 945, 8, 628, 198, 361, 11593, 3672, 834, 6624, 366, 834, 12417, 834, 1298, 198, 220, 220, 220, 6246, 796, 48700, 13, 36044, 3419, 628, 220, 220, 220, 329, 1312, 287, 2124, 9521, 7, 20, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 6246, 13, 5143, 7, 27110, 13, 36733, 1096, 62, 439, 62, 25641, 2977, 28955, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 4512, 62, 6404, 796, 17635, 198, 220, 220, 220, 220, 220, 220, 220, 329, 474, 287, 2124, 9521, 7, 1314, 830, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1395, 11, 575, 796, 4512, 62, 2617, 58, 73, 4, 11024, 60, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4512, 62, 6404, 13, 33295, 19510, 29891, 13, 5143, 7, 4134, 23843, 11, 3745, 62, 11600, 34758, 87, 25, 1395, 11, 331, 25, 575, 92, 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, 6246, 13, 5143, 7, 32604, 62, 23415, 62, 18224, 11, 3745, 62, 11600, 34758, 87, 25, 1395, 11, 331, 25, 575, 92, 22305, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6246, 13, 5143, 7, 27432, 62, 9662, 11, 3745, 62, 11600, 34758, 87, 25, 1395, 11, 331, 25, 575, 30072, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 474, 4, 3064, 6624, 657, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3601, 705, 5143, 3256, 1312, 11, 705, 9662, 3256, 474, 11, 4512, 62, 6404, 58, 12, 16, 60, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 3601, 705, 33407, 986, 6, 198, 220, 220, 220, 220, 220, 220, 220, 11454, 62, 4868, 796, 17635, 198, 220, 220, 220, 220, 220, 220, 220, 329, 357, 55, 83, 11, 575, 83, 8, 287, 1332, 62, 2617, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 11454, 62, 4868, 13, 33295, 7, 6246, 13, 5143, 7, 32604, 62, 23415, 62, 18224, 11, 3745, 62, 11600, 34758, 87, 25, 1395, 83, 11, 331, 25, 575, 83, 30072, 1267, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 3601, 705, 29336, 2482, 986, 6, 198, 220, 220, 220, 220, 220, 220, 220, 45941, 13, 21928, 10786, 6404, 82, 14, 75, 301, 76, 62, 27432, 62, 6404, 6, 1343, 965, 7, 72, 8, 1343, 45302, 77, 9078, 3256, 45941, 13, 18747, 7, 27432, 62, 6404, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 45941, 13, 21928, 10786, 6404, 82, 14, 75, 301, 76, 62, 9288, 62, 8056, 6, 1343, 965, 7, 72, 8, 1343, 45302, 77, 9078, 3256, 45941, 13, 18747, 7, 8056, 62, 4868, 4008, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 3601, 198, 220, 220, 220, 220, 198, 220, 220, 220, 6246, 13, 19836, 3419, 198 ]
2.090821
1,035
from test.tools.enums import OpTypes from restfx import val from restfx import route from restfx.http import HttpFile from restfx.http import HttpRequest @route(module='测试名称-模块', name='测试名称-GET', extname='jsp', auth=False, op_type=OpTypes.Query, validators=( val('param1').range(2, 2) )) def get(request, _injection, param1=(1, 2), param2=5): """ :param request: HttpRequest :param _injection: :param param1:第1个参数 :param param2:第2个参数 :return: 返回值为参数字典 """ # request 会是 HttpRequest temp = [] for i in range(20): temp.append({ 'i': i, 'p': i ^ i, 'o': i & i }) data = { 'injection': _injection, 'param2': param1, 'param3': param2, 'temp': temp } return data @route(module='测试名称-模块', name='测试名称-GET_APPEND_PARAM') def get_param(param1, req: HttpRequest, from_=None, param3=5): """ :param param1:第1个参数 :param req:第2个参数 :param from_:第3个参数 :param param3:第4个参数 :return: 返回值为参数字典 """ # req 会是 HttpRequest return { 'param1': param1, 'from': from_, 'param3': param3, } @route(module='测试名称-模块', name='测试名称-PUT_PARAM', auth=False) def put(request: int, file: HttpFile): """ :param request:第1个参数 :param file:需要上传一个文件 :return: 返回值为参数字典 """ # request 会是请求参数,参数列表中没有 HttpRequest return { 'request': request, 'param1': { 'filename': file.stream.filename if file else None, 'type': file.mimetype } } @route(module='测试名称-模块', name='测试名称-DELETE_PARAM') def delete(request, param1, from_=None, param3=5, **kwargs): """ :param request:第1个参数 :param param1:第2个参数 :param from_:第3个参数 :param param3:第4个参数 :return: 返回值为参数字典 """ # 未在函数的参数列表中声明的请求参数,会出现在 kwargs 中 return { 'param1': param1, 'from': from_, 'param3': param3, 'variable_args': kwargs }
[ 6738, 1332, 13, 31391, 13, 268, 5700, 1330, 8670, 31431, 201, 198, 201, 198, 6738, 1334, 21373, 1330, 1188, 201, 198, 6738, 1334, 21373, 1330, 6339, 201, 198, 6738, 1334, 21373, 13, 4023, 1330, 367, 29281, 8979, 201, 198, 6738, 1334, 21373, 13, 4023, 1330, 367, 29281, 18453, 201, 198, 201, 198, 201, 198, 31, 38629, 7, 21412, 11639, 38184, 233, 46237, 243, 28938, 235, 163, 100, 108, 12, 162, 101, 94, 161, 251, 245, 3256, 1438, 11639, 38184, 233, 46237, 243, 28938, 235, 163, 100, 108, 12, 18851, 3256, 1070, 3672, 11639, 73, 2777, 3256, 6284, 28, 25101, 11, 1034, 62, 4906, 28, 18257, 31431, 13, 20746, 11, 4938, 2024, 16193, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1188, 10786, 17143, 16, 27691, 9521, 7, 17, 11, 362, 8, 201, 198, 4008, 201, 198, 4299, 651, 7, 25927, 11, 4808, 259, 29192, 11, 5772, 16, 16193, 16, 11, 362, 828, 5772, 17, 28, 20, 2599, 201, 198, 220, 220, 220, 37227, 201, 198, 201, 198, 220, 220, 220, 1058, 17143, 2581, 25, 367, 29281, 18453, 201, 198, 220, 220, 220, 1058, 17143, 4808, 259, 29192, 25, 201, 198, 220, 220, 220, 1058, 17143, 5772, 16, 25, 163, 105, 105, 16, 10310, 103, 20998, 224, 46763, 108, 201, 198, 220, 220, 220, 1058, 17143, 5772, 17, 25, 163, 105, 105, 17, 10310, 103, 20998, 224, 46763, 108, 201, 198, 220, 220, 220, 1058, 7783, 25, 5525, 123, 242, 32368, 252, 161, 222, 120, 10310, 118, 20998, 224, 46763, 108, 27764, 245, 17739, 116, 201, 198, 220, 220, 220, 37227, 201, 198, 220, 220, 220, 1303, 2581, 220, 27670, 248, 42468, 367, 29281, 18453, 201, 198, 201, 198, 220, 220, 220, 20218, 796, 17635, 201, 198, 220, 220, 220, 329, 1312, 287, 2837, 7, 1238, 2599, 201, 198, 220, 220, 220, 220, 220, 220, 220, 20218, 13, 33295, 15090, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 72, 10354, 1312, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 79, 10354, 1312, 10563, 1312, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 78, 10354, 1312, 1222, 1312, 201, 198, 220, 220, 220, 220, 220, 220, 220, 32092, 201, 198, 201, 198, 220, 220, 220, 1366, 796, 1391, 201, 198, 220, 220, 220, 220, 220, 220, 220, 705, 259, 29192, 10354, 4808, 259, 29192, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 705, 17143, 17, 10354, 5772, 16, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 705, 17143, 18, 10354, 5772, 17, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 705, 29510, 10354, 20218, 201, 198, 220, 220, 220, 1782, 201, 198, 220, 220, 220, 1441, 1366, 201, 198, 201, 198, 201, 198, 31, 38629, 7, 21412, 11639, 38184, 233, 46237, 243, 28938, 235, 163, 100, 108, 12, 162, 101, 94, 161, 251, 245, 3256, 1438, 11639, 38184, 233, 46237, 243, 28938, 235, 163, 100, 108, 12, 18851, 62, 24805, 10619, 62, 27082, 2390, 11537, 201, 198, 4299, 651, 62, 17143, 7, 17143, 16, 11, 43089, 25, 367, 29281, 18453, 11, 422, 62, 28, 14202, 11, 5772, 18, 28, 20, 2599, 201, 198, 220, 220, 220, 37227, 201, 198, 201, 198, 220, 220, 220, 1058, 17143, 5772, 16, 25, 163, 105, 105, 16, 10310, 103, 20998, 224, 46763, 108, 201, 198, 220, 220, 220, 1058, 17143, 43089, 25, 163, 105, 105, 17, 10310, 103, 20998, 224, 46763, 108, 201, 198, 220, 220, 220, 1058, 17143, 422, 62, 25, 163, 105, 105, 18, 10310, 103, 20998, 224, 46763, 108, 201, 198, 220, 220, 220, 1058, 17143, 5772, 18, 25, 163, 105, 105, 19, 10310, 103, 20998, 224, 46763, 108, 201, 198, 220, 220, 220, 1058, 7783, 25, 5525, 123, 242, 32368, 252, 161, 222, 120, 10310, 118, 20998, 224, 46763, 108, 27764, 245, 17739, 116, 201, 198, 220, 220, 220, 37227, 201, 198, 220, 220, 220, 1303, 43089, 220, 27670, 248, 42468, 367, 29281, 18453, 201, 198, 220, 220, 220, 1441, 1391, 201, 198, 220, 220, 220, 220, 220, 220, 220, 705, 17143, 16, 10354, 5772, 16, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 705, 6738, 10354, 422, 62, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 705, 17143, 18, 10354, 5772, 18, 11, 201, 198, 220, 220, 220, 1782, 201, 198, 201, 198, 201, 198, 31, 38629, 7, 21412, 11639, 38184, 233, 46237, 243, 28938, 235, 163, 100, 108, 12, 162, 101, 94, 161, 251, 245, 3256, 1438, 11639, 38184, 233, 46237, 243, 28938, 235, 163, 100, 108, 12, 30076, 62, 27082, 2390, 3256, 6284, 28, 25101, 8, 201, 198, 4299, 1234, 7, 25927, 25, 493, 11, 2393, 25, 367, 29281, 8979, 2599, 201, 198, 220, 220, 220, 37227, 201, 198, 201, 198, 220, 220, 220, 1058, 17143, 2581, 25, 163, 105, 105, 16, 10310, 103, 20998, 224, 46763, 108, 201, 198, 220, 220, 220, 1058, 17143, 2393, 25, 165, 250, 222, 17358, 223, 41468, 27670, 254, 31660, 10310, 103, 23877, 229, 20015, 114, 201, 198, 220, 220, 220, 1058, 7783, 25, 5525, 123, 242, 32368, 252, 161, 222, 120, 10310, 118, 20998, 224, 46763, 108, 27764, 245, 17739, 116, 201, 198, 220, 220, 220, 37227, 201, 198, 220, 220, 220, 1303, 2581, 220, 27670, 248, 42468, 46237, 115, 162, 109, 224, 20998, 224, 46763, 108, 171, 120, 234, 20998, 224, 46763, 108, 26344, 245, 26193, 101, 40792, 162, 110, 94, 17312, 231, 367, 29281, 18453, 201, 198, 220, 220, 220, 1441, 1391, 201, 198, 220, 220, 220, 220, 220, 220, 220, 705, 25927, 10354, 2581, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 705, 17143, 16, 10354, 1391, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 34345, 10354, 2393, 13, 5532, 13, 34345, 611, 2393, 2073, 6045, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 4906, 10354, 2393, 13, 76, 320, 2963, 431, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1782, 201, 198, 220, 220, 220, 1782, 201, 198, 201, 198, 201, 198, 31, 38629, 7, 21412, 11639, 38184, 233, 46237, 243, 28938, 235, 163, 100, 108, 12, 162, 101, 94, 161, 251, 245, 3256, 1438, 11639, 38184, 233, 46237, 243, 28938, 235, 163, 100, 108, 12, 7206, 2538, 9328, 62, 27082, 2390, 11537, 201, 198, 4299, 12233, 7, 25927, 11, 5772, 16, 11, 422, 62, 28, 14202, 11, 5772, 18, 28, 20, 11, 12429, 46265, 22046, 2599, 201, 198, 220, 220, 220, 37227, 201, 198, 201, 198, 220, 220, 220, 1058, 17143, 2581, 25, 163, 105, 105, 16, 10310, 103, 20998, 224, 46763, 108, 201, 198, 220, 220, 220, 1058, 17143, 5772, 16, 25, 163, 105, 105, 17, 10310, 103, 20998, 224, 46763, 108, 201, 198, 220, 220, 220, 1058, 17143, 422, 62, 25, 163, 105, 105, 18, 10310, 103, 20998, 224, 46763, 108, 201, 198, 220, 220, 220, 1058, 17143, 5772, 18, 25, 163, 105, 105, 19, 10310, 103, 20998, 224, 46763, 108, 201, 198, 220, 220, 220, 1058, 7783, 25, 5525, 123, 242, 32368, 252, 161, 222, 120, 10310, 118, 20998, 224, 46763, 108, 27764, 245, 17739, 116, 201, 198, 220, 220, 220, 37227, 201, 198, 220, 220, 220, 1303, 42164, 103, 28839, 101, 49035, 121, 46763, 108, 21410, 20998, 224, 46763, 108, 26344, 245, 26193, 101, 40792, 18004, 108, 23626, 236, 21410, 46237, 115, 162, 109, 224, 20998, 224, 46763, 108, 171, 120, 234, 27670, 248, 49035, 118, 163, 236, 108, 28839, 101, 479, 86, 22046, 220, 40792, 201, 198, 220, 220, 220, 1441, 1391, 201, 198, 220, 220, 220, 220, 220, 220, 220, 705, 17143, 16, 10354, 5772, 16, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 705, 6738, 10354, 422, 62, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 705, 17143, 18, 10354, 5772, 18, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 705, 45286, 62, 22046, 10354, 479, 86, 22046, 201, 198, 220, 220, 220, 1782, 201, 198 ]
1.558626
1,339
# -*- coding: utf-8 -*- # Form implementation generated from reading ui file 'DirBrowser_ui.ui' # # Created by: PyQt5 UI code generator 5.9.2 # # WARNING! All changes made in this file will be lost! from PyQt5 import QtCore, QtGui, QtWidgets from HubblePi.viewer.DirBrowserTableView import DirBrowserTableView
[ 2, 532, 9, 12, 19617, 25, 3384, 69, 12, 23, 532, 9, 12, 198, 198, 2, 5178, 7822, 7560, 422, 3555, 334, 72, 2393, 705, 35277, 46532, 62, 9019, 13, 9019, 6, 198, 2, 198, 2, 15622, 416, 25, 9485, 48, 83, 20, 12454, 2438, 17301, 642, 13, 24, 13, 17, 198, 2, 198, 2, 39410, 0, 1439, 2458, 925, 287, 428, 2393, 481, 307, 2626, 0, 198, 198, 6738, 9485, 48, 83, 20, 1330, 33734, 14055, 11, 33734, 8205, 72, 11, 33734, 54, 312, 11407, 198, 198, 6738, 40455, 38729, 13, 1177, 263, 13, 35277, 46532, 10962, 7680, 1330, 36202, 46532, 10962, 7680, 198 ]
2.980952
105
from __future__ import unicode_literals import dataent
[ 6738, 11593, 37443, 834, 1330, 28000, 1098, 62, 17201, 874, 198, 11748, 1366, 298 ]
3.857143
14
''' The Sprite Curry system. This package contains everything one needs to compile and execute Curry code. The topmost module provides an instance of the Curry system and an API to interact with it. To perform a soft reset call :func:`reset`. This returns the system to its original state, with no definitions and no modules imported. The configuration is taken from environment variable SPRITE_INTERPRETER_FLAGS. To change that at runtime, call :func:`reload` and specify new flags. Use :func:`import_` to import Curry modules, :func:`compile` to compile Curry code, :func:`expr` to build Curry expressions, and :func:`eval` to evaluate them. :data:`path` determines where Sprite searches for Curry code. Loaded modules can be found under :data:`modules`. Use :func:`topython` to convert Curry values to Python objects. Example: >>> mymodule = curry.compile(""" ... data Item = A | B ... rotate A = B ... rotate B = A ... main :: Item ... main = rotate A ? rotate B ... """) >>> for value in curry.eval(mymodule.main): ... print(value) B A ''' __all__ = [ # Global API 'getInterpreter' , 'reload' , 'show_value' # Methods of the global interpreter. , 'compile' , 'currytype' , 'eval' , 'expr' , 'flags' , 'import_' , 'load' , 'module' , 'modules' , 'path' , 'raw_expr' , 'reset' , 'save' , 'symbol' , 'topython' , 'type' # Wrappers to control expression building. , 'choice' , 'cons' , 'fail' , 'free' , 'nil' , 'ref' , 'unboxed' ] # Install breakpoint() into __builtins__. import os if os.environ.get('SPRITE_ENABLE_BREAKPOINT', False): from .utility import breakpoint del breakpoint # Validate SPRITE_HOME. if 'SPRITE_HOME' not in os.environ: raise ImportError('SPRITE_HOME is not set in the environment') if not os.path.isdir(os.environ['SPRITE_HOME']): raise ImportError('SPRITE_HOME is not a directory') if not os.access(os.environ['SPRITE_HOME'], os.O_RDONLY): raise ImportError('SPRITE_HOME is not readable') del os from .exceptions import * from . import interpreter, lib from .interpreter import flags as _flags from .utility import visitation as _visitation import collections as _collections import six as _six from . import expressions as _expressions choice = _expressions.choice cons = _expressions.cons fail = _expressions.fail ''' Places a failure into a Curry expression. :meta hide-value: ''' free = _expressions.free nil = _expressions.nil ''' Places a list terminator into a Curry expression. :meta hide-value: ''' ref = _expressions.ref unboxed = _expressions.unboxed del _expressions _interpreter_ = interpreter.Interpreter(flags=_flags.getflags()) compile = _interpreter_.compile currytype = _interpreter_.currytype eval = _interpreter_.eval expr = _interpreter_.expr flags = _interpreter_.flags ''' The ``flags`` attribute of the global interpreter. Modify this to reconfigure the interpreter. :meta hide-value: ''' import_ = _interpreter_.import_ load = _interpreter_.load module = _interpreter_.module modules = _interpreter_.modules ''' The ``modules`` attribute of the global interpreter. This is a ``dict`` that contains the imported Curry modules. :meta hide-value: ''' path = _interpreter_.path ''' The ``path`` attribute of the global interpreter. Initialized from environment variable CURRYPATH. Modify this to dynamically adjust the Curry search path. :meta hide-value: ''' raw_expr = _interpreter_.raw_expr reset = _interpreter_.reset save = _interpreter_.save symbol = _interpreter_.symbol topython = _interpreter_.topython type = _interpreter_.type def getInterpreter(): '''Get the global interpreter instance.''' return _interpreter_ def reload(flags={}): ''' Hard-resets the interpreter. Any flags supplied will be forwarded to the constructor, overriding flags supplied via the environment variable SPRITE_INTERPRETER_FLAGS. ''' interpreter.reload(__name__, flags) def show_value(value): ''' Converts a Python Curry value to a string in Curry format. This does a few things, such as lowering one-tuples; adjusting containers, such as tuples and lists, to print elements as with ``str`` rather than ``repr``; and converting free variable to friendly names _a, _b, etc. The output should match other Curry systems. ''' return ShowValue()(value)
[ 7061, 6, 198, 464, 33132, 20920, 1080, 13, 198, 198, 1212, 5301, 4909, 2279, 530, 2476, 284, 17632, 290, 12260, 20920, 2438, 13, 198, 464, 1353, 1712, 8265, 3769, 281, 4554, 286, 262, 20920, 1080, 290, 281, 7824, 284, 198, 3849, 529, 351, 340, 13, 198, 198, 2514, 1620, 257, 2705, 13259, 869, 1058, 20786, 25, 63, 42503, 44646, 220, 770, 5860, 262, 1080, 284, 663, 198, 14986, 1181, 11, 351, 645, 17336, 290, 645, 13103, 17392, 13, 220, 383, 8398, 198, 271, 2077, 422, 2858, 7885, 49068, 12709, 62, 41358, 46437, 5781, 62, 38948, 50, 13, 220, 1675, 1487, 326, 379, 198, 43282, 11, 869, 1058, 20786, 25, 63, 260, 2220, 63, 290, 11986, 649, 9701, 13, 198, 198, 11041, 1058, 20786, 25, 63, 11748, 62, 63, 284, 1330, 20920, 13103, 11, 1058, 20786, 25, 63, 5589, 576, 63, 284, 17632, 20920, 198, 8189, 11, 1058, 20786, 25, 63, 31937, 63, 284, 1382, 20920, 14700, 11, 290, 1058, 20786, 25, 63, 18206, 63, 284, 13446, 198, 18855, 13, 220, 1058, 7890, 25, 63, 6978, 63, 15947, 810, 33132, 15455, 329, 20920, 2438, 13, 220, 42485, 198, 18170, 460, 307, 1043, 739, 1058, 7890, 25, 63, 18170, 44646, 220, 5765, 1058, 20786, 25, 63, 4852, 7535, 63, 284, 10385, 198, 34, 16682, 3815, 284, 11361, 5563, 13, 198, 198, 16281, 25, 628, 220, 220, 220, 13163, 616, 21412, 796, 34611, 13, 5589, 576, 7203, 15931, 198, 220, 220, 220, 2644, 1366, 9097, 796, 317, 930, 347, 198, 220, 220, 220, 2644, 23064, 317, 796, 347, 198, 220, 220, 220, 2644, 23064, 347, 796, 317, 198, 220, 220, 220, 2644, 1388, 7904, 9097, 198, 220, 220, 220, 2644, 1388, 796, 23064, 317, 5633, 23064, 347, 198, 220, 220, 220, 2644, 13538, 4943, 198, 220, 220, 220, 13163, 329, 1988, 287, 34611, 13, 18206, 7, 1820, 21412, 13, 12417, 2599, 198, 220, 220, 220, 2644, 220, 220, 3601, 7, 8367, 8, 198, 220, 220, 220, 347, 198, 220, 220, 220, 317, 198, 7061, 6, 198, 198, 834, 439, 834, 796, 685, 198, 220, 1303, 8060, 7824, 198, 220, 220, 220, 705, 1136, 9492, 3866, 353, 6, 198, 220, 837, 705, 260, 2220, 6, 198, 220, 837, 705, 12860, 62, 8367, 6, 628, 220, 1303, 25458, 286, 262, 3298, 28846, 13, 198, 220, 837, 705, 5589, 576, 6, 198, 220, 837, 705, 66, 16682, 4906, 6, 198, 220, 837, 705, 18206, 6, 198, 220, 837, 705, 31937, 6, 198, 220, 837, 705, 33152, 6, 198, 220, 837, 705, 11748, 62, 6, 198, 220, 837, 705, 2220, 6, 198, 220, 837, 705, 21412, 6, 198, 220, 837, 705, 18170, 6, 198, 220, 837, 705, 6978, 6, 198, 220, 837, 705, 1831, 62, 31937, 6, 198, 220, 837, 705, 42503, 6, 198, 220, 837, 705, 21928, 6, 198, 220, 837, 705, 1837, 23650, 6, 198, 220, 837, 705, 4852, 7535, 6, 198, 220, 837, 705, 4906, 6, 628, 220, 1303, 27323, 11799, 284, 1630, 5408, 2615, 13, 198, 220, 837, 705, 25541, 6, 198, 220, 837, 705, 5936, 6, 198, 220, 837, 705, 32165, 6, 198, 220, 837, 705, 5787, 6, 198, 220, 837, 705, 45991, 6, 198, 220, 837, 705, 5420, 6, 198, 220, 837, 705, 403, 3524, 276, 6, 198, 220, 2361, 198, 198, 2, 15545, 2270, 4122, 3419, 656, 11593, 18780, 1040, 834, 13, 198, 11748, 28686, 198, 361, 28686, 13, 268, 2268, 13, 1136, 10786, 4303, 49, 12709, 62, 1677, 17534, 62, 40438, 10206, 16402, 12394, 3256, 10352, 2599, 198, 220, 422, 764, 315, 879, 1330, 2270, 4122, 198, 220, 1619, 2270, 4122, 198, 198, 2, 3254, 20540, 49068, 12709, 62, 39069, 13, 198, 361, 705, 4303, 49, 12709, 62, 39069, 6, 407, 287, 28686, 13, 268, 2268, 25, 198, 220, 5298, 17267, 12331, 10786, 4303, 49, 12709, 62, 39069, 318, 407, 900, 287, 262, 2858, 11537, 198, 361, 407, 28686, 13, 6978, 13, 9409, 343, 7, 418, 13, 268, 2268, 17816, 4303, 49, 12709, 62, 39069, 20520, 2599, 198, 220, 5298, 17267, 12331, 10786, 4303, 49, 12709, 62, 39069, 318, 407, 257, 8619, 11537, 198, 361, 407, 28686, 13, 15526, 7, 418, 13, 268, 2268, 17816, 4303, 49, 12709, 62, 39069, 6, 4357, 28686, 13, 46, 62, 35257, 1340, 11319, 2599, 198, 220, 5298, 17267, 12331, 10786, 4303, 49, 12709, 62, 39069, 318, 407, 31744, 11537, 198, 12381, 28686, 198, 198, 6738, 764, 1069, 11755, 1330, 1635, 198, 6738, 764, 1330, 28846, 11, 9195, 198, 6738, 764, 3849, 3866, 353, 1330, 9701, 355, 4808, 33152, 198, 6738, 764, 315, 879, 1330, 49874, 355, 4808, 4703, 3780, 198, 11748, 17268, 355, 4808, 4033, 26448, 198, 11748, 2237, 355, 4808, 19412, 198, 198, 6738, 764, 1330, 14700, 355, 4808, 42712, 507, 198, 25541, 220, 796, 4808, 42712, 507, 13, 25541, 198, 5936, 220, 220, 220, 796, 4808, 42712, 507, 13, 5936, 198, 32165, 220, 220, 220, 796, 4808, 42712, 507, 13, 32165, 198, 7061, 6, 198, 3646, 2114, 257, 5287, 656, 257, 20920, 5408, 13, 198, 198, 25, 28961, 7808, 12, 8367, 25, 198, 7061, 6, 198, 5787, 220, 220, 220, 796, 4808, 42712, 507, 13, 5787, 198, 45991, 220, 220, 220, 220, 796, 4808, 42712, 507, 13, 45991, 198, 7061, 6, 198, 3646, 2114, 257, 1351, 5651, 1352, 656, 257, 20920, 5408, 13, 198, 198, 25, 28961, 7808, 12, 8367, 25, 198, 7061, 6, 198, 5420, 220, 220, 220, 220, 796, 4808, 42712, 507, 13, 5420, 198, 403, 3524, 276, 796, 4808, 42712, 507, 13, 403, 3524, 276, 198, 12381, 4808, 42712, 507, 198, 198, 62, 3849, 3866, 353, 62, 796, 28846, 13, 9492, 3866, 353, 7, 33152, 28, 62, 33152, 13, 1136, 33152, 28955, 198, 198, 5589, 576, 796, 4808, 3849, 3866, 353, 44807, 5589, 576, 198, 66, 16682, 4906, 796, 4808, 3849, 3866, 353, 44807, 66, 16682, 4906, 198, 18206, 796, 4808, 3849, 3866, 353, 44807, 18206, 198, 31937, 796, 4808, 3849, 3866, 353, 44807, 31937, 198, 33152, 796, 4808, 3849, 3866, 353, 44807, 33152, 198, 7061, 6, 198, 464, 7559, 33152, 15506, 11688, 286, 262, 3298, 28846, 13, 220, 3401, 1958, 428, 284, 8195, 26875, 198, 1169, 28846, 13, 198, 198, 25, 28961, 7808, 12, 8367, 25, 198, 7061, 6, 198, 11748, 62, 796, 4808, 3849, 3866, 353, 44807, 11748, 62, 198, 2220, 796, 4808, 3849, 3866, 353, 44807, 2220, 198, 21412, 796, 4808, 3849, 3866, 353, 44807, 21412, 198, 18170, 796, 4808, 3849, 3866, 353, 44807, 18170, 198, 7061, 6, 198, 464, 7559, 18170, 15506, 11688, 286, 262, 3298, 28846, 13, 220, 770, 318, 257, 7559, 11600, 15506, 326, 198, 3642, 1299, 262, 17392, 20920, 13103, 13, 198, 198, 25, 28961, 7808, 12, 8367, 25, 198, 7061, 6, 198, 198, 6978, 796, 4808, 3849, 3866, 353, 44807, 6978, 198, 7061, 6, 198, 464, 7559, 6978, 15506, 11688, 286, 262, 3298, 28846, 13, 220, 554, 13562, 422, 2858, 198, 45286, 327, 4261, 18276, 34219, 13, 220, 3401, 1958, 428, 284, 32366, 4532, 262, 20920, 2989, 3108, 13, 198, 198, 25, 28961, 7808, 12, 8367, 25, 198, 7061, 6, 198, 198, 1831, 62, 31937, 796, 4808, 3849, 3866, 353, 44807, 1831, 62, 31937, 198, 42503, 796, 4808, 3849, 3866, 353, 44807, 42503, 198, 21928, 796, 4808, 3849, 3866, 353, 44807, 21928, 198, 1837, 23650, 796, 4808, 3849, 3866, 353, 44807, 1837, 23650, 198, 4852, 7535, 796, 4808, 3849, 3866, 353, 44807, 4852, 7535, 198, 4906, 796, 4808, 3849, 3866, 353, 44807, 4906, 198, 198, 4299, 651, 9492, 3866, 353, 33529, 198, 220, 705, 7061, 3855, 262, 3298, 28846, 4554, 2637, 7061, 198, 220, 1441, 4808, 3849, 3866, 353, 62, 198, 198, 4299, 18126, 7, 33152, 34758, 92, 2599, 198, 220, 705, 7061, 198, 220, 6912, 12, 411, 1039, 262, 28846, 13, 220, 4377, 9701, 14275, 481, 307, 28308, 284, 262, 198, 220, 23772, 11, 44987, 9701, 14275, 2884, 262, 2858, 7885, 198, 220, 49068, 12709, 62, 41358, 46437, 5781, 62, 38948, 50, 13, 198, 220, 705, 7061, 198, 220, 28846, 13, 260, 2220, 7, 834, 3672, 834, 11, 9701, 8, 628, 198, 198, 4299, 905, 62, 8367, 7, 8367, 2599, 198, 220, 705, 7061, 198, 220, 1482, 24040, 257, 11361, 20920, 1988, 284, 257, 4731, 287, 20920, 5794, 13, 220, 770, 857, 257, 1178, 198, 220, 1243, 11, 884, 355, 21683, 530, 12, 28047, 2374, 26, 22000, 16472, 11, 884, 355, 12777, 2374, 290, 198, 220, 8341, 11, 284, 3601, 4847, 355, 351, 7559, 2536, 15506, 2138, 621, 7559, 260, 1050, 15506, 26, 290, 23202, 198, 220, 1479, 7885, 284, 8030, 3891, 4808, 64, 11, 4808, 65, 11, 3503, 13, 220, 383, 5072, 815, 2872, 584, 198, 220, 20920, 3341, 13, 198, 220, 705, 7061, 198, 220, 1441, 5438, 11395, 3419, 7, 8367, 8, 198 ]
3.057799
1,436
card_pub_key = 15335876 door_pub_key = 15086442 card_loop_size = find_loop_size(7, card_pub_key) door_loop_size = find_loop_size(7, door_pub_key) print(find_enc_key(door_pub_key, card_loop_size))
[ 9517, 62, 12984, 62, 2539, 796, 1315, 2091, 3365, 4304, 198, 9424, 62, 12984, 62, 2539, 796, 6640, 39570, 3682, 628, 628, 198, 9517, 62, 26268, 62, 7857, 796, 1064, 62, 26268, 62, 7857, 7, 22, 11, 2657, 62, 12984, 62, 2539, 8, 198, 9424, 62, 26268, 62, 7857, 796, 1064, 62, 26268, 62, 7857, 7, 22, 11, 3420, 62, 12984, 62, 2539, 8, 198, 198, 4798, 7, 19796, 62, 12685, 62, 2539, 7, 9424, 62, 12984, 62, 2539, 11, 2657, 62, 26268, 62, 7857, 4008 ]
2.325581
86
""" This file defined the URLs (end-points) for the plugin. """ from django.conf.urls import url from . import views # The plugin handles the request to the URL by responding with the view which is loaded # from views.py. Inside "views" is a class which responses to the # request. "name" is a shortcut name for the urls. urlpatterns = [ # This is http://<portal_server_url>/search_page_export_example/ url(r'^$', views.ExportFormView.as_view(), name='form'), # This is http://<portal_server_url>/search_page_export_example/csv/ url(r'^csv/$', views.CsvExportView.as_view(), name='csv'), ]
[ 37811, 198, 1212, 2393, 5447, 262, 32336, 357, 437, 12, 13033, 8, 329, 262, 13877, 13, 198, 37811, 198, 6738, 42625, 14208, 13, 10414, 13, 6371, 82, 1330, 19016, 198, 6738, 764, 1330, 5009, 198, 198, 2, 383, 13877, 17105, 262, 2581, 284, 262, 10289, 416, 14409, 351, 262, 1570, 543, 318, 9639, 198, 2, 422, 5009, 13, 9078, 13, 14384, 366, 33571, 1, 318, 257, 1398, 543, 9109, 284, 262, 198, 2, 2581, 13, 366, 3672, 1, 318, 257, 29401, 1438, 329, 262, 2956, 7278, 13, 198, 6371, 33279, 82, 796, 685, 198, 220, 220, 220, 1303, 770, 318, 2638, 1378, 27, 634, 282, 62, 15388, 62, 6371, 29, 14, 12947, 62, 7700, 62, 39344, 62, 20688, 14, 198, 220, 220, 220, 19016, 7, 81, 6, 61, 3, 3256, 5009, 13, 43834, 8479, 7680, 13, 292, 62, 1177, 22784, 1438, 11639, 687, 33809, 198, 220, 220, 220, 1303, 770, 318, 2638, 1378, 27, 634, 282, 62, 15388, 62, 6371, 29, 14, 12947, 62, 7700, 62, 39344, 62, 20688, 14, 40664, 14, 198, 220, 220, 220, 19016, 7, 81, 6, 61, 40664, 32624, 3256, 5009, 13, 34, 21370, 43834, 7680, 13, 292, 62, 1177, 22784, 1438, 11639, 40664, 33809, 198, 60, 198 ]
3.00495
202
import random import datetime from bubbleSort import BubbleSort
[ 11748, 4738, 198, 11748, 4818, 8079, 198, 198, 6738, 14310, 42758, 1330, 33691, 42758 ]
4.571429
14
from Chemistry.PDB.pdb_atom import pdb_atom from Chemistry.PDB.pdb_constants import pdb_constants """ * pdb is list of pdb_models * pdb_model is a list of pdb_chains objects * pdb _chain is a list of pdb_atom objects * atom ahs attributes such as: - atom_serial_number - atom_name - resname - resseq - chain_id ... * pdb_residue *is not* being used in the pdb object (use int in chain_utils) * use chain_utils to preform operations on a given pdb_chain objects """ class pdb_chain(list): """ pdb_chain is a list of pdb_atoms objects it has chain_id attribute """ @classmethod @classmethod def create_ter_line(cls, last_atom_line): """ this method will create TER line according to the last atom of the chain COLUMNS DATA TYPE FIELD DEFINITION ------------------------------------------------------------------------- 1 - 6 Record name "TER " 7 - 11 Integer serial Serial number. 18 - 20 Residue name resName Residue name. 22 Character chainID Chain identifier. 23 - 26 Integer resSeq Residue sequence number. 27 AChar iCode Insertion code. :param last_atom_line: :return: """ atom = pdb_atom(last_atom_line) # v v v # 12345678901234567890123456 # TER 25 GLY 3 # 12345678901234567890123456 # ATOM 24 HA3 GLY 3 ter_serial_number = int(atom.atom_serial_number) + 1 # TER 2100 ALA A 775 st = "{:<5}{:>6} {:>3} {:>1}{:>4}{:>1}" ter_line = st.format('TER', ter_serial_number, atom.resname, atom.chain_id, atom.resseq, atom.icode) return ter_line class pdb_residue(list): """ pdb_residue is *not* part of the pdb object This class represent a residue (single amino acid) the pdb_residue is a list of atoms which has the following attributes: resname,resseq,icode """ @classmethod def is_eqvivalent_residues(self, residue1, residue2): """ the residues are eqvivalent if bothe have the same resname and resseq :param residue1: :param residue2: :return: """ ret_val = residue1.resname == residue2.resname and \ residue1.resseq == residue2.resseq return ret_val # noinspection PyGlobalUndefined class chain_utils: """ the chain utils is a clas which will help TODO """ def chain2residues_list(self): """ expexted_number_of_residues: the expexted_number_of_residues (if we know it from othe chins in the model) :return: list of lists of atoms - the internal lists are residues (aminos) """ chain = self.chain if len(chain) < 1: return [] if len(self.residues) != 0: return self.residues # this method alredy ran first_atom = chain[0] curr_residue = [] for i, curr_atom in enumerate(chain): if first_atom.has_the_same_residue_as(curr_atom): curr_residue.append(curr_atom) else: self.residues.append(pdb_residue(curr_residue)) curr_residue = [curr_atom] first_atom = curr_atom self.residues.append(pdb_residue(curr_residue)) return self.residues def get_atoms_gaps(self): """TODO""" return [] # def get_chain_gaps(self, expexted_number_of_residues=None): # """TODO""" # chain = self.chain # self.residues_gaps = self.get_residues_gaps() def remove_residues_by_resseqs(self, resseqs_list): """remove residues of the chain acoording to resseqs list""" not_with_resseq = lambda a: a.resseq not in list(map(str, resseqs_list)) chain = pdb_chain(list(filter(not_with_resseq, self.chain))) chain.ter_line = self.chain.ter_line return chain def remove_atoms_by_atom_resseq_and_name(self, atoms_to_remove): """ :param atoms_to_remove: [(resname,resseq,atom_name), (resname,resseq,atom_name)...] :return: """ global _chain atoms_indexes_to_delete = [] chain = self.chain for ai, atom in enumerate(chain): if (atom.resname, atom.resseq, atom.atom_name) in atoms_to_remove: # print ("{:>22} will be deleted from chain {}".format( # str((atom.resname,atom.resseq,atom.atom_name)),self.chain.chain_id)) atoms_indexes_to_delete.append(ai) # else: # print("{:>22} not missing chain {}".format( # str((atom.resname, atom.resseq, atom.atom_name)),self.chain.chain_id)) atoms = [atom for ai, atom in enumerate(chain) if ai not in atoms_indexes_to_delete] _chain = pdb_chain(atoms, ter_line=pdb_chain.create_ter_line(str(atoms[-1]))) return _chain def fix_atoms_serial_number(self, start=1): """fix_atoms_serial_number TODO _Tests""" index = start for i, stom in enumerate(self.chain): self.chain[i].atom_serial_number = index index += 1
[ 6738, 27867, 13, 5760, 33, 13, 79, 9945, 62, 37696, 1330, 279, 9945, 62, 37696, 201, 198, 6738, 27867, 13, 5760, 33, 13, 79, 9945, 62, 9979, 1187, 1330, 279, 9945, 62, 9979, 1187, 201, 198, 201, 198, 37811, 201, 198, 9, 279, 9945, 318, 1351, 286, 279, 9945, 62, 27530, 201, 198, 9, 279, 9945, 62, 19849, 318, 257, 1351, 286, 279, 9945, 62, 38861, 5563, 201, 198, 9, 279, 9945, 4808, 7983, 318, 257, 1351, 286, 279, 9945, 62, 37696, 5563, 201, 198, 9, 22037, 257, 11994, 12608, 884, 355, 25, 201, 198, 220, 220, 220, 532, 22037, 62, 46911, 62, 17618, 201, 198, 220, 220, 220, 532, 22037, 62, 3672, 201, 198, 220, 220, 220, 532, 581, 3672, 201, 198, 220, 220, 220, 532, 581, 41068, 201, 198, 220, 220, 220, 532, 6333, 62, 312, 201, 198, 220, 220, 220, 2644, 201, 198, 9, 279, 9945, 62, 411, 312, 518, 1635, 271, 407, 9, 852, 973, 287, 262, 279, 9945, 2134, 357, 1904, 493, 287, 6333, 62, 26791, 8, 201, 198, 9, 779, 6333, 62, 26791, 284, 662, 687, 4560, 319, 257, 1813, 279, 9945, 62, 7983, 5563, 201, 198, 201, 198, 37811, 201, 198, 201, 198, 201, 198, 4871, 279, 9945, 62, 7983, 7, 4868, 2599, 201, 198, 220, 220, 220, 37227, 201, 198, 220, 220, 220, 279, 9945, 62, 7983, 318, 257, 1351, 286, 279, 9945, 62, 265, 3150, 5563, 201, 198, 220, 220, 220, 340, 468, 6333, 62, 312, 11688, 201, 198, 220, 220, 220, 37227, 201, 198, 201, 198, 220, 220, 220, 2488, 4871, 24396, 201, 198, 201, 198, 220, 220, 220, 2488, 4871, 24396, 201, 198, 220, 220, 220, 825, 2251, 62, 353, 62, 1370, 7, 565, 82, 11, 938, 62, 37696, 62, 1370, 2599, 201, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 201, 198, 220, 220, 220, 220, 220, 220, 220, 428, 2446, 481, 2251, 28994, 1627, 1864, 284, 262, 938, 22037, 286, 262, 6333, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 20444, 5883, 8035, 220, 220, 220, 220, 220, 220, 220, 42865, 220, 41876, 220, 220, 220, 18930, 24639, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5550, 20032, 17941, 201, 198, 220, 220, 220, 220, 220, 220, 220, 16529, 45537, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 352, 532, 220, 718, 220, 220, 220, 220, 220, 220, 220, 13266, 1438, 220, 220, 366, 5781, 220, 220, 366, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 767, 532, 1367, 220, 220, 220, 220, 220, 220, 220, 34142, 220, 220, 220, 220, 220, 220, 11389, 220, 220, 220, 220, 220, 220, 220, 220, 220, 23283, 1271, 13, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1248, 532, 1160, 220, 220, 220, 220, 220, 220, 220, 1874, 312, 518, 1438, 220, 581, 5376, 220, 220, 220, 220, 220, 220, 220, 220, 1874, 312, 518, 1438, 13, 201, 198, 220, 220, 220, 220, 220, 220, 220, 2534, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 15684, 220, 220, 220, 220, 6333, 2389, 220, 220, 220, 220, 220, 220, 220, 220, 21853, 27421, 13, 201, 198, 220, 220, 220, 220, 220, 220, 220, 2242, 532, 2608, 220, 220, 220, 220, 220, 220, 220, 34142, 220, 220, 220, 220, 220, 220, 581, 4653, 80, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1874, 312, 518, 8379, 1271, 13, 201, 198, 220, 220, 220, 220, 220, 220, 220, 2681, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 317, 12441, 220, 220, 220, 220, 220, 220, 220, 220, 1312, 10669, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 35835, 295, 2438, 13, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 938, 62, 37696, 62, 1370, 25, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 7783, 25, 201, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 201, 198, 220, 220, 220, 220, 220, 220, 220, 22037, 796, 279, 9945, 62, 37696, 7, 12957, 62, 37696, 62, 1370, 8, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 220, 220, 220, 220, 220, 410, 220, 220, 220, 410, 220, 220, 220, 220, 220, 220, 220, 410, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 17031, 2231, 3134, 4531, 486, 1954, 2231, 3134, 4531, 486, 1954, 29228, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 28994, 220, 220, 220, 220, 220, 1679, 220, 220, 220, 220, 220, 10188, 56, 220, 220, 220, 220, 513, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 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, 17031, 2231, 3134, 4531, 486, 1954, 2231, 3134, 4531, 486, 1954, 29228, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 5161, 2662, 220, 220, 220, 220, 1987, 220, 14558, 18, 10188, 56, 220, 220, 220, 220, 513, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1059, 62, 46911, 62, 17618, 796, 493, 7, 37696, 13, 37696, 62, 46911, 62, 17618, 8, 1343, 352, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 28994, 220, 220, 220, 38123, 220, 220, 220, 220, 220, 8355, 32, 317, 767, 2425, 201, 198, 201, 198, 220, 220, 220, 220, 220, 220, 220, 336, 796, 45144, 25, 27, 20, 18477, 25, 29, 21, 92, 220, 220, 220, 220, 220, 46110, 29, 18, 92, 46110, 29, 16, 18477, 25, 29, 19, 18477, 25, 29, 16, 36786, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1059, 62, 1370, 796, 336, 13, 18982, 10786, 5781, 3256, 1059, 62, 46911, 62, 17618, 11, 22037, 13, 411, 3672, 11, 22037, 13, 7983, 62, 312, 11, 201, 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, 22037, 13, 411, 41068, 11, 22037, 13, 291, 1098, 8, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 1059, 62, 1370, 201, 198, 201, 198, 201, 198, 4871, 279, 9945, 62, 411, 312, 518, 7, 4868, 2599, 201, 198, 220, 220, 220, 37227, 201, 198, 220, 220, 220, 279, 9945, 62, 411, 312, 518, 318, 1635, 1662, 9, 636, 286, 262, 279, 9945, 2134, 201, 198, 220, 220, 220, 770, 1398, 2380, 257, 35186, 357, 29762, 23206, 7408, 8, 201, 198, 220, 220, 220, 262, 279, 9945, 62, 411, 312, 518, 318, 257, 1351, 286, 23235, 543, 468, 262, 1708, 12608, 25, 201, 198, 220, 220, 220, 581, 3672, 11, 411, 41068, 11, 291, 1098, 201, 198, 220, 220, 220, 37227, 201, 198, 201, 198, 220, 220, 220, 2488, 4871, 24396, 201, 198, 220, 220, 220, 825, 318, 62, 27363, 85, 29540, 62, 411, 312, 947, 7, 944, 11, 35186, 16, 11, 35186, 17, 2599, 201, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 201, 198, 220, 220, 220, 220, 220, 220, 220, 262, 47185, 389, 37430, 85, 29540, 611, 10214, 258, 423, 262, 976, 581, 3672, 290, 581, 41068, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 35186, 16, 25, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 35186, 17, 25, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 7783, 25, 201, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1005, 62, 2100, 796, 35186, 16, 13, 411, 3672, 6624, 35186, 17, 13, 411, 3672, 290, 3467, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 35186, 16, 13, 411, 41068, 6624, 35186, 17, 13, 411, 41068, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 1005, 62, 2100, 201, 198, 201, 198, 201, 198, 2, 645, 1040, 14978, 9485, 22289, 31319, 18156, 201, 198, 4871, 6333, 62, 26791, 25, 201, 198, 220, 220, 220, 37227, 201, 198, 220, 220, 220, 262, 6333, 3384, 4487, 318, 257, 537, 292, 543, 481, 1037, 16926, 46, 201, 198, 220, 220, 220, 37227, 201, 198, 201, 198, 220, 220, 220, 825, 6333, 17, 411, 312, 947, 62, 4868, 7, 944, 2599, 201, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 201, 198, 220, 220, 220, 220, 220, 220, 220, 409, 431, 742, 276, 62, 17618, 62, 1659, 62, 411, 312, 947, 25, 262, 409, 431, 742, 276, 62, 17618, 62, 1659, 62, 411, 312, 947, 201, 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, 357, 361, 356, 760, 340, 422, 267, 1169, 442, 1040, 287, 262, 2746, 8, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 7783, 25, 1351, 286, 8341, 286, 23235, 532, 262, 5387, 8341, 389, 47185, 357, 5669, 418, 8, 201, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 201, 198, 220, 220, 220, 220, 220, 220, 220, 6333, 796, 2116, 13, 7983, 201, 198, 220, 220, 220, 220, 220, 220, 220, 611, 18896, 7, 7983, 8, 1279, 352, 25, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1441, 17635, 201, 198, 220, 220, 220, 220, 220, 220, 220, 611, 18896, 7, 944, 13, 411, 312, 947, 8, 14512, 657, 25, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1441, 2116, 13, 411, 312, 947, 220, 1303, 428, 2446, 435, 445, 88, 4966, 201, 198, 201, 198, 220, 220, 220, 220, 220, 220, 220, 717, 62, 37696, 796, 6333, 58, 15, 60, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1090, 81, 62, 411, 312, 518, 796, 17635, 201, 198, 220, 220, 220, 220, 220, 220, 220, 329, 1312, 11, 1090, 81, 62, 37696, 287, 27056, 378, 7, 7983, 2599, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 717, 62, 37696, 13, 10134, 62, 1169, 62, 31642, 62, 411, 312, 518, 62, 292, 7, 22019, 81, 62, 37696, 2599, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1090, 81, 62, 411, 312, 518, 13, 33295, 7, 22019, 81, 62, 37696, 8, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2073, 25, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 411, 312, 947, 13, 33295, 7, 79, 9945, 62, 411, 312, 518, 7, 22019, 81, 62, 411, 312, 518, 4008, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1090, 81, 62, 411, 312, 518, 796, 685, 22019, 81, 62, 37696, 60, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 717, 62, 37696, 796, 1090, 81, 62, 37696, 201, 198, 201, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 411, 312, 947, 13, 33295, 7, 79, 9945, 62, 411, 312, 518, 7, 22019, 81, 62, 411, 312, 518, 4008, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 2116, 13, 411, 312, 947, 201, 198, 201, 198, 220, 220, 220, 825, 651, 62, 265, 3150, 62, 70, 1686, 7, 944, 2599, 201, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 51, 3727, 46, 37811, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 17635, 201, 198, 201, 198, 220, 220, 220, 1303, 825, 651, 62, 7983, 62, 70, 1686, 7, 944, 11, 409, 431, 742, 276, 62, 17618, 62, 1659, 62, 411, 312, 947, 28, 14202, 2599, 201, 198, 220, 220, 220, 1303, 220, 220, 220, 220, 37227, 51, 3727, 46, 37811, 201, 198, 220, 220, 220, 1303, 220, 220, 220, 220, 6333, 796, 2116, 13, 7983, 201, 198, 220, 220, 220, 1303, 220, 220, 220, 220, 2116, 13, 411, 312, 947, 62, 70, 1686, 796, 2116, 13, 1136, 62, 411, 312, 947, 62, 70, 1686, 3419, 201, 198, 201, 198, 220, 220, 220, 825, 4781, 62, 411, 312, 947, 62, 1525, 62, 411, 41068, 82, 7, 944, 11, 581, 41068, 82, 62, 4868, 2599, 201, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 28956, 47185, 220, 286, 262, 6333, 936, 78, 1284, 284, 581, 41068, 82, 1351, 37811, 201, 198, 220, 220, 220, 220, 220, 220, 220, 407, 62, 4480, 62, 411, 41068, 796, 37456, 257, 25, 257, 13, 411, 41068, 407, 287, 1351, 7, 8899, 7, 2536, 11, 581, 41068, 82, 62, 4868, 4008, 201, 198, 220, 220, 220, 220, 220, 220, 220, 6333, 796, 279, 9945, 62, 7983, 7, 4868, 7, 24455, 7, 1662, 62, 4480, 62, 411, 41068, 11, 2116, 13, 7983, 22305, 201, 198, 220, 220, 220, 220, 220, 220, 220, 6333, 13, 353, 62, 1370, 796, 2116, 13, 7983, 13, 353, 62, 1370, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 6333, 201, 198, 201, 198, 220, 220, 220, 825, 4781, 62, 265, 3150, 62, 1525, 62, 37696, 62, 411, 41068, 62, 392, 62, 3672, 7, 944, 11, 23235, 62, 1462, 62, 28956, 2599, 201, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 201, 198, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 23235, 62, 1462, 62, 28956, 25, 47527, 411, 3672, 11, 411, 41068, 11, 37696, 62, 3672, 828, 357, 411, 3672, 11, 411, 41068, 11, 37696, 62, 3672, 8, 22345, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 7783, 25, 201, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 201, 198, 220, 220, 220, 220, 220, 220, 220, 3298, 4808, 7983, 201, 198, 220, 220, 220, 220, 220, 220, 220, 23235, 62, 9630, 274, 62, 1462, 62, 33678, 796, 17635, 201, 198, 220, 220, 220, 220, 220, 220, 220, 6333, 796, 2116, 13, 7983, 201, 198, 220, 220, 220, 220, 220, 220, 220, 329, 257, 72, 11, 22037, 287, 27056, 378, 7, 7983, 2599, 201, 198, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 357, 37696, 13, 411, 3672, 11, 22037, 13, 411, 41068, 11, 22037, 13, 37696, 62, 3672, 8, 287, 23235, 62, 1462, 62, 28956, 25, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 3601, 220, 5855, 90, 25, 29, 1828, 92, 481, 307, 13140, 422, 6333, 23884, 1911, 18982, 7, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 220, 220, 220, 220, 965, 19510, 37696, 13, 411, 3672, 11, 37696, 13, 411, 41068, 11, 37696, 13, 37696, 62, 3672, 36911, 944, 13, 7983, 13, 7983, 62, 312, 4008, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 23235, 62, 9630, 274, 62, 1462, 62, 33678, 13, 33295, 7, 1872, 8, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 2073, 25, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 3601, 7203, 90, 25, 29, 1828, 92, 407, 4814, 6333, 23884, 1911, 18982, 7, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 220, 220, 220, 220, 965, 19510, 37696, 13, 411, 3672, 11, 22037, 13, 411, 41068, 11, 22037, 13, 37696, 62, 3672, 36911, 944, 13, 7983, 13, 7983, 62, 312, 4008, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 23235, 796, 685, 37696, 329, 257, 72, 11, 22037, 287, 27056, 378, 7, 7983, 8, 611, 257, 72, 407, 287, 23235, 62, 9630, 274, 62, 1462, 62, 33678, 60, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4808, 7983, 796, 279, 9945, 62, 7983, 7, 265, 3150, 11, 1059, 62, 1370, 28, 79, 9945, 62, 7983, 13, 17953, 62, 353, 62, 1370, 7, 2536, 7, 265, 3150, 58, 12, 16, 60, 22305, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 4808, 7983, 201, 198, 201, 198, 220, 220, 220, 825, 4259, 62, 265, 3150, 62, 46911, 62, 17618, 7, 944, 11, 923, 28, 16, 2599, 201, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 13049, 62, 265, 3150, 62, 46911, 62, 17618, 16926, 46, 4808, 51, 3558, 37811, 201, 198, 220, 220, 220, 220, 220, 220, 220, 6376, 796, 923, 201, 198, 220, 220, 220, 220, 220, 220, 220, 329, 1312, 11, 336, 296, 287, 27056, 378, 7, 944, 13, 7983, 2599, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 7983, 58, 72, 4083, 37696, 62, 46911, 62, 17618, 796, 6376, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6376, 15853, 352, 201, 198 ]
1.985533
2,834
# PyAlgoTrade # # Copyright 2011-2015 Gabriel Martin Becedillas Ruiz # # 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. """ .. moduleauthor:: Gabriel Martin Becedillas Ruiz <[email protected]> """ import pyalgotrade.logger from pyalgotrade.optimizer import base from pyalgotrade.optimizer import xmlrpcserver logger = pyalgotrade.logger.getLogger(__name__) class Results(object): """The results of the strategy executions.""" def getParameters(self): """Returns a sequence of parameter values.""" return self.__parameters def getResult(self): """Returns the result for a given set of parameters.""" return self.__result def serve(barFeed, strategyParameters, address, port): """Executes a server that will provide bars and strategy parameters for workers to use. :param barFeed: The bar feed that each worker will use to backtest the strategy. :type barFeed: :class:`pyalgotrade.barfeed.BarFeed`. :param strategyParameters: The set of parameters to use for backtesting. An iterable object where **each element is a tuple that holds parameter values**. :param address: The address to listen for incoming worker connections. :type address: string. :param port: The port to listen for incoming worker connections. :type port: int. :rtype: A :class:`Results` instance with the best results found or None if no results were obtained. """ paramSource = base.ParameterSource(strategyParameters) resultSinc = base.ResultSinc() s = xmlrpcserver.Server(paramSource, resultSinc, barFeed, address, port) logger.info("Starting server") s.serve() logger.info("Server finished") ret = None bestResult, bestParameters = resultSinc.getBest() if bestResult is not None: logger.info("Best final result %s with parameters %s" % (bestResult, bestParameters.args)) ret = Results(bestParameters.args, bestResult) else: logger.error("No results. All jobs failed or no jobs were processed.") return ret
[ 2, 9485, 2348, 2188, 35965, 198, 2, 198, 2, 15069, 2813, 12, 4626, 17371, 5780, 15780, 276, 25314, 11667, 528, 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, 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, 37811, 198, 492, 8265, 9800, 3712, 17371, 5780, 15780, 276, 25314, 11667, 528, 1279, 70, 397, 11719, 13, 9423, 276, 25314, 31, 14816, 13, 785, 29, 198, 37811, 198, 198, 11748, 12972, 14016, 313, 27585, 13, 6404, 1362, 198, 6738, 12972, 14016, 313, 27585, 13, 40085, 7509, 1330, 2779, 198, 6738, 12972, 14016, 313, 27585, 13, 40085, 7509, 1330, 35555, 81, 14751, 15388, 198, 198, 6404, 1362, 796, 12972, 14016, 313, 27585, 13, 6404, 1362, 13, 1136, 11187, 1362, 7, 834, 3672, 834, 8, 628, 198, 4871, 15691, 7, 15252, 2599, 198, 220, 220, 220, 37227, 464, 2482, 286, 262, 4811, 30632, 526, 15931, 628, 220, 220, 220, 825, 651, 48944, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 35561, 257, 8379, 286, 11507, 3815, 526, 15931, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 2116, 13, 834, 17143, 7307, 628, 220, 220, 220, 825, 651, 23004, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 35561, 262, 1255, 329, 257, 1813, 900, 286, 10007, 526, 15931, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 2116, 13, 834, 20274, 628, 198, 4299, 4691, 7, 5657, 18332, 11, 4811, 48944, 11, 2209, 11, 2493, 2599, 198, 220, 220, 220, 37227, 23002, 1769, 257, 4382, 326, 481, 2148, 9210, 290, 4811, 10007, 329, 3259, 284, 779, 13, 628, 220, 220, 220, 1058, 17143, 2318, 18332, 25, 383, 2318, 3745, 326, 1123, 8383, 481, 779, 284, 736, 9288, 262, 4811, 13, 198, 220, 220, 220, 1058, 4906, 2318, 18332, 25, 1058, 4871, 25, 63, 9078, 14016, 313, 27585, 13, 5657, 12363, 13, 10374, 18332, 44646, 198, 220, 220, 220, 1058, 17143, 4811, 48944, 25, 383, 900, 286, 10007, 284, 779, 329, 736, 33407, 13, 1052, 11629, 540, 2134, 810, 12429, 27379, 5002, 318, 257, 46545, 326, 6622, 11507, 3815, 1174, 13, 198, 220, 220, 220, 1058, 17143, 2209, 25, 383, 2209, 284, 6004, 329, 15619, 8383, 8787, 13, 198, 220, 220, 220, 1058, 4906, 2209, 25, 4731, 13, 198, 220, 220, 220, 1058, 17143, 2493, 25, 383, 2493, 284, 6004, 329, 15619, 8383, 8787, 13, 198, 220, 220, 220, 1058, 4906, 2493, 25, 493, 13, 198, 220, 220, 220, 1058, 81, 4906, 25, 317, 1058, 4871, 25, 63, 25468, 63, 4554, 351, 262, 1266, 2482, 1043, 393, 6045, 611, 645, 2482, 547, 6492, 13, 198, 220, 220, 220, 37227, 628, 220, 220, 220, 5772, 7416, 796, 2779, 13, 36301, 7416, 7, 2536, 4338, 48944, 8, 198, 220, 220, 220, 1255, 50, 1939, 796, 2779, 13, 23004, 50, 1939, 3419, 198, 220, 220, 220, 264, 796, 35555, 81, 14751, 15388, 13, 10697, 7, 17143, 7416, 11, 1255, 50, 1939, 11, 2318, 18332, 11, 2209, 11, 2493, 8, 198, 220, 220, 220, 49706, 13, 10951, 7203, 22851, 4382, 4943, 198, 220, 220, 220, 264, 13, 2655, 303, 3419, 198, 220, 220, 220, 49706, 13, 10951, 7203, 10697, 5201, 4943, 628, 220, 220, 220, 1005, 796, 6045, 198, 220, 220, 220, 1266, 23004, 11, 1266, 48944, 796, 1255, 50, 1939, 13, 1136, 13014, 3419, 198, 220, 220, 220, 611, 1266, 23004, 318, 407, 6045, 25, 198, 220, 220, 220, 220, 220, 220, 220, 49706, 13, 10951, 7203, 13014, 2457, 1255, 4064, 82, 351, 10007, 4064, 82, 1, 4064, 357, 13466, 23004, 11, 1266, 48944, 13, 22046, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 1005, 796, 15691, 7, 13466, 48944, 13, 22046, 11, 1266, 23004, 8, 198, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 49706, 13, 18224, 7203, 2949, 2482, 13, 1439, 3946, 4054, 393, 645, 3946, 547, 13686, 19570, 198, 220, 220, 220, 1441, 1005, 198 ]
3.310793
769
# Add relative directory Library to import path, so we can import the SpoutSDK.pyd library. # Feel free to remove these if you put the SpoutSDK.pyd file in the same directory as the python scripts. import sys sys.path.append('Library') import numpy as np import argparse import time import SpoutSDK import pygame from pygame.locals import * from OpenGL.GL import * from OpenGL.GL.framebufferobjects import * from OpenGL.GLU import * import PIL.Image import dnnlib import dnnlib.tflib as tflib import re import sys import time import socket import cv2 import pretrained_networks spout_type = "output" spout_size = [512, 512] silent = True spout_name = "outputGan" """ here your functions """ """main""" if __name__ == '__main__': main()
[ 2, 3060, 3585, 8619, 10074, 284, 1330, 3108, 11, 523, 356, 460, 1330, 262, 1338, 448, 10305, 42, 13, 79, 5173, 5888, 13, 220, 198, 2, 18571, 1479, 284, 4781, 777, 611, 345, 1234, 262, 1338, 448, 10305, 42, 13, 79, 5173, 2393, 287, 262, 976, 8619, 355, 262, 21015, 14750, 13, 198, 11748, 25064, 198, 17597, 13, 6978, 13, 33295, 10786, 23377, 11537, 198, 198, 11748, 299, 32152, 355, 45941, 198, 11748, 1822, 29572, 198, 11748, 640, 198, 11748, 1338, 448, 10305, 42, 198, 11748, 12972, 6057, 198, 6738, 12972, 6057, 13, 17946, 874, 1330, 1635, 198, 6738, 30672, 13, 8763, 1330, 1635, 198, 6738, 30672, 13, 8763, 13, 14535, 22252, 48205, 1330, 1635, 198, 6738, 30672, 13, 8763, 52, 1330, 1635, 198, 198, 11748, 350, 4146, 13, 5159, 198, 11748, 288, 20471, 8019, 198, 11748, 288, 20471, 8019, 13, 83, 2704, 571, 355, 256, 2704, 571, 198, 11748, 302, 198, 11748, 25064, 198, 11748, 640, 198, 11748, 17802, 198, 11748, 269, 85, 17, 198, 198, 11748, 2181, 13363, 62, 3262, 5225, 198, 198, 2777, 448, 62, 4906, 796, 366, 22915, 1, 198, 2777, 448, 62, 7857, 796, 685, 25836, 11, 22243, 60, 198, 18217, 298, 796, 6407, 198, 2777, 448, 62, 3672, 796, 366, 22915, 38, 272, 1, 628, 198, 37811, 994, 534, 5499, 37227, 628, 198, 37811, 12417, 37811, 198, 220, 220, 198, 198, 361, 11593, 3672, 834, 6624, 705, 834, 12417, 834, 10354, 198, 220, 220, 220, 1388, 3419, 198 ]
3.086066
244
# -*- coding: utf-8 -*- from __future__ import unicode_literals from unittest.case import TestCase from actors import Actor, DESTROYED, ACTIVE, Obstacle, Pig, YellowBird, RedBird class BirdBaseTests(TestCase): """ Base Test Class for birds. It has no tests. Its only purpose is encapsulate assertions logic for concrete Birds tests. """ def assert_bird_position(self, x_expected, y_expected, status_expected, bird, time): """ Assert bird position. WARNING: this is not a test method because it has not the suffix "test". :param x_expected: position x expected :param y_expected: position y expected :param status_expected: status expected :param bird: bird under test :param time: game's time """ x_calculated, y_calculated = bird.calculate_position(time) self.assertEqual(x_expected, round(x_calculated), 'x real value = %s' % x_calculated) self.assertEqual(y_expected, round(y_calculated), 'y real value = %s' % y_calculated) self.assertEqual(status_expected, bird.status, '(x = %s, y = %s)' % (x_calculated, y_calculated))
[ 2, 532, 9, 12, 19617, 25, 3384, 69, 12, 23, 532, 9, 12, 198, 198, 6738, 11593, 37443, 834, 1330, 28000, 1098, 62, 17201, 874, 198, 6738, 555, 715, 395, 13, 7442, 1330, 6208, 20448, 198, 198, 6738, 10544, 1330, 27274, 11, 22196, 5446, 21414, 1961, 11, 11741, 9306, 11, 46378, 6008, 11, 23097, 11, 12550, 42562, 11, 2297, 42562, 628, 628, 198, 198, 4871, 14506, 14881, 51, 3558, 7, 14402, 20448, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 7308, 6208, 5016, 329, 10087, 13, 198, 220, 220, 220, 632, 468, 645, 5254, 13, 6363, 691, 4007, 318, 32652, 5039, 29965, 9156, 329, 10017, 27124, 5254, 13, 628, 220, 220, 220, 37227, 628, 220, 220, 220, 825, 6818, 62, 16944, 62, 9150, 7, 944, 11, 2124, 62, 40319, 11, 331, 62, 40319, 11, 3722, 62, 40319, 11, 6512, 11, 640, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 2195, 861, 6512, 2292, 13, 198, 220, 220, 220, 220, 220, 220, 220, 39410, 25, 428, 318, 407, 257, 1332, 2446, 780, 340, 468, 407, 262, 35488, 366, 9288, 1911, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 2124, 62, 40319, 25, 2292, 2124, 2938, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 331, 62, 40319, 25, 2292, 331, 2938, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 3722, 62, 40319, 25, 3722, 2938, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 6512, 25, 6512, 739, 1332, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 640, 25, 983, 338, 640, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 2124, 62, 9948, 49262, 11, 331, 62, 9948, 49262, 796, 6512, 13, 9948, 3129, 378, 62, 9150, 7, 2435, 8, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 30493, 36, 13255, 7, 87, 62, 40319, 11, 2835, 7, 87, 62, 9948, 49262, 828, 705, 87, 1103, 1988, 796, 4064, 82, 6, 4064, 2124, 62, 9948, 49262, 8, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 30493, 36, 13255, 7, 88, 62, 40319, 11, 2835, 7, 88, 62, 9948, 49262, 828, 705, 88, 1103, 1988, 796, 4064, 82, 6, 4064, 331, 62, 9948, 49262, 8, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 30493, 36, 13255, 7, 13376, 62, 40319, 11, 6512, 13, 13376, 11, 29513, 87, 796, 4064, 82, 11, 331, 796, 4064, 82, 33047, 4064, 357, 87, 62, 9948, 49262, 11, 331, 62, 9948, 49262, 4008, 628, 628, 198 ]
2.679724
434
""" Peng-robinson equation of state calculator. As used: https://www.poppyi.com/app_design_form/public_render/peng%20robinson%20eq%20of%20state """ import numpy as np R = 8.31446 # Pa.m3/K
[ 37811, 198, 47, 1516, 12, 22609, 7899, 16022, 286, 1181, 28260, 13, 198, 198, 1722, 973, 25, 3740, 1378, 2503, 13, 7501, 14097, 72, 13, 785, 14, 1324, 62, 26124, 62, 687, 14, 11377, 62, 13287, 14, 79, 1516, 4, 1238, 22609, 7899, 4, 1238, 27363, 4, 1238, 1659, 4, 1238, 5219, 198, 37811, 198, 11748, 299, 32152, 355, 45941, 198, 198, 49, 796, 807, 13, 33638, 3510, 220, 1303, 11243, 13, 76, 18, 14, 42, 628, 198 ]
2.487179
78
from django import forms from django.contrib.auth.models import User from core.models import Post, Category # forms will go here. create account has been added, new post form will probably go here
[ 6738, 42625, 14208, 1330, 5107, 198, 6738, 42625, 14208, 13, 3642, 822, 13, 18439, 13, 27530, 1330, 11787, 198, 6738, 4755, 13, 27530, 1330, 2947, 11, 21743, 198, 198, 2, 5107, 481, 467, 994, 13, 2251, 1848, 468, 587, 2087, 11, 649, 1281, 1296, 481, 2192, 467, 994, 628, 198 ]
4
50
from django.conf.urls import patterns, url from . import views urlpatterns = patterns( '', url('program_export/', views.program_export, name='program_export'), url(r'^special_event/(?P<slug>.*)/$', views.special_event, name='special_event'), )
[ 6738, 42625, 14208, 13, 10414, 13, 6371, 82, 1330, 7572, 11, 19016, 198, 198, 6738, 764, 1330, 5009, 628, 198, 6371, 33279, 82, 796, 7572, 7, 198, 220, 220, 220, 705, 3256, 198, 220, 220, 220, 19016, 10786, 23065, 62, 39344, 14, 3256, 5009, 13, 23065, 62, 39344, 11, 1438, 11639, 23065, 62, 39344, 33809, 198, 220, 220, 220, 19016, 7, 81, 6, 61, 20887, 62, 15596, 29006, 30, 47, 27, 6649, 1018, 29, 15885, 20679, 3, 3256, 5009, 13, 20887, 62, 15596, 11, 1438, 11639, 20887, 62, 15596, 33809, 198, 8, 198 ]
2.784946
93
#!/usr/bin/env python3 ################################################ # # Parser to handle compatibility between # magma and portal json formats # # Michele Berselli # [email protected] # ################################################ ################################################ # Libraries ################################################ import sys, os import json ################################################ # ParserFF ################################################ class ParserFF(object): """ """ def __init__(self, input_json): """ input_json is a meta-workflow or meta-workflow-run in json format """ self.in_json = input_json #end def def arguments_to_json(self): """ parse meta-workflow or meta-workflow-run json stored as self.in_json if input, convert and replace arguments in input from string to json if workflows, for each step-workflow convert and replace arguments in input from string to json """ if self.in_json.get('input'): self._input_to_json(self.in_json['input']) #end if if self.in_json.get('workflows'): self._workflows_to_json(self.in_json['workflows']) #end if return self.in_json #end def def _workflows_to_json(self, workflows): """ """ for workflow in workflows: self._input_to_json(workflow['input']) #end for #end def def _input_to_json(self, input): """ loop through arguments in input call appropriate conversion function for argument_type """ for arg in input: if arg['argument_type'] == 'file': self._file_to_json(arg) else: # is parameter self._parameter_to_json(arg) #end if #end for #end def def _file_to_json(self, arg): """ _files_to_json to convert file argument from string to json replace the argument value (files) """ if arg.get('files'): arg['files'] = self._files_to_json(arg['files']) #end if #end def def _files_to_json(self, files, sep=','): """ convert file argument from string to json return the argument value (files) files, is a list of dictionaries representing files and information on their dimensional structure e.g. "files": [ { "file": "A", "dimension": "0" # 0D missing, 1D X, 2D X:X, 3D X:X:X, ... }, { "file": "B", "dimension": "1" } ] """ list_ = [] # Get max dimensions needed for file in files: dimension = file.get('dimension') if not dimension: return file.get('file') #end if dimension_ = list(map(int, dimension.split(sep))) # Expand input list based on dimensions self._init_list(list_, dimension_) # Add element tmp_list = list_ for i in dimension_[:-1]: tmp_list = tmp_list[i] #end for tmp_list[dimension_[-1]] = file.get('file') #end for return list_ #end def def _init_list(self, list_, dimension_): """ """ tmp_list = list_ for i in dimension_[:-1]: try: # index esist tmp_list[i] except IndexError: # create index for _ in range(i-len(tmp_list)+1): tmp_list.append([]) #end try tmp_list = tmp_list[i] #end for for _ in range(dimension_[-1]-len(tmp_list)+1): tmp_list.append(None) #end for #end def def _parameter_to_json(self, arg): """ convert parameter argument from string to json replace the argument value (value) value_type, json | string | integer | boolean | float """ if not arg.get('value'): return #end if value = arg['value'] value_type = arg['value_type'] if value_type == 'json': value = json.loads(value) elif value_type == 'integer': value = int(value) elif value_type == 'float': value = float(value) elif value_type == 'boolean': if value.lower() == 'true': value = True else: value = False #end if #end if arg['value'] = value del arg['value_type'] #end def #end class
[ 2, 48443, 14629, 14, 8800, 14, 24330, 21015, 18, 198, 198, 29113, 14468, 198, 2, 198, 2, 220, 220, 23042, 263, 284, 5412, 17764, 1022, 198, 2, 220, 220, 220, 220, 220, 220, 2153, 2611, 290, 17898, 33918, 17519, 198, 2, 198, 2, 220, 220, 38872, 4312, 7255, 72, 198, 2, 220, 220, 18157, 7255, 72, 13, 9383, 258, 293, 31, 14816, 13, 785, 198, 2, 198, 29113, 14468, 198, 198, 29113, 14468, 198, 2, 220, 220, 46267, 198, 29113, 14468, 198, 11748, 25064, 11, 28686, 198, 11748, 33918, 198, 198, 29113, 14468, 198, 2, 220, 220, 23042, 263, 5777, 198, 29113, 14468, 198, 4871, 23042, 263, 5777, 7, 15252, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 37227, 628, 220, 220, 220, 825, 11593, 15003, 834, 7, 944, 11, 5128, 62, 17752, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5128, 62, 17752, 318, 257, 13634, 12, 1818, 11125, 393, 13634, 12, 1818, 11125, 12, 5143, 287, 33918, 5794, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 259, 62, 17752, 796, 5128, 62, 17752, 198, 220, 220, 220, 1303, 437, 825, 628, 220, 220, 220, 825, 7159, 62, 1462, 62, 17752, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 21136, 13634, 12, 1818, 11125, 393, 13634, 12, 1818, 11125, 12, 5143, 33918, 8574, 355, 2116, 13, 259, 62, 17752, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 5128, 11, 10385, 290, 6330, 7159, 287, 5128, 422, 4731, 284, 33918, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 670, 44041, 11, 329, 1123, 2239, 12, 1818, 11125, 10385, 290, 6330, 7159, 287, 5128, 422, 4731, 284, 33918, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 611, 2116, 13, 259, 62, 17752, 13, 1136, 10786, 15414, 6, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13557, 15414, 62, 1462, 62, 17752, 7, 944, 13, 259, 62, 17752, 17816, 15414, 6, 12962, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 437, 611, 198, 220, 220, 220, 220, 220, 220, 220, 611, 2116, 13, 259, 62, 17752, 13, 1136, 10786, 1818, 44041, 6, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13557, 1818, 44041, 62, 1462, 62, 17752, 7, 944, 13, 259, 62, 17752, 17816, 1818, 44041, 6, 12962, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 437, 611, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 2116, 13, 259, 62, 17752, 198, 220, 220, 220, 1303, 437, 825, 628, 220, 220, 220, 825, 4808, 1818, 44041, 62, 1462, 62, 17752, 7, 944, 11, 670, 44041, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 329, 30798, 287, 670, 44041, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13557, 15414, 62, 1462, 62, 17752, 7, 1818, 11125, 17816, 15414, 6, 12962, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 437, 329, 198, 220, 220, 220, 1303, 437, 825, 628, 220, 220, 220, 825, 4808, 15414, 62, 1462, 62, 17752, 7, 944, 11, 5128, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 9052, 832, 7159, 287, 5128, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 869, 5035, 11315, 2163, 329, 4578, 62, 4906, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 329, 1822, 287, 5128, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 1822, 17816, 49140, 62, 4906, 20520, 6624, 705, 7753, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13557, 7753, 62, 1462, 62, 17752, 7, 853, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2073, 25, 1303, 318, 11507, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13557, 17143, 2357, 62, 1462, 62, 17752, 7, 853, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 437, 611, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 437, 329, 198, 220, 220, 220, 1303, 437, 825, 628, 220, 220, 220, 825, 4808, 7753, 62, 1462, 62, 17752, 7, 944, 11, 1822, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4808, 16624, 62, 1462, 62, 17752, 284, 10385, 2393, 4578, 422, 4731, 284, 33918, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6330, 262, 4578, 1988, 357, 16624, 8, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 611, 1822, 13, 1136, 10786, 16624, 6, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1822, 17816, 16624, 20520, 796, 2116, 13557, 16624, 62, 1462, 62, 17752, 7, 853, 17816, 16624, 6, 12962, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 437, 611, 198, 220, 220, 220, 1303, 437, 825, 628, 220, 220, 220, 825, 4808, 16624, 62, 1462, 62, 17752, 7, 944, 11, 3696, 11, 41767, 28, 41707, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 10385, 2393, 4578, 422, 4731, 284, 33918, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1441, 262, 4578, 1988, 357, 16624, 8, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3696, 11, 318, 257, 1351, 286, 48589, 3166, 10200, 3696, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 290, 1321, 319, 511, 38517, 4645, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 304, 13, 70, 13, 366, 16624, 1298, 685, 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, 1391, 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, 366, 7753, 1298, 366, 32, 1600, 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, 366, 46156, 1298, 366, 15, 1, 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, 1303, 657, 35, 4814, 11, 352, 35, 1395, 11, 362, 35, 1395, 25, 55, 11, 513, 35, 1395, 25, 55, 25, 55, 11, 2644, 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, 8964, 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, 1391, 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, 366, 7753, 1298, 366, 33, 1600, 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, 366, 46156, 1298, 366, 16, 1, 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, 1782, 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, 2361, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1351, 62, 796, 17635, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 3497, 3509, 15225, 2622, 198, 220, 220, 220, 220, 220, 220, 220, 329, 2393, 287, 3696, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 15793, 796, 2393, 13, 1136, 10786, 46156, 11537, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 407, 15793, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1441, 2393, 13, 1136, 10786, 7753, 11537, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 437, 611, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 15793, 62, 796, 1351, 7, 8899, 7, 600, 11, 15793, 13, 35312, 7, 325, 79, 22305, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 49368, 5128, 1351, 1912, 319, 15225, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13557, 15003, 62, 4868, 7, 4868, 62, 11, 15793, 62, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 3060, 5002, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 45218, 62, 4868, 796, 1351, 62, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 329, 1312, 287, 15793, 62, 58, 21912, 16, 5974, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 45218, 62, 4868, 796, 45218, 62, 4868, 58, 72, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 437, 329, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 45218, 62, 4868, 58, 46156, 62, 58, 12, 16, 11907, 796, 2393, 13, 1136, 10786, 7753, 11537, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 437, 329, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 1351, 62, 198, 220, 220, 220, 1303, 437, 825, 628, 220, 220, 220, 825, 4808, 15003, 62, 4868, 7, 944, 11, 1351, 62, 11, 15793, 62, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 45218, 62, 4868, 796, 1351, 62, 198, 220, 220, 220, 220, 220, 220, 220, 329, 1312, 287, 15793, 62, 58, 21912, 16, 5974, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1949, 25, 1303, 6376, 1658, 396, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 45218, 62, 4868, 58, 72, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2845, 12901, 12331, 25, 1303, 2251, 6376, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 329, 4808, 287, 2837, 7, 72, 12, 11925, 7, 22065, 62, 4868, 47762, 16, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 45218, 62, 4868, 13, 33295, 26933, 12962, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 437, 1949, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 45218, 62, 4868, 796, 45218, 62, 4868, 58, 72, 60, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 437, 329, 198, 220, 220, 220, 220, 220, 220, 220, 329, 4808, 287, 2837, 7, 46156, 62, 58, 12, 16, 45297, 11925, 7, 22065, 62, 4868, 47762, 16, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 45218, 62, 4868, 13, 33295, 7, 14202, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 437, 329, 198, 220, 220, 220, 1303, 437, 825, 628, 220, 220, 220, 825, 4808, 17143, 2357, 62, 1462, 62, 17752, 7, 944, 11, 1822, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 10385, 11507, 4578, 422, 4731, 284, 33918, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6330, 262, 4578, 1988, 357, 8367, 8, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1988, 62, 4906, 11, 33918, 930, 4731, 930, 18253, 930, 25131, 930, 12178, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 611, 407, 1822, 13, 1136, 10786, 8367, 6, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1441, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 437, 611, 198, 220, 220, 220, 220, 220, 220, 220, 1988, 796, 1822, 17816, 8367, 20520, 198, 220, 220, 220, 220, 220, 220, 220, 1988, 62, 4906, 796, 1822, 17816, 8367, 62, 4906, 20520, 198, 220, 220, 220, 220, 220, 220, 220, 611, 1988, 62, 4906, 6624, 705, 17752, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1988, 796, 33918, 13, 46030, 7, 8367, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1288, 361, 1988, 62, 4906, 6624, 705, 41433, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1988, 796, 493, 7, 8367, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1288, 361, 1988, 62, 4906, 6624, 705, 22468, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1988, 796, 12178, 7, 8367, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1288, 361, 1988, 62, 4906, 6624, 705, 2127, 21052, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 1988, 13, 21037, 3419, 6624, 705, 7942, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1988, 796, 6407, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2073, 25, 1988, 796, 10352, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 437, 611, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 437, 611, 198, 220, 220, 220, 220, 220, 220, 220, 1822, 17816, 8367, 20520, 796, 1988, 198, 220, 220, 220, 220, 220, 220, 220, 1619, 1822, 17816, 8367, 62, 4906, 20520, 198, 220, 220, 220, 1303, 437, 825, 198, 198, 2, 437, 1398, 198 ]
1.96092
2,610
''' FVCproductions CSC291_4 ''' # list numbers = [3, 7, 9484, 46, 67, 2.3] total = 0 for num in numbers: total += num # concanetation print "The total is", total print "hi!"*4 # tuple things = ("one", "two") # dictionary age = {"Dryfuss": 6, "Yana": 30, "Lucy", 6} #set print numbers[2] print age["Yana"] (first,second) = things #dictionary
[ 7061, 6, 198, 37, 15922, 11167, 507, 198, 34, 6173, 33551, 62, 19, 198, 7061, 6, 628, 198, 2, 1351, 198, 198, 77, 17024, 796, 685, 18, 11, 767, 11, 860, 34137, 11, 6337, 11, 8275, 11, 362, 13, 18, 60, 198, 198, 23350, 796, 657, 198, 198, 1640, 997, 287, 3146, 25, 198, 197, 23350, 15853, 997, 198, 197, 198, 197, 198, 2, 1673, 272, 316, 341, 198, 198, 4798, 366, 464, 2472, 318, 1600, 2472, 198, 198, 4798, 366, 5303, 2474, 9, 19, 198, 198, 2, 46545, 198, 198, 27971, 796, 5855, 505, 1600, 366, 11545, 4943, 198, 198, 2, 22155, 198, 198, 496, 796, 19779, 35, 563, 69, 1046, 1298, 718, 11, 366, 56, 2271, 1298, 1542, 11, 366, 25596, 948, 1600, 718, 92, 220, 198, 198, 2, 2617, 198, 198, 4798, 3146, 58, 17, 60, 198, 4798, 2479, 14692, 56, 2271, 8973, 198, 7, 11085, 11, 12227, 8, 796, 1243, 198, 198, 2, 67, 14188 ]
2.264151
159
# SPDX-License-Identifier: Apache-2.0 # # The OpenSearch Contributors require contributions made to # this file be licensed under the Apache-2.0 license or a # compatible open source license. import os from abc import ABC, abstractmethod
[ 2, 30628, 55, 12, 34156, 12, 33234, 7483, 25, 24843, 12, 17, 13, 15, 198, 2, 198, 2, 383, 4946, 18243, 25767, 669, 2421, 9284, 925, 284, 198, 2, 428, 2393, 307, 11971, 739, 262, 24843, 12, 17, 13, 15, 5964, 393, 257, 198, 2, 11670, 1280, 2723, 5964, 13, 198, 198, 11748, 28686, 198, 6738, 450, 66, 1330, 9738, 11, 12531, 24396, 628 ]
3.75
64
""" Example running quick estimate algorithm on synthetic data. @author: toddkarin """ import numpy as np import pandas as pd from pandas.plotting import register_matplotlib_converters register_matplotlib_converters() import datetime import matplotlib matplotlib.use('TkAgg') import matplotlib.pyplot as plt import seaborn as sns from pvpro import PvProHandler import pvpro from pvlib.pvsystem import singlediode # Import synthetic data df = pd.read_pickle('synth01_out.pkl') save_figs_directory = 'figures/synth03' # Make PvProHandler object to store data. pvp = PvProHandler(df, system_name='synthetic', delta_T=3, use_clear_times=False, cells_in_series=60, resistance_shunt_ref=df['resistance_shunt_ref'].mean(), alpha_isc=0.001, voltage_key='v_dc', current_key='i_dc', temperature_module_key='temperature_module_meas', irradiance_poa_key='poa_meas', modules_per_string=1, parallel_strings=1, ) # Preprocess pvp.run_preprocess() ret = pvp.quick_parameter_extraction(freq='M', verbose=False, figure=True ) # print(ret['p']) pfit = ret['p'] n = 2 figure = plt.figure(0, figsize=(7.5, 5.5)) plt.clf() figure.subplots(nrows=4, ncols=3, sharex='all') # plt.subplots(sharex='all') plt.subplots_adjust(wspace=0.6, hspace=0.1) # df['conductance_shunt_ref'] = 1/df['resistance_shunt_ref'] ylabel = {'diode_factor': 'Diode factor', 'photocurrent_ref': 'Photocurrent ref (A)', 'saturation_current_ref': 'I sat ref (nA)', 'resistance_series_ref': 'R series ref (Ohm)', 'resistance_shunt_ref': 'R shunt ref (Ohm)', 'conductance_shunt_ref': 'G shunt ref (1/Ohm)', 'conductance_shunt_extra': 'G shunt extra (1/Ohm)', 'i_sc_ref': 'I sc ref (A)', 'v_oc_ref': 'V oc ref (V)', 'i_mp_ref': 'I mp ref (A)', 'p_mp_ref': 'P mp ref (W)', 'i_x_ref': 'I x ref (A)', 'v_mp_ref': 'V mp ref (V)', 'residual': 'Residual (AU)', } plt.subplot(4, 3, 1) ax = plt.gca() plt.axis('off') plt.text(-0.2, 0, 'QUICK ESTIMATE\n' + \ 'System: {}\n'.format(pvp.system_name) + \ 'Use clear times: {}\n'.format(pvp.use_clear_times) + \ 'Temp: {}\n'.format(pvp.temperature_module_key) + \ 'Irrad: {}\n'.format(pvp.irradiance_poa_key) , fontsize=8 ) for k in ['diode_factor', 'photocurrent_ref', 'saturation_current_ref', 'resistance_series_ref', 'conductance_shunt_extra', 'i_mp_ref', 'v_mp_ref', 'p_mp_ref', 'i_sc_ref', 'v_oc_ref', ]: ax = plt.subplot(4, 3, n) if k == 'saturation_current_ref': scale = 1e9 elif k == 'residual': scale = 1e3 else: scale = 1 plt.plot(pfit.index, pfit[k] * scale, '.', color=[0, 0, 0.8], label='pvpro') ylims = scale * np.array([np.nanmax(pfit[k]), np.nanmin(pfit[k])]) if k in df.keys(): plt.plot(df.index, df[k] * scale, '--', color=[1, 0.2, 0.2], label=True) ylims[0] = np.min([ylims[0], df[k].min() * scale]) ylims[1] = np.max([ylims[1], df[k].max() * scale]) plt.ylabel(ylabel[k], fontsize=9) # plt.gca().fmt_xdata = matplotlib.dates.DateFormatter('%Y-%m-%d') if np.nanmax(pfit[k]) < np.nanmin(pfit[k])*1.2: plt.ylim(pfit[k].mean() * np.array([0.9, 1.1])) else: ylims = ylims + 0.1 * np.array([-1, 1]) * (ylims.max() - ylims.min()) plt.ylim(ylims) date_form = matplotlib.dates.DateFormatter("%Y") plt.gca().xaxis.set_major_formatter(date_form) plt.yticks(fontsize=9) plt.xticks(fontsize=9, rotation=90) if n == 3: plt.legend(loc=[0, 1.2]) # for y in [df.index.]: # # plt.plot([y,y], [pfit[k].min()*scale, pfit[k].max()*scale] ,'--') # plt.axvline(y,'--') # mask = np.logical_and(df.index.month == 1, df.index.day == 1) # day_ticks = np.arange(len(df))[mask] # plt.xticks(ticks=df.index[day_ticks].year, # labels=df.index[day_ticks].year) n = n + 1 # figure.tight_layout(pad=5) plt.show() save_figs = False if save_figs: plt.savefig( '{}/synth01_quickfit_degradation_{}.pdf'.format(save_figs_directory, pvp.system_name), bbox_inches='tight') for f in range(20,25): plt.figure(f) plt.savefig( '{}/synth03_estimate_{}.pdf'.format(save_figs_directory, f), bbox_inches='tight')
[ 37811, 198, 16281, 2491, 2068, 8636, 11862, 319, 18512, 1366, 13, 198, 198, 31, 9800, 25, 23646, 74, 17714, 198, 37811, 198, 198, 11748, 299, 32152, 355, 45941, 198, 11748, 19798, 292, 355, 279, 67, 198, 6738, 19798, 292, 13, 29487, 889, 1330, 7881, 62, 6759, 29487, 8019, 62, 1102, 332, 1010, 198, 198, 30238, 62, 6759, 29487, 8019, 62, 1102, 332, 1010, 3419, 198, 11748, 4818, 8079, 198, 11748, 2603, 29487, 8019, 198, 198, 6759, 29487, 8019, 13, 1904, 10786, 51, 74, 46384, 11537, 198, 11748, 2603, 29487, 8019, 13, 9078, 29487, 355, 458, 83, 198, 11748, 384, 397, 1211, 355, 3013, 82, 198, 6738, 279, 85, 1676, 1330, 18367, 2964, 25060, 198, 11748, 279, 85, 1676, 198, 6738, 279, 85, 8019, 13, 79, 85, 10057, 1330, 31958, 72, 1098, 198, 198, 2, 17267, 18512, 1366, 198, 7568, 796, 279, 67, 13, 961, 62, 27729, 293, 10786, 28869, 400, 486, 62, 448, 13, 79, 41582, 11537, 198, 198, 21928, 62, 5647, 82, 62, 34945, 796, 705, 5647, 942, 14, 28869, 400, 3070, 6, 198, 198, 2, 6889, 18367, 2964, 25060, 2134, 284, 3650, 1366, 13, 198, 79, 36133, 796, 18367, 2964, 25060, 7, 7568, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1080, 62, 3672, 11639, 1837, 429, 6587, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 25979, 62, 51, 28, 18, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 779, 62, 20063, 62, 22355, 28, 25101, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4778, 62, 259, 62, 25076, 28, 1899, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6625, 62, 1477, 2797, 62, 5420, 28, 7568, 17816, 411, 9311, 62, 1477, 2797, 62, 5420, 6, 4083, 32604, 22784, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 17130, 62, 2304, 28, 15, 13, 8298, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 15004, 62, 2539, 11639, 85, 62, 17896, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1459, 62, 2539, 11639, 72, 62, 17896, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5951, 62, 21412, 62, 2539, 11639, 11498, 21069, 62, 21412, 62, 1326, 292, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 47537, 3610, 62, 7501, 64, 62, 2539, 11639, 7501, 64, 62, 1326, 292, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 13103, 62, 525, 62, 8841, 28, 16, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 10730, 62, 37336, 28, 16, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1267, 628, 198, 2, 3771, 14681, 198, 79, 36133, 13, 5143, 62, 3866, 14681, 3419, 198, 198, 1186, 796, 279, 36133, 13, 24209, 62, 17143, 2357, 62, 2302, 7861, 7, 19503, 80, 11639, 44, 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, 15942, 577, 28, 25101, 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, 3785, 28, 17821, 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, 1267, 198, 198, 2, 3601, 7, 1186, 17816, 79, 6, 12962, 198, 198, 79, 11147, 796, 1005, 17816, 79, 20520, 198, 198, 77, 796, 362, 198, 26875, 796, 458, 83, 13, 26875, 7, 15, 11, 2336, 7857, 16193, 22, 13, 20, 11, 642, 13, 20, 4008, 198, 489, 83, 13, 565, 69, 3419, 198, 198, 26875, 13, 7266, 489, 1747, 7, 77, 8516, 28, 19, 11, 299, 4033, 82, 28, 18, 11, 2648, 87, 11639, 439, 11537, 198, 2, 458, 83, 13, 7266, 489, 1747, 7, 20077, 87, 11639, 439, 11537, 198, 489, 83, 13, 7266, 489, 1747, 62, 23032, 7, 86, 13200, 28, 15, 13, 21, 11, 289, 13200, 28, 15, 13, 16, 8, 198, 198, 2, 47764, 17816, 36495, 590, 62, 1477, 2797, 62, 5420, 20520, 796, 352, 14, 7568, 17816, 411, 9311, 62, 1477, 2797, 62, 5420, 20520, 198, 2645, 9608, 796, 1391, 6, 10989, 1098, 62, 31412, 10354, 705, 18683, 1098, 5766, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 38611, 420, 6657, 62, 5420, 10354, 705, 27248, 420, 6657, 1006, 357, 32, 8, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 82, 36921, 62, 14421, 62, 5420, 10354, 705, 40, 3332, 1006, 357, 77, 32, 8, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 411, 9311, 62, 25076, 62, 5420, 10354, 705, 49, 2168, 1006, 357, 5812, 76, 8, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 411, 9311, 62, 1477, 2797, 62, 5420, 10354, 705, 49, 427, 2797, 1006, 357, 5812, 76, 8, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 36495, 590, 62, 1477, 2797, 62, 5420, 10354, 705, 38, 427, 2797, 1006, 357, 16, 14, 5812, 76, 8, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 36495, 590, 62, 1477, 2797, 62, 26086, 10354, 705, 38, 427, 2797, 3131, 357, 16, 14, 5812, 76, 8, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 72, 62, 1416, 62, 5420, 10354, 705, 40, 629, 1006, 357, 32, 8, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 85, 62, 420, 62, 5420, 10354, 705, 53, 267, 66, 1006, 357, 53, 8, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 72, 62, 3149, 62, 5420, 10354, 705, 40, 29034, 1006, 357, 32, 8, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 79, 62, 3149, 62, 5420, 10354, 705, 47, 29034, 1006, 357, 54, 8, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 72, 62, 87, 62, 5420, 10354, 705, 40, 2124, 1006, 357, 32, 8, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 85, 62, 3149, 62, 5420, 10354, 705, 53, 29034, 1006, 357, 53, 8, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 411, 312, 723, 10354, 705, 4965, 312, 723, 357, 26830, 8, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1782, 198, 198, 489, 83, 13, 7266, 29487, 7, 19, 11, 513, 11, 352, 8, 198, 897, 796, 458, 83, 13, 70, 6888, 3419, 198, 489, 83, 13, 22704, 10786, 2364, 11537, 198, 489, 83, 13, 5239, 32590, 15, 13, 17, 11, 657, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 705, 10917, 11860, 17160, 3955, 6158, 59, 77, 6, 1343, 3467, 198, 220, 220, 220, 220, 220, 220, 220, 220, 705, 11964, 25, 23884, 59, 77, 4458, 18982, 7, 79, 36133, 13, 10057, 62, 3672, 8, 1343, 3467, 198, 220, 220, 220, 220, 220, 220, 220, 220, 705, 11041, 1598, 1661, 25, 23884, 59, 77, 4458, 18982, 7, 79, 36133, 13, 1904, 62, 20063, 62, 22355, 8, 1343, 3467, 198, 220, 220, 220, 220, 220, 220, 220, 220, 705, 30782, 25, 23884, 59, 77, 4458, 18982, 7, 79, 36133, 13, 11498, 21069, 62, 21412, 62, 2539, 8, 1343, 3467, 198, 220, 220, 220, 220, 220, 220, 220, 220, 705, 23820, 6335, 25, 23884, 59, 77, 4458, 18982, 7, 79, 36133, 13, 343, 6335, 3610, 62, 7501, 64, 62, 2539, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 837, 10369, 7857, 28, 23, 198, 220, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 198, 1640, 479, 287, 37250, 10989, 1098, 62, 31412, 3256, 705, 38611, 420, 6657, 62, 5420, 3256, 705, 82, 36921, 62, 14421, 62, 5420, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 411, 9311, 62, 25076, 62, 5420, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 36495, 590, 62, 1477, 2797, 62, 26086, 3256, 705, 72, 62, 3149, 62, 5420, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 85, 62, 3149, 62, 5420, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 79, 62, 3149, 62, 5420, 3256, 705, 72, 62, 1416, 62, 5420, 3256, 705, 85, 62, 420, 62, 5420, 3256, 2361, 25, 628, 220, 220, 220, 7877, 796, 458, 83, 13, 7266, 29487, 7, 19, 11, 513, 11, 299, 8, 628, 220, 220, 220, 611, 479, 6624, 705, 82, 36921, 62, 14421, 62, 5420, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 5046, 796, 352, 68, 24, 198, 220, 220, 220, 1288, 361, 479, 6624, 705, 411, 312, 723, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 5046, 796, 352, 68, 18, 198, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 5046, 796, 352, 628, 220, 220, 220, 458, 83, 13, 29487, 7, 79, 11147, 13, 9630, 11, 279, 11147, 58, 74, 60, 1635, 5046, 11, 705, 2637, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3124, 41888, 15, 11, 657, 11, 657, 13, 23, 4357, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6167, 11639, 79, 85, 1676, 11537, 198, 220, 220, 220, 331, 2475, 82, 796, 5046, 1635, 45941, 13, 18747, 26933, 37659, 13, 12647, 9806, 7, 79, 11147, 58, 74, 46570, 45941, 13, 12647, 1084, 7, 79, 11147, 58, 74, 12962, 12962, 628, 220, 220, 220, 611, 479, 287, 47764, 13, 13083, 33529, 198, 220, 220, 220, 220, 220, 220, 220, 458, 83, 13, 29487, 7, 7568, 13, 9630, 11, 47764, 58, 74, 60, 1635, 5046, 11, 705, 438, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3124, 41888, 16, 11, 657, 13, 17, 11, 657, 13, 17, 4357, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6167, 28, 17821, 8, 198, 220, 220, 220, 220, 220, 220, 220, 331, 2475, 82, 58, 15, 60, 796, 45941, 13, 1084, 26933, 88, 2475, 82, 58, 15, 4357, 47764, 58, 74, 4083, 1084, 3419, 1635, 5046, 12962, 198, 220, 220, 220, 220, 220, 220, 220, 331, 2475, 82, 58, 16, 60, 796, 45941, 13, 9806, 26933, 88, 2475, 82, 58, 16, 4357, 47764, 58, 74, 4083, 9806, 3419, 1635, 5046, 12962, 628, 220, 220, 220, 458, 83, 13, 2645, 9608, 7, 2645, 9608, 58, 74, 4357, 10369, 7857, 28, 24, 8, 198, 220, 220, 220, 1303, 458, 83, 13, 70, 6888, 22446, 69, 16762, 62, 87, 7890, 796, 2603, 29487, 8019, 13, 19581, 13, 10430, 8479, 1436, 10786, 4, 56, 12, 4, 76, 12, 4, 67, 11537, 628, 220, 220, 220, 611, 45941, 13, 12647, 9806, 7, 79, 11147, 58, 74, 12962, 1279, 45941, 13, 12647, 1084, 7, 79, 11147, 58, 74, 12962, 9, 16, 13, 17, 25, 198, 220, 220, 220, 220, 220, 220, 220, 458, 83, 13, 88, 2475, 7, 79, 11147, 58, 74, 4083, 32604, 3419, 1635, 45941, 13, 18747, 26933, 15, 13, 24, 11, 352, 13, 16, 60, 4008, 198, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 331, 2475, 82, 796, 331, 2475, 82, 1343, 657, 13, 16, 1635, 45941, 13, 18747, 26933, 12, 16, 11, 352, 12962, 1635, 357, 88, 2475, 82, 13, 9806, 3419, 532, 331, 2475, 82, 13, 1084, 28955, 198, 220, 220, 220, 220, 220, 220, 220, 458, 83, 13, 88, 2475, 7, 88, 2475, 82, 8, 198, 220, 220, 220, 3128, 62, 687, 796, 2603, 29487, 8019, 13, 19581, 13, 10430, 8479, 1436, 7203, 4, 56, 4943, 198, 220, 220, 220, 458, 83, 13, 70, 6888, 22446, 87, 22704, 13, 2617, 62, 22478, 62, 687, 1436, 7, 4475, 62, 687, 8, 198, 220, 220, 220, 458, 83, 13, 20760, 3378, 7, 10331, 7857, 28, 24, 8, 198, 220, 220, 220, 458, 83, 13, 742, 3378, 7, 10331, 7857, 28, 24, 11, 13179, 28, 3829, 8, 628, 198, 220, 220, 220, 611, 299, 6624, 513, 25, 198, 220, 220, 220, 220, 220, 220, 220, 458, 83, 13, 1455, 437, 7, 17946, 41888, 15, 11, 352, 13, 17, 12962, 628, 220, 220, 220, 1303, 329, 331, 287, 685, 7568, 13, 9630, 13, 5974, 198, 220, 220, 220, 1303, 220, 220, 220, 220, 1303, 458, 83, 13, 29487, 26933, 88, 11, 88, 4357, 685, 79, 11147, 58, 74, 4083, 1084, 3419, 9, 9888, 11, 279, 11147, 58, 74, 4083, 9806, 3419, 9, 9888, 60, 837, 6, 438, 11537, 198, 220, 220, 220, 1303, 220, 220, 220, 220, 458, 83, 13, 897, 85, 1370, 7, 88, 4032, 438, 11537, 198, 220, 220, 220, 1303, 9335, 796, 45941, 13, 6404, 605, 62, 392, 7, 7568, 13, 9630, 13, 8424, 6624, 352, 11, 47764, 13, 9630, 13, 820, 6624, 352, 8, 198, 220, 220, 220, 1303, 1110, 62, 83, 3378, 796, 45941, 13, 283, 858, 7, 11925, 7, 7568, 4008, 58, 27932, 60, 198, 220, 220, 220, 1303, 458, 83, 13, 742, 3378, 7, 83, 3378, 28, 7568, 13, 9630, 58, 820, 62, 83, 3378, 4083, 1941, 11, 198, 220, 220, 220, 1303, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 14722, 28, 7568, 13, 9630, 58, 820, 62, 83, 3378, 4083, 1941, 8, 628, 220, 220, 220, 299, 796, 299, 1343, 352, 198, 2, 3785, 13, 33464, 62, 39786, 7, 15636, 28, 20, 8, 198, 489, 83, 13, 12860, 3419, 198, 198, 21928, 62, 5647, 82, 796, 10352, 198, 198, 361, 3613, 62, 5647, 82, 25, 198, 220, 220, 220, 458, 83, 13, 21928, 5647, 7, 198, 220, 220, 220, 220, 220, 220, 220, 705, 90, 92, 14, 28869, 400, 486, 62, 24209, 11147, 62, 13500, 6335, 341, 23330, 27422, 12315, 4458, 18982, 7, 21928, 62, 5647, 82, 62, 34945, 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, 220, 220, 220, 220, 220, 220, 220, 279, 36133, 13, 10057, 62, 3672, 828, 198, 220, 220, 220, 220, 220, 220, 220, 275, 3524, 62, 45457, 11639, 33464, 11537, 628, 220, 220, 220, 329, 277, 287, 2837, 7, 1238, 11, 1495, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 458, 83, 13, 26875, 7, 69, 8, 198, 220, 220, 220, 220, 220, 220, 220, 458, 83, 13, 21928, 5647, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 90, 92, 14, 28869, 400, 3070, 62, 395, 1920, 23330, 27422, 12315, 4458, 18982, 7, 21928, 62, 5647, 82, 62, 34945, 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, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 277, 828, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 275, 3524, 62, 45457, 11639, 33464, 11537, 628, 198 ]
1.821033
2,710
from django.urls import reverse from django.db.models import Count from django.shortcuts import render, redirect from django.http import HttpResponse from django.forms import formset_factory, modelformset_factory from .models import * from .models import TrainingValue from .models import Training as TrainingModel from .forms import * # Create your views here. # TRAINING # # DATA TRAINING # LAB #
[ 6738, 42625, 14208, 13, 6371, 82, 1330, 9575, 198, 6738, 42625, 14208, 13, 9945, 13, 27530, 1330, 2764, 198, 6738, 42625, 14208, 13, 19509, 23779, 1330, 8543, 11, 18941, 198, 6738, 42625, 14208, 13, 4023, 1330, 367, 29281, 31077, 198, 6738, 42625, 14208, 13, 23914, 1330, 5107, 316, 62, 69, 9548, 11, 2746, 687, 2617, 62, 69, 9548, 198, 6738, 764, 27530, 1330, 1635, 198, 6738, 764, 27530, 1330, 13614, 11395, 198, 6738, 764, 27530, 1330, 13614, 355, 13614, 17633, 198, 6738, 764, 23914, 1330, 1635, 198, 198, 2, 13610, 534, 5009, 994, 13, 198, 198, 2, 29125, 1268, 2751, 1303, 628, 198, 2, 42865, 29125, 1268, 2751, 198, 198, 2, 406, 6242, 1303, 198 ]
3.513043
115
import datetime import re import simplejson as json import singer from google.cloud.bigquery import SchemaField from jsonschema import validate from jsonschema.exceptions import ValidationError # StitchData compatible timestamp meta data # https://www.stitchdata.com/docs/data-structure/system-tables-and-columns BATCH_TIMESTAMP = "_sdc_batched_at" JSONSCHEMA_TYPES = ["object", "array", "string", "integer", "number", "boolean"] MAX_WARNING = 20 logger = singer.get_logger()
[ 11748, 4818, 8079, 198, 11748, 302, 198, 198, 11748, 2829, 17752, 355, 33918, 198, 11748, 14015, 198, 6738, 23645, 13, 17721, 13, 14261, 22766, 1330, 10011, 2611, 15878, 198, 6738, 44804, 684, 2395, 2611, 1330, 26571, 198, 6738, 44804, 684, 2395, 2611, 13, 1069, 11755, 1330, 3254, 24765, 12331, 198, 198, 2, 520, 2007, 6601, 11670, 41033, 13634, 1366, 198, 2, 220, 3740, 1378, 2503, 13, 301, 2007, 7890, 13, 785, 14, 31628, 14, 7890, 12, 301, 5620, 14, 10057, 12, 83, 2977, 12, 392, 12, 28665, 82, 198, 33, 11417, 62, 51, 3955, 6465, 23518, 796, 45434, 82, 17896, 62, 8664, 1740, 62, 265, 1, 198, 40386, 50, 3398, 27630, 62, 9936, 47, 1546, 796, 14631, 15252, 1600, 366, 18747, 1600, 366, 8841, 1600, 366, 41433, 1600, 366, 17618, 1600, 366, 2127, 21052, 8973, 198, 22921, 62, 31502, 796, 1160, 198, 198, 6404, 1362, 796, 14015, 13, 1136, 62, 6404, 1362, 3419, 628, 628, 198 ]
3.102564
156
import pytest from ..api import * from .examples import * from ..condition import Condition # This test is the simplest one I could imagine that exercises the logic where # disjoint subsets are calculated. The next test is similar, but does much more # complex work. Hopefully the debugging can take place on this one.
[ 11748, 12972, 9288, 198, 198, 6738, 11485, 15042, 1330, 1635, 198, 6738, 764, 1069, 12629, 1330, 1635, 198, 6738, 11485, 31448, 1330, 24295, 628, 628, 628, 628, 628, 628, 628, 628, 628, 628, 628, 198, 2, 770, 1332, 318, 262, 24043, 530, 314, 714, 5967, 326, 13565, 262, 9156, 810, 198, 2, 595, 73, 1563, 6352, 1039, 389, 10488, 13, 383, 1306, 1332, 318, 2092, 11, 475, 857, 881, 517, 198, 2, 3716, 670, 13, 19996, 262, 28769, 460, 1011, 1295, 319, 428, 530, 13, 628, 628, 198 ]
3.931818
88
import unittest # Custom import from src.performance_metrics.binary_classifier_metrics import BinaryClassifierMetrics class TestAccuracy(unittest.TestCase): """ """ def test_accuracy_pos(self): """ Positive test case for the accuracy function. """ # Assume metrics = BinaryClassifierMetrics() # Assert self.assertAlmostEqual(metrics.accuracy(tp=1, tn=1, fp=1, fn=1), 0.5) def test_accuracy_neg(self): """ Negative test case for the accuracy function. """ # Assume metrics = BinaryClassifierMetrics() # Assert self.assertNotEqual(metrics.accuracy(tp=1, tn=1, fp=1, fn=1), 0.8) def test_types(self): """ Positive test case for the accuracy function. """ # Assume metrics = BinaryClassifierMetrics() # Assert with self.assertRaises(TypeError): metrics.accuracy(1.0, 2, 3, 4) with self.assertRaises(TypeError): metrics.accuracy(1, 2.0, 3, 4) with self.assertRaises(TypeError): metrics.accuracy(1, 2, 3.0, 4) with self.assertRaises(TypeError): metrics.accuracy(1, 2, 3, 4.0) def test_values(self): """ Positive test case for the accuracy function. """ # Assume metrics = BinaryClassifierMetrics() # Assert with self.assertRaises(ValueError): metrics.accuracy(None, 2, 3, 4) with self.assertRaises(ValueError): metrics.accuracy(1, None, 3, 4) with self.assertRaises(ValueError): metrics.accuracy(1, 2, None, 4) with self.assertRaises(ValueError): metrics.accuracy(1, 2, 3, None)
[ 11748, 555, 715, 395, 198, 198, 2, 8562, 1330, 198, 6738, 12351, 13, 26585, 62, 4164, 10466, 13, 39491, 62, 4871, 7483, 62, 4164, 10466, 1330, 45755, 9487, 7483, 9171, 10466, 628, 198, 4871, 6208, 17320, 23843, 7, 403, 715, 395, 13, 14402, 20448, 2599, 198, 220, 220, 220, 37227, 628, 220, 220, 220, 37227, 198, 220, 220, 220, 825, 1332, 62, 4134, 23843, 62, 1930, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 33733, 1332, 1339, 329, 262, 9922, 2163, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 2195, 2454, 198, 220, 220, 220, 220, 220, 220, 220, 20731, 796, 45755, 9487, 7483, 9171, 10466, 3419, 628, 220, 220, 220, 220, 220, 220, 220, 1303, 2195, 861, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 30493, 23379, 36, 13255, 7, 4164, 10466, 13, 4134, 23843, 7, 34788, 28, 16, 11, 256, 77, 28, 16, 11, 277, 79, 28, 16, 11, 24714, 28, 16, 828, 657, 13, 20, 8, 628, 220, 220, 220, 825, 1332, 62, 4134, 23843, 62, 12480, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 36183, 1332, 1339, 329, 262, 9922, 2163, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 2195, 2454, 198, 220, 220, 220, 220, 220, 220, 220, 20731, 796, 45755, 9487, 7483, 9171, 10466, 3419, 628, 220, 220, 220, 220, 220, 220, 220, 1303, 2195, 861, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 30493, 3673, 36, 13255, 7, 4164, 10466, 13, 4134, 23843, 7, 34788, 28, 16, 11, 256, 77, 28, 16, 11, 277, 79, 28, 16, 11, 24714, 28, 16, 828, 657, 13, 23, 8, 628, 220, 220, 220, 825, 1332, 62, 19199, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 33733, 1332, 1339, 329, 262, 9922, 2163, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 2195, 2454, 198, 220, 220, 220, 220, 220, 220, 220, 20731, 796, 45755, 9487, 7483, 9171, 10466, 3419, 628, 220, 220, 220, 220, 220, 220, 220, 1303, 2195, 861, 198, 220, 220, 220, 220, 220, 220, 220, 351, 2116, 13, 30493, 21762, 2696, 7, 6030, 12331, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 20731, 13, 4134, 23843, 7, 16, 13, 15, 11, 362, 11, 513, 11, 604, 8, 628, 220, 220, 220, 220, 220, 220, 220, 351, 2116, 13, 30493, 21762, 2696, 7, 6030, 12331, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 20731, 13, 4134, 23843, 7, 16, 11, 362, 13, 15, 11, 513, 11, 604, 8, 628, 220, 220, 220, 220, 220, 220, 220, 351, 2116, 13, 30493, 21762, 2696, 7, 6030, 12331, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 20731, 13, 4134, 23843, 7, 16, 11, 362, 11, 513, 13, 15, 11, 604, 8, 628, 220, 220, 220, 220, 220, 220, 220, 351, 2116, 13, 30493, 21762, 2696, 7, 6030, 12331, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 20731, 13, 4134, 23843, 7, 16, 11, 362, 11, 513, 11, 604, 13, 15, 8, 628, 220, 220, 220, 825, 1332, 62, 27160, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 33733, 1332, 1339, 329, 262, 9922, 2163, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 2195, 2454, 198, 220, 220, 220, 220, 220, 220, 220, 20731, 796, 45755, 9487, 7483, 9171, 10466, 3419, 628, 220, 220, 220, 220, 220, 220, 220, 1303, 2195, 861, 198, 220, 220, 220, 220, 220, 220, 220, 351, 2116, 13, 30493, 21762, 2696, 7, 11395, 12331, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 20731, 13, 4134, 23843, 7, 14202, 11, 362, 11, 513, 11, 604, 8, 628, 220, 220, 220, 220, 220, 220, 220, 351, 2116, 13, 30493, 21762, 2696, 7, 11395, 12331, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 20731, 13, 4134, 23843, 7, 16, 11, 6045, 11, 513, 11, 604, 8, 628, 220, 220, 220, 220, 220, 220, 220, 351, 2116, 13, 30493, 21762, 2696, 7, 11395, 12331, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 20731, 13, 4134, 23843, 7, 16, 11, 362, 11, 6045, 11, 604, 8, 628, 220, 220, 220, 220, 220, 220, 220, 351, 2116, 13, 30493, 21762, 2696, 7, 11395, 12331, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 20731, 13, 4134, 23843, 7, 16, 11, 362, 11, 513, 11, 6045, 8, 198 ]
2.141827
832
import random import torch import numbers from torchvision.transforms import Lambda, functional as F class ColorJitter(object): """Randomly change the brightness, contrast and saturation of an image. Args: brightness (float or tuple of float (min, max)): How much to jitter brightness. brightness_factor is chosen uniformly from [max(0, 1 - brightness), 1 + brightness] or the given [min, max]. Should be non negative numbers. contrast (float or tuple of float (min, max)): How much to jitter contrast. contrast_factor is chosen uniformly from [max(0, 1 - contrast), 1 + contrast] or the given [min, max]. Should be non negative numbers. saturation (float or tuple of float (min, max)): How much to jitter saturation. saturation_factor is chosen uniformly from [max(0, 1 - saturation), 1 + saturation] or the given [min, max]. Should be non negative numbers. hue (float or tuple of float (min, max)): How much to jitter hue. hue_factor is chosen uniformly from [-hue, hue] or the given [min, max]. Should have 0<= hue <= 0.5 or -0.5 <= min <= max <= 0.5. """ @staticmethod def get_params(brightness, contrast, saturation, hue): """Get a randomized transform to be applied on image. Arguments are same as that of __init__. Returns: Transform which randomly adjusts brightness, contrast and saturation in a random order. """ transforms = [] if brightness is not None: brightness_factor = random.uniform(brightness[0], brightness[1]) transforms.append(Lambda(lambda img: F.adjust_brightness(img, brightness_factor))) if contrast is not None: contrast_factor = random.uniform(contrast[0], contrast[1]) transforms.append(Lambda(lambda img: F.adjust_contrast(img, contrast_factor))) if saturation is not None: saturation_factor = random.uniform(saturation[0], saturation[1]) transforms.append(Lambda(lambda img: F.adjust_saturation(img, saturation_factor))) if hue is not None: hue_factor = random.uniform(hue[0], hue[1]) transforms.append(Lambda(lambda img: F.adjust_hue(img, hue_factor))) random.shuffle(transforms) transform = Compose(transforms) return transform
[ 11748, 4738, 198, 11748, 28034, 198, 11748, 3146, 198, 6738, 28034, 10178, 13, 7645, 23914, 1330, 21114, 6814, 11, 10345, 355, 376, 628, 628, 628, 628, 198, 4871, 5315, 41, 1967, 7, 15252, 2599, 198, 220, 220, 220, 37227, 29531, 306, 1487, 262, 22204, 11, 6273, 290, 36275, 286, 281, 2939, 13, 198, 220, 220, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 22204, 357, 22468, 393, 46545, 286, 12178, 357, 1084, 11, 3509, 8, 2599, 1374, 881, 284, 474, 1967, 22204, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 22204, 62, 31412, 318, 7147, 42096, 422, 685, 9806, 7, 15, 11, 352, 532, 22204, 828, 352, 1343, 22204, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 393, 262, 1813, 685, 1084, 11, 3509, 4083, 10358, 307, 1729, 4633, 3146, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6273, 357, 22468, 393, 46545, 286, 12178, 357, 1084, 11, 3509, 8, 2599, 1374, 881, 284, 474, 1967, 6273, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6273, 62, 31412, 318, 7147, 42096, 422, 685, 9806, 7, 15, 11, 352, 532, 6273, 828, 352, 1343, 6273, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 393, 262, 1813, 685, 1084, 11, 3509, 4083, 10358, 307, 1729, 4633, 3146, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 36275, 357, 22468, 393, 46545, 286, 12178, 357, 1084, 11, 3509, 8, 2599, 1374, 881, 284, 474, 1967, 36275, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 36275, 62, 31412, 318, 7147, 42096, 422, 685, 9806, 7, 15, 11, 352, 532, 36275, 828, 352, 1343, 36275, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 393, 262, 1813, 685, 1084, 11, 3509, 4083, 10358, 307, 1729, 4633, 3146, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 37409, 357, 22468, 393, 46545, 286, 12178, 357, 1084, 11, 3509, 8, 2599, 1374, 881, 284, 474, 1967, 37409, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 37409, 62, 31412, 318, 7147, 42096, 422, 25915, 71, 518, 11, 37409, 60, 393, 262, 1813, 685, 1084, 11, 3509, 4083, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 10358, 423, 657, 27, 28, 37409, 19841, 657, 13, 20, 393, 532, 15, 13, 20, 19841, 949, 19841, 3509, 19841, 657, 13, 20, 13, 198, 220, 220, 220, 37227, 628, 220, 220, 220, 2488, 12708, 24396, 198, 220, 220, 220, 825, 651, 62, 37266, 7, 29199, 1108, 11, 6273, 11, 36275, 11, 37409, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 3855, 257, 23925, 6121, 284, 307, 5625, 319, 2939, 13, 198, 220, 220, 220, 220, 220, 220, 220, 20559, 2886, 389, 976, 355, 326, 286, 11593, 15003, 834, 13, 198, 220, 220, 220, 220, 220, 220, 220, 16409, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 26981, 543, 15456, 46094, 22204, 11, 6273, 290, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 36275, 287, 257, 4738, 1502, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 31408, 796, 17635, 628, 220, 220, 220, 220, 220, 220, 220, 611, 22204, 318, 407, 6045, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 22204, 62, 31412, 796, 4738, 13, 403, 6933, 7, 29199, 1108, 58, 15, 4357, 22204, 58, 16, 12962, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 31408, 13, 33295, 7, 43, 4131, 6814, 7, 50033, 33705, 25, 376, 13, 23032, 62, 29199, 1108, 7, 9600, 11, 22204, 62, 31412, 22305, 628, 220, 220, 220, 220, 220, 220, 220, 611, 6273, 318, 407, 6045, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6273, 62, 31412, 796, 4738, 13, 403, 6933, 7, 3642, 5685, 58, 15, 4357, 6273, 58, 16, 12962, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 31408, 13, 33295, 7, 43, 4131, 6814, 7, 50033, 33705, 25, 376, 13, 23032, 62, 3642, 5685, 7, 9600, 11, 6273, 62, 31412, 22305, 628, 220, 220, 220, 220, 220, 220, 220, 611, 36275, 318, 407, 6045, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 36275, 62, 31412, 796, 4738, 13, 403, 6933, 7, 82, 36921, 58, 15, 4357, 36275, 58, 16, 12962, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 31408, 13, 33295, 7, 43, 4131, 6814, 7, 50033, 33705, 25, 376, 13, 23032, 62, 82, 36921, 7, 9600, 11, 36275, 62, 31412, 22305, 628, 220, 220, 220, 220, 220, 220, 220, 611, 37409, 318, 407, 6045, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 37409, 62, 31412, 796, 4738, 13, 403, 6933, 7, 71, 518, 58, 15, 4357, 37409, 58, 16, 12962, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 31408, 13, 33295, 7, 43, 4131, 6814, 7, 50033, 33705, 25, 376, 13, 23032, 62, 71, 518, 7, 9600, 11, 37409, 62, 31412, 22305, 628, 220, 220, 220, 220, 220, 220, 220, 4738, 13, 1477, 18137, 7, 7645, 23914, 8, 198, 220, 220, 220, 220, 220, 220, 220, 6121, 796, 3082, 577, 7, 7645, 23914, 8, 628, 220, 220, 220, 220, 220, 220, 220, 1441, 6121, 628 ]
2.58342
965
import os from leapp.libraries.common.config import mock_configs from leapp.models import ( DNFWorkaround, InstalledRPM, Module, RepositoriesSetupTasks, RPM, RpmTransactionTasks, SatelliteFacts ) from leapp.snactor.fixture import current_actor_context RH_PACKAGER = 'Red Hat, Inc. <http://bugzilla.redhat.com/bugzilla>' FOREMAN_RPM = fake_package('foreman') FOREMAN_PROXY_RPM = fake_package('foreman-proxy') KATELLO_INSTALLER_RPM = fake_package('foreman-installer-katello') KATELLO_RPM = fake_package('katello') POSTGRESQL_RPM = fake_package('rh-postgresql12-postgresql-server')
[ 11748, 28686, 198, 198, 6738, 443, 1324, 13, 75, 11127, 13, 11321, 13, 11250, 1330, 15290, 62, 11250, 82, 198, 6738, 443, 1324, 13, 27530, 1330, 357, 198, 220, 220, 220, 360, 21870, 12468, 14145, 11, 198, 220, 220, 220, 2262, 4262, 49, 5868, 11, 198, 220, 220, 220, 19937, 11, 198, 220, 220, 220, 1432, 35061, 40786, 51, 6791, 11, 198, 220, 220, 220, 32381, 11, 198, 220, 220, 220, 371, 4426, 48720, 51, 6791, 11, 198, 220, 220, 220, 33530, 37, 8656, 198, 8, 198, 6738, 443, 1324, 13, 16184, 11218, 13, 69, 9602, 1330, 1459, 62, 11218, 62, 22866, 198, 198, 48587, 62, 47, 8120, 4760, 1137, 796, 705, 7738, 10983, 11, 3457, 13, 1279, 4023, 1378, 25456, 16496, 13, 445, 5183, 13, 785, 14, 25456, 16496, 29, 6, 628, 198, 198, 13775, 3620, 1565, 62, 49, 5868, 796, 8390, 62, 26495, 10786, 754, 805, 11537, 198, 13775, 3620, 1565, 62, 31190, 34278, 62, 49, 5868, 796, 8390, 62, 26495, 10786, 754, 805, 12, 36436, 11537, 198, 42, 6158, 3069, 46, 62, 38604, 7036, 1137, 62, 49, 5868, 796, 8390, 62, 26495, 10786, 754, 805, 12, 17350, 263, 12, 74, 7528, 78, 11537, 198, 42, 6158, 3069, 46, 62, 49, 5868, 796, 8390, 62, 26495, 10786, 74, 7528, 78, 11537, 198, 32782, 10761, 1546, 9711, 62, 49, 5868, 796, 8390, 62, 26495, 10786, 17179, 12, 7353, 34239, 13976, 1065, 12, 7353, 34239, 13976, 12, 15388, 11537, 628, 628, 628, 628, 628, 628, 198 ]
2.536585
246
import sys import inspect from typing import Any from cowait.types import serialize from .definition import TaskDefinition from .components import TaskManager, RpcComponent, rpc from .parent_task import ParentTask
[ 11748, 25064, 198, 11748, 10104, 198, 6738, 19720, 1330, 4377, 198, 6738, 9875, 4548, 13, 19199, 1330, 11389, 1096, 198, 6738, 764, 46758, 1330, 15941, 36621, 198, 6738, 764, 5589, 3906, 1330, 15941, 13511, 11, 371, 14751, 21950, 11, 374, 14751, 198, 6738, 764, 8000, 62, 35943, 1330, 16774, 25714, 628 ]
4.215686
51
import sys import os import urllib.request import urllib.error import logging import subprocess from typing import Optional, Dict from urllib.error import ContentTooShortError logger = logging.getLogger(__name__) DEFAULT_HEADERS = { 'User-Agent': 'Mozilla/5.0 (Windows NT 6.1; WOW64; rv:12.0) Gecko/20100101 Firefox/12.0' } def download(url: str, dl_path: str): """ Will download the file to dl_path, return True on success :param curfnr: Current file number :param maxfnr: Max files to download :return: Current file nr(int) """ # get head (everythin b4 last part of path ("/" last -> tail empty, # filename or dir(without /) -> tail)) of path; no slash in path -> head empty dirpath, fn = os.path.split(dl_path) if dirpath: os.makedirs(dirpath, exist_ok=True) try: _, headers = urllib.request.urlretrieve(url, dl_path) # reporthook=prog_bar_dl) except urllib.error.HTTPError as err: # catch this more detailed first then broader one (HTTPError is subclass of URLError) logger.warning("HTTP Error %s: %s: \"%s\"", err.code, err.reason, url) return False, None except urllib.error.URLError as err: logger.warning("URL Error %s: \"%s\"", err.reason, url) return False, None else: return True, headers def get_url_file_size(url: str) -> int: """Returns file size in bytes that is reported in Content-Length Header""" with urllib.request.urlopen(url) as response: reported_file_size = int(response.info()["Content-Length"]) return reported_file_size def prog_bar_dl(blocknum: int, blocksize: int, totalsize: int) -> None: """ Displays a progress bar to sys.stdout blocknum * blocksize == bytes read so far Only display MB read when total size is -1 Calc percentage of file download, number of blocks to display is bar length * percent/100 String to display is Downloading: xx.x% [#*block_nr + "-"*(bar_len-block_nr)] xx.xx MB http://stackoverflow.com/questions/13881092/download-progressbar-for-python-3 by J.F. Sebastian combined with: http://stackoverflow.com/questions/3160699/python-progress-bar by Brian Khuu and modified :param blocknum: Count of blocks transferred so far :param blocksize: Block size in bytes :param totalsize: Total size of the file in bytes :return: None """ bar_len = 25 # Modify this to change the length of the progress bar # blocknum is current block, blocksize the size of each block in bytes readsofar = blocknum * blocksize if totalsize > 0: percent = readsofar * 1e2 / totalsize # 1e2 == 100.0 # nr of blocks block_nr = int(round(bar_len*readsofar/totalsize)) # %5.1f: pad to 5 chars and display one decimal, type float, %% -> escaped %sign # %*d -> Parametrized, width -> len(str(totalsize)), value -> readsofar # s = "\rDownloading: %5.1f%% %*d / %d" % (percent, len(str(totalsize)), readsofar, totalsize) sn = "\rDownloading: {:4.1f}% [{}] {:4.2f} / {:.2f} MB".format(percent, "#"*block_nr + "-"*(bar_len-block_nr), readsofar / 1024**2, totalsize / 1024**2) sys.stdout.write(sn) if readsofar >= totalsize: # near the end sys.stdout.write("\n") else: # total size is unknown sys.stdout.write("\rDownloading: %.2f MB" % (readsofar / 1024**2,)) # Python's standard out is buffered (meaning that it collects some of the data "written" to standard out before # it writes it to the terminal). flush() forces it to "flush" the buffer, meaning that it will write everything # in the buffer to the terminal, even if normally it would wait before doing so. sys.stdout.flush()
[ 11748, 25064, 198, 11748, 28686, 198, 11748, 2956, 297, 571, 13, 25927, 198, 11748, 2956, 297, 571, 13, 18224, 198, 11748, 18931, 198, 11748, 850, 14681, 198, 198, 6738, 19720, 1330, 32233, 11, 360, 713, 198, 6738, 2956, 297, 571, 13, 18224, 1330, 14041, 23307, 16438, 12331, 198, 198, 6404, 1362, 796, 18931, 13, 1136, 11187, 1362, 7, 834, 3672, 834, 8, 198, 198, 7206, 38865, 62, 37682, 4877, 796, 1391, 198, 220, 220, 220, 705, 12982, 12, 36772, 10354, 198, 220, 220, 220, 705, 44, 8590, 5049, 14, 20, 13, 15, 357, 11209, 24563, 718, 13, 16, 26, 370, 3913, 2414, 26, 374, 85, 25, 1065, 13, 15, 8, 2269, 37549, 14, 1264, 8298, 486, 16802, 14, 1065, 13, 15, 6, 198, 220, 220, 220, 1782, 628, 198, 4299, 4321, 7, 6371, 25, 965, 11, 288, 75, 62, 6978, 25, 965, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 2561, 4321, 262, 2393, 284, 288, 75, 62, 6978, 11, 1441, 6407, 319, 1943, 628, 220, 220, 220, 1058, 17143, 1090, 22184, 81, 25, 9236, 2393, 1271, 198, 220, 220, 220, 1058, 17143, 3509, 22184, 81, 25, 5436, 3696, 284, 4321, 198, 220, 220, 220, 1058, 7783, 25, 9236, 2393, 299, 81, 7, 600, 8, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 1303, 651, 1182, 357, 16833, 40871, 275, 19, 938, 636, 286, 3108, 5855, 30487, 938, 4613, 7894, 6565, 11, 198, 220, 220, 220, 1303, 29472, 393, 26672, 7, 19419, 1220, 8, 4613, 7894, 4008, 286, 3108, 26, 645, 24632, 287, 3108, 4613, 1182, 6565, 198, 220, 220, 220, 26672, 6978, 11, 24714, 796, 28686, 13, 6978, 13, 35312, 7, 25404, 62, 6978, 8, 198, 220, 220, 220, 611, 26672, 6978, 25, 198, 220, 220, 220, 220, 220, 220, 220, 28686, 13, 76, 4335, 17062, 7, 15908, 6978, 11, 2152, 62, 482, 28, 17821, 8, 628, 220, 220, 220, 1949, 25, 198, 220, 220, 220, 220, 220, 220, 220, 4808, 11, 24697, 796, 2956, 297, 571, 13, 25927, 13, 6371, 1186, 30227, 7, 6371, 11, 288, 75, 62, 6978, 8, 220, 1303, 1128, 1506, 566, 28, 1676, 70, 62, 5657, 62, 25404, 8, 198, 220, 220, 220, 2845, 2956, 297, 571, 13, 18224, 13, 40717, 12331, 355, 11454, 25, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 4929, 428, 517, 6496, 717, 788, 11622, 530, 357, 40717, 12331, 318, 47611, 286, 37902, 2538, 81, 1472, 8, 198, 220, 220, 220, 220, 220, 220, 220, 49706, 13, 43917, 7203, 40717, 13047, 4064, 82, 25, 4064, 82, 25, 19990, 4, 82, 7879, 1600, 11454, 13, 8189, 11, 11454, 13, 41181, 11, 19016, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 10352, 11, 6045, 198, 220, 220, 220, 2845, 2956, 297, 571, 13, 18224, 13, 4261, 2538, 81, 1472, 355, 11454, 25, 198, 220, 220, 220, 220, 220, 220, 220, 49706, 13, 43917, 7203, 21886, 13047, 4064, 82, 25, 19990, 4, 82, 7879, 1600, 11454, 13, 41181, 11, 19016, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 10352, 11, 6045, 198, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 6407, 11, 24697, 628, 198, 198, 4299, 651, 62, 6371, 62, 7753, 62, 7857, 7, 6371, 25, 965, 8, 4613, 493, 25, 198, 220, 220, 220, 37227, 35561, 2393, 2546, 287, 9881, 326, 318, 2098, 287, 14041, 12, 24539, 48900, 37811, 198, 220, 220, 220, 351, 2956, 297, 571, 13, 25927, 13, 6371, 9654, 7, 6371, 8, 355, 2882, 25, 198, 220, 220, 220, 220, 220, 220, 220, 2098, 62, 7753, 62, 7857, 796, 493, 7, 26209, 13, 10951, 3419, 14692, 19746, 12, 24539, 8973, 8, 198, 220, 220, 220, 1441, 2098, 62, 7753, 62, 7857, 628, 198, 4299, 1172, 62, 5657, 62, 25404, 7, 9967, 22510, 25, 493, 11, 7021, 1096, 25, 493, 11, 26310, 1096, 25, 493, 8, 4613, 6045, 25, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 3167, 26024, 257, 4371, 2318, 284, 25064, 13, 19282, 448, 628, 220, 220, 220, 2512, 22510, 1635, 7021, 1096, 6624, 9881, 1100, 523, 1290, 198, 220, 220, 220, 5514, 3359, 10771, 1100, 618, 2472, 2546, 318, 532, 16, 198, 220, 220, 220, 2199, 66, 5873, 286, 2393, 4321, 11, 1271, 286, 7021, 284, 3359, 318, 2318, 4129, 1635, 1411, 14, 3064, 198, 220, 220, 220, 10903, 284, 3359, 318, 10472, 278, 25, 31383, 13, 87, 4, 685, 2, 9, 9967, 62, 48624, 1343, 366, 21215, 9, 7, 5657, 62, 11925, 12, 9967, 62, 48624, 15437, 31383, 13, 5324, 10771, 628, 220, 220, 220, 2638, 1378, 25558, 2502, 11125, 13, 785, 14, 6138, 507, 14, 1485, 3459, 940, 5892, 14, 15002, 12, 33723, 5657, 12, 1640, 12, 29412, 12, 18, 198, 220, 220, 220, 416, 449, 13, 37, 13, 26190, 198, 220, 220, 220, 5929, 351, 25, 198, 220, 220, 220, 2638, 1378, 25558, 2502, 11125, 13, 785, 14, 6138, 507, 14, 33400, 3312, 2079, 14, 29412, 12, 33723, 12, 5657, 198, 220, 220, 220, 416, 8403, 5311, 12303, 198, 220, 220, 220, 290, 9518, 628, 220, 220, 220, 1058, 17143, 2512, 22510, 25, 2764, 286, 7021, 11172, 523, 1290, 198, 220, 220, 220, 1058, 17143, 7021, 1096, 25, 9726, 2546, 287, 9881, 198, 220, 220, 220, 1058, 17143, 26310, 1096, 25, 7472, 2546, 286, 262, 2393, 287, 9881, 198, 220, 220, 220, 1058, 7783, 25, 6045, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 2318, 62, 11925, 796, 1679, 220, 1303, 3401, 1958, 428, 284, 1487, 262, 4129, 286, 262, 4371, 2318, 198, 220, 220, 220, 1303, 2512, 22510, 318, 1459, 2512, 11, 7021, 1096, 262, 2546, 286, 1123, 2512, 287, 9881, 198, 220, 220, 220, 1100, 38649, 796, 2512, 22510, 1635, 7021, 1096, 198, 220, 220, 220, 611, 26310, 1096, 1875, 657, 25, 198, 220, 220, 220, 220, 220, 220, 220, 1411, 796, 1100, 38649, 1635, 352, 68, 17, 1220, 26310, 1096, 220, 1303, 352, 68, 17, 6624, 1802, 13, 15, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 299, 81, 286, 7021, 198, 220, 220, 220, 220, 220, 220, 220, 2512, 62, 48624, 796, 493, 7, 744, 7, 5657, 62, 11925, 9, 961, 38649, 14, 83, 313, 874, 1096, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 4064, 20, 13, 16, 69, 25, 14841, 284, 642, 34534, 290, 3359, 530, 32465, 11, 2099, 12178, 11, 43313, 4613, 13537, 4064, 12683, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 4064, 9, 67, 4613, 25139, 316, 380, 8863, 11, 9647, 4613, 18896, 7, 2536, 7, 83, 313, 874, 1096, 36911, 1988, 4613, 1100, 38649, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 264, 796, 37082, 81, 10002, 278, 25, 4064, 20, 13, 16, 69, 16626, 4064, 9, 67, 1220, 4064, 67, 1, 4064, 357, 25067, 11, 18896, 7, 2536, 7, 83, 313, 874, 1096, 36911, 1100, 38649, 11, 26310, 1096, 8, 198, 220, 220, 220, 220, 220, 220, 220, 3013, 796, 37082, 81, 10002, 278, 25, 46110, 19, 13, 16, 69, 92, 4, 685, 90, 92, 60, 46110, 19, 13, 17, 69, 92, 1220, 46110, 13, 17, 69, 92, 10771, 1911, 18982, 7, 25067, 11, 25113, 1, 9, 9967, 62, 48624, 1343, 366, 21215, 9, 7, 5657, 62, 11925, 12, 9967, 62, 48624, 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, 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, 1100, 38649, 1220, 28119, 1174, 17, 11, 26310, 1096, 1220, 28119, 1174, 17, 8, 198, 220, 220, 220, 220, 220, 220, 220, 25064, 13, 19282, 448, 13, 13564, 7, 16184, 8, 198, 220, 220, 220, 220, 220, 220, 220, 611, 1100, 38649, 18189, 26310, 1096, 25, 220, 1303, 1474, 262, 886, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 25064, 13, 19282, 448, 13, 13564, 7203, 59, 77, 4943, 198, 220, 220, 220, 2073, 25, 220, 1303, 2472, 2546, 318, 6439, 198, 220, 220, 220, 220, 220, 220, 220, 25064, 13, 19282, 448, 13, 13564, 7203, 59, 81, 10002, 278, 25, 4064, 13, 17, 69, 10771, 1, 4064, 357, 961, 38649, 1220, 28119, 1174, 17, 11, 4008, 198, 220, 220, 220, 1303, 11361, 338, 3210, 503, 318, 6940, 1068, 357, 24815, 326, 340, 26609, 617, 286, 262, 1366, 366, 15266, 1, 284, 3210, 503, 878, 198, 220, 220, 220, 1303, 340, 6797, 340, 284, 262, 12094, 737, 24773, 3419, 3386, 340, 284, 366, 25925, 1, 262, 11876, 11, 3616, 326, 340, 481, 3551, 2279, 198, 220, 220, 220, 1303, 287, 262, 11876, 284, 262, 12094, 11, 772, 611, 7685, 340, 561, 4043, 878, 1804, 523, 13, 198, 220, 220, 220, 25064, 13, 19282, 448, 13, 25925, 3419, 628, 198 ]
2.581317
1,488
for count in range(6): name = input() print("hello ", name)
[ 1640, 954, 287, 2837, 7, 21, 2599, 198, 220, 220, 220, 1438, 796, 5128, 3419, 198, 220, 220, 220, 3601, 7203, 31373, 33172, 1438, 8 ]
2.68
25
# -*- coding: utf-8 -*- import os import json import decimal import simplejson import couchdb.json from couchdb import util from logging import getLogger from datetime import datetime, timedelta from base64 import b64encode, b64decode from cornice.resource import resource, view from email.header import decode_header from functools import partial from jsonpatch import make_patch, apply_patch as _apply_patch from openprocurement.api.traversal import factory from rfc6266 import build_header from time import time as ttime from urllib import quote, unquote, urlencode from urlparse import urlparse, urlunsplit, parse_qsl from uuid import uuid4 from webob.multidict import NestedMultiDict from binascii import hexlify, unhexlify from Crypto.Cipher import AES from cornice.util import json_error from json import dumps from schematics.exceptions import ValidationError from couchdb_schematics.document import SchematicsDocument from openprocurement.api.events import ErrorDesctiptorEvent from openprocurement.api.constants import LOGGER from openprocurement.api.constants import ( ADDITIONAL_CLASSIFICATIONS_SCHEMES, DOCUMENT_BLACKLISTED_FIELDS, DOCUMENT_WHITELISTED_FIELDS, ROUTE_PREFIX, TZ, SESSION ) from openprocurement.api.interfaces import IOPContent from openprocurement.api.interfaces import IContentConfigurator json_view = partial(view, renderer='simplejson') def get_root(item): """ traverse back to root op content object (plan, tender, contract, etc.) """ while not IOPContent.providedBy(item): item = item.__parent__ return item def raise_operation_error(request, message): """ This function mostly used in views validators to add access errors and raise exceptions if requested operation is forbidden. """ request.errors.add('body', 'data', message) request.errors.status = 403 raise error_handler(request.errors) opresource = partial(resource, error_handler=error_handler, factory=factory)
[ 2, 532, 9, 12, 19617, 25, 3384, 69, 12, 23, 532, 9, 12, 198, 11748, 28686, 198, 11748, 33918, 198, 11748, 32465, 198, 11748, 2829, 17752, 198, 11748, 18507, 9945, 13, 17752, 198, 6738, 18507, 9945, 1330, 7736, 198, 6738, 18931, 1330, 651, 11187, 1362, 198, 6738, 4818, 8079, 1330, 4818, 8079, 11, 28805, 12514, 198, 6738, 2779, 2414, 1330, 275, 2414, 268, 8189, 11, 275, 2414, 12501, 1098, 198, 6738, 11676, 501, 13, 31092, 1330, 8271, 11, 1570, 198, 6738, 3053, 13, 25677, 1330, 36899, 62, 25677, 198, 6738, 1257, 310, 10141, 1330, 13027, 198, 6738, 33918, 17147, 1330, 787, 62, 17147, 11, 4174, 62, 17147, 355, 4808, 39014, 62, 17147, 198, 6738, 1280, 36942, 495, 434, 13, 15042, 13, 9535, 690, 282, 1330, 8860, 198, 6738, 374, 16072, 21, 25540, 1330, 1382, 62, 25677, 198, 6738, 640, 1330, 640, 355, 256, 2435, 198, 6738, 2956, 297, 571, 1330, 9577, 11, 555, 22708, 11, 2956, 11925, 8189, 198, 6738, 19016, 29572, 1330, 19016, 29572, 11, 19016, 13271, 489, 270, 11, 21136, 62, 80, 6649, 198, 6738, 334, 27112, 1330, 334, 27112, 19, 198, 6738, 3992, 672, 13, 16680, 312, 713, 1330, 399, 7287, 29800, 35, 713, 198, 6738, 9874, 292, 979, 72, 1330, 17910, 75, 1958, 11, 555, 33095, 75, 1958, 198, 6738, 36579, 13, 34, 10803, 1330, 34329, 198, 6738, 11676, 501, 13, 22602, 1330, 33918, 62, 18224, 198, 6738, 33918, 1330, 45514, 198, 198, 6738, 3897, 6759, 873, 13, 1069, 11755, 1330, 3254, 24765, 12331, 198, 6738, 18507, 9945, 62, 1416, 10024, 873, 13, 22897, 1330, 1446, 10024, 873, 24941, 198, 6738, 1280, 36942, 495, 434, 13, 15042, 13, 31534, 1330, 13047, 5960, 310, 10257, 273, 9237, 198, 6738, 1280, 36942, 495, 434, 13, 15042, 13, 9979, 1187, 1330, 41605, 30373, 198, 6738, 1280, 36942, 495, 434, 13, 15042, 13, 9979, 1187, 1330, 357, 198, 220, 220, 220, 27841, 17941, 1847, 62, 31631, 30643, 18421, 62, 50, 3398, 3620, 1546, 11, 37760, 5883, 3525, 62, 9148, 8120, 45849, 1961, 62, 11674, 3698, 5258, 11, 198, 220, 220, 220, 37760, 5883, 3525, 62, 12418, 2043, 3698, 8808, 1961, 62, 11674, 3698, 5258, 11, 371, 2606, 9328, 62, 47, 31688, 10426, 11, 309, 57, 11, 311, 47621, 198, 8, 198, 6738, 1280, 36942, 495, 434, 13, 15042, 13, 3849, 32186, 1330, 314, 3185, 19746, 198, 6738, 1280, 36942, 495, 434, 13, 15042, 13, 3849, 32186, 1330, 314, 19746, 16934, 333, 1352, 198, 198, 17752, 62, 1177, 796, 13027, 7, 1177, 11, 9851, 11882, 11639, 36439, 17752, 11537, 628, 628, 628, 198, 4299, 651, 62, 15763, 7, 9186, 2599, 198, 220, 220, 220, 37227, 38138, 736, 284, 6808, 1034, 2695, 2134, 357, 11578, 11, 15403, 11, 2775, 11, 3503, 2014, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 981, 407, 314, 3185, 19746, 13, 41279, 3886, 7, 9186, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 2378, 796, 2378, 13, 834, 8000, 834, 198, 220, 220, 220, 1441, 2378, 628, 628, 628, 198, 198, 4299, 5298, 62, 27184, 62, 18224, 7, 25927, 11, 3275, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 770, 2163, 4632, 973, 287, 5009, 4938, 2024, 284, 751, 1895, 8563, 290, 198, 220, 220, 220, 5298, 13269, 611, 9167, 4905, 318, 19467, 13, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 2581, 13, 48277, 13, 2860, 10786, 2618, 3256, 705, 7890, 3256, 3275, 8, 198, 220, 220, 220, 2581, 13, 48277, 13, 13376, 796, 38210, 198, 220, 220, 220, 5298, 4049, 62, 30281, 7, 25927, 13, 48277, 8, 628, 628, 628, 628, 628, 628, 198, 198, 404, 31092, 796, 13027, 7, 31092, 11, 4049, 62, 30281, 28, 18224, 62, 30281, 11, 8860, 28, 69, 9548, 8, 628, 628, 628, 628, 628, 628 ]
3.227053
621
__all__ = ['interface']
[ 834, 439, 834, 796, 37250, 39994, 20520, 198 ]
3
8
def test_account_model(db_session): """test make a new user account""" from ..models import Account assert len(db_session.query(Account).all()) == 0 user = Account( username='me', password='me', email='[email protected]', ) db_session.add(user) assert len(db_session.query(Account).all()) == 1 # def test_make_user_no_password(db_session): # """test can't make new user with no password""" # from ..models import Account # import pytest # from sqlalchemy.exc import DBAPIError # assert len(db_session.query(Account).all()) == 0 # user = Account( # username='me', # password=None, # email='[email protected]', # ) # with pytest.raises(DBAPIError): # db_session.add(user) # assert len(db_session.query(Account).all()) == 0 # assert db_session.query(Account).one_or_none() is None def test_make_user_no_email(db_session): """test can make new user with no email""" from ..models import Account assert len(db_session.query(Account).all()) == 0 user = Account( username='me', password='me', email='', ) db_session.add(user) assert len(db_session.query(Account).all()) == 1 def test_new_user_in_database(db_session): """test new user gets added to database""" from ..models import Account assert len(db_session.query(Account).all()) == 0 user = Account( username='me', password='me', email='', ) db_session.add(user) query = db_session.query(Account) assert query.filter(Account.username == 'me').first() assert len(db_session.query(Account).all()) == 1
[ 4299, 1332, 62, 23317, 62, 19849, 7, 9945, 62, 29891, 2599, 198, 220, 220, 220, 37227, 9288, 787, 257, 649, 2836, 1848, 37811, 198, 220, 220, 220, 422, 11485, 27530, 1330, 10781, 628, 220, 220, 220, 6818, 18896, 7, 9945, 62, 29891, 13, 22766, 7, 30116, 737, 439, 28955, 6624, 657, 198, 220, 220, 220, 2836, 796, 10781, 7, 198, 220, 220, 220, 220, 220, 220, 220, 20579, 11639, 1326, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 9206, 11639, 1326, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 3053, 11639, 1326, 31, 1326, 13, 785, 3256, 198, 220, 220, 220, 1267, 198, 220, 220, 220, 20613, 62, 29891, 13, 2860, 7, 7220, 8, 198, 220, 220, 220, 6818, 18896, 7, 9945, 62, 29891, 13, 22766, 7, 30116, 737, 439, 28955, 6624, 352, 628, 198, 2, 825, 1332, 62, 15883, 62, 7220, 62, 3919, 62, 28712, 7, 9945, 62, 29891, 2599, 198, 2, 220, 220, 220, 220, 37227, 9288, 460, 470, 787, 649, 2836, 351, 645, 9206, 37811, 198, 2, 220, 220, 220, 220, 422, 11485, 27530, 1330, 10781, 198, 2, 220, 220, 220, 220, 1330, 12972, 9288, 198, 2, 220, 220, 220, 220, 422, 44161, 282, 26599, 13, 41194, 1330, 20137, 17614, 12331, 198, 198, 2, 220, 220, 220, 220, 6818, 18896, 7, 9945, 62, 29891, 13, 22766, 7, 30116, 737, 439, 28955, 6624, 657, 198, 2, 220, 220, 220, 220, 2836, 796, 10781, 7, 198, 2, 220, 220, 220, 220, 220, 220, 220, 220, 20579, 11639, 1326, 3256, 198, 2, 220, 220, 220, 220, 220, 220, 220, 220, 9206, 28, 14202, 11, 198, 2, 220, 220, 220, 220, 220, 220, 220, 220, 3053, 11639, 1326, 31, 1326, 13, 785, 3256, 198, 2, 220, 220, 220, 220, 1267, 198, 2, 220, 220, 220, 220, 351, 12972, 9288, 13, 430, 2696, 7, 11012, 17614, 12331, 2599, 198, 2, 220, 220, 220, 220, 220, 220, 220, 220, 20613, 62, 29891, 13, 2860, 7, 7220, 8, 198, 2, 220, 220, 220, 220, 220, 220, 220, 220, 6818, 18896, 7, 9945, 62, 29891, 13, 22766, 7, 30116, 737, 439, 28955, 6624, 657, 198, 2, 220, 220, 220, 220, 220, 220, 220, 220, 6818, 20613, 62, 29891, 13, 22766, 7, 30116, 737, 505, 62, 273, 62, 23108, 3419, 318, 6045, 628, 198, 4299, 1332, 62, 15883, 62, 7220, 62, 3919, 62, 12888, 7, 9945, 62, 29891, 2599, 198, 220, 220, 220, 37227, 9288, 460, 787, 649, 2836, 351, 645, 3053, 37811, 198, 220, 220, 220, 422, 11485, 27530, 1330, 10781, 628, 220, 220, 220, 6818, 18896, 7, 9945, 62, 29891, 13, 22766, 7, 30116, 737, 439, 28955, 6624, 657, 198, 220, 220, 220, 2836, 796, 10781, 7, 198, 220, 220, 220, 220, 220, 220, 220, 20579, 11639, 1326, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 9206, 11639, 1326, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 3053, 11639, 3256, 198, 220, 220, 220, 1267, 198, 220, 220, 220, 20613, 62, 29891, 13, 2860, 7, 7220, 8, 198, 220, 220, 220, 6818, 18896, 7, 9945, 62, 29891, 13, 22766, 7, 30116, 737, 439, 28955, 6624, 352, 628, 198, 4299, 1332, 62, 3605, 62, 7220, 62, 259, 62, 48806, 7, 9945, 62, 29891, 2599, 198, 220, 220, 220, 37227, 9288, 649, 2836, 3011, 2087, 284, 6831, 37811, 198, 220, 220, 220, 422, 11485, 27530, 1330, 10781, 628, 220, 220, 220, 6818, 18896, 7, 9945, 62, 29891, 13, 22766, 7, 30116, 737, 439, 28955, 6624, 657, 198, 220, 220, 220, 2836, 796, 10781, 7, 198, 220, 220, 220, 220, 220, 220, 220, 20579, 11639, 1326, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 9206, 11639, 1326, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 3053, 11639, 3256, 198, 220, 220, 220, 1267, 198, 220, 220, 220, 20613, 62, 29891, 13, 2860, 7, 7220, 8, 198, 220, 220, 220, 12405, 796, 20613, 62, 29891, 13, 22766, 7, 30116, 8, 628, 220, 220, 220, 6818, 12405, 13, 24455, 7, 30116, 13, 29460, 6624, 705, 1326, 27691, 11085, 3419, 198, 220, 220, 220, 6818, 18896, 7, 9945, 62, 29891, 13, 22766, 7, 30116, 737, 439, 28955, 6624, 352, 628 ]
2.460641
686
#!/usr/bin/env python3 import os import json import pprint import requests from dateutil.parser import parse as parsedate with open("cameras.json") as f: cameras = json.load(f) with open("unavailable.jpg", "rb") as f: unavailable = f.read() camIds = sorted([int(c["properties"]["id"]) for c in cameras["features"]]) for camId in camIds: path = f"images/{camId}/" os.makedirs(path, exist_ok=True) imageUrl = f"https://www.trafficnz.info/camera/{camId}.jpg" try: r = requests.get(imageUrl, timeout=5) if r.content == unavailable: print(camId, "unavailable") continue lastModified = r.headers["Last-Modified"] lastModified = parsedate(lastModified).strftime("%Y-%m-%d-%H%M%S") print(camId, lastModified) with open(path + lastModified + ".jpg", "wb") as f: f.write(r.content) except Exception as e: print(camId, e)
[ 2, 48443, 14629, 14, 8800, 14, 24330, 21015, 18, 198, 198, 11748, 28686, 198, 11748, 33918, 198, 11748, 279, 4798, 198, 11748, 7007, 198, 6738, 3128, 22602, 13, 48610, 1330, 21136, 355, 44267, 378, 198, 198, 4480, 1280, 7203, 66, 2382, 292, 13, 17752, 4943, 355, 277, 25, 198, 220, 220, 220, 9073, 796, 33918, 13, 2220, 7, 69, 8, 198, 4480, 1280, 7203, 403, 15182, 13, 9479, 1600, 366, 26145, 4943, 355, 277, 25, 198, 220, 220, 220, 23485, 796, 277, 13, 961, 3419, 198, 198, 20991, 7390, 82, 796, 23243, 26933, 600, 7, 66, 14692, 48310, 1, 7131, 1, 312, 8973, 8, 329, 269, 287, 9073, 14692, 40890, 8973, 12962, 198, 1640, 12172, 7390, 287, 12172, 7390, 82, 25, 198, 220, 220, 220, 3108, 796, 277, 1, 17566, 14, 90, 20991, 7390, 92, 30487, 198, 220, 220, 220, 28686, 13, 76, 4335, 17062, 7, 6978, 11, 2152, 62, 482, 28, 17821, 8, 198, 220, 220, 220, 2939, 28165, 796, 277, 1, 5450, 1378, 2503, 13, 9535, 2108, 27305, 13, 10951, 14, 25695, 14, 90, 20991, 7390, 27422, 9479, 1, 198, 220, 220, 220, 1949, 25, 198, 220, 220, 220, 220, 220, 220, 220, 374, 796, 7007, 13, 1136, 7, 9060, 28165, 11, 26827, 28, 20, 8, 198, 220, 220, 220, 220, 220, 220, 220, 611, 374, 13, 11299, 6624, 23485, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3601, 7, 20991, 7390, 11, 366, 403, 15182, 4943, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2555, 198, 220, 220, 220, 220, 220, 220, 220, 938, 5841, 1431, 796, 374, 13, 50145, 14692, 5956, 12, 5841, 1431, 8973, 198, 220, 220, 220, 220, 220, 220, 220, 938, 5841, 1431, 796, 44267, 378, 7, 12957, 5841, 1431, 737, 2536, 31387, 7203, 4, 56, 12, 4, 76, 12, 4, 67, 12, 4, 39, 4, 44, 4, 50, 4943, 198, 220, 220, 220, 220, 220, 220, 220, 3601, 7, 20991, 7390, 11, 938, 5841, 1431, 8, 198, 220, 220, 220, 220, 220, 220, 220, 351, 1280, 7, 6978, 1343, 938, 5841, 1431, 1343, 27071, 9479, 1600, 366, 39346, 4943, 355, 277, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 277, 13, 13564, 7, 81, 13, 11299, 8, 198, 220, 220, 220, 2845, 35528, 355, 304, 25, 198, 220, 220, 220, 220, 220, 220, 220, 3601, 7, 20991, 7390, 11, 304, 8 ]
2.315136
403
# Tests the various Containers / Classes found in results.py import os import sys import util from pyflight.result import * from pyflight.models.flight_data import FlightData # Test the FlightData Container # Test the Airport Container first_result = Result(util.download_file_if_not_exists( url="https://developers.google.com/qpx-express/v1/json.samples/SFOLAX.out.json", filename="response_1.json" )) second_result = Result(util.download_file_if_not_exists( url="https://developers.google.com/qpx-express/v1/json.samples/OGGNCE.out.json", filename="response_2.json" )) # Test the Entry grabbing from the Result Container # Test correct Grabbing of Aircraft # Test correct Grabbing of Airports # Test correct Grabbing of Carriers # Test correct Grabbing of Taxes # Test correct Grabbing of Trips # Test correct Grabbing of Routes # Test correct Grabbing of Route Segments # Test correct Grabbing of Route Segment Flights # Test correct Grabbing of Pricing Data
[ 2, 30307, 262, 2972, 2345, 50221, 1220, 38884, 1043, 287, 2482, 13, 9078, 198, 198, 11748, 28686, 198, 11748, 25064, 198, 198, 11748, 7736, 198, 198, 6738, 12972, 22560, 13, 20274, 1330, 1635, 198, 6738, 12972, 22560, 13, 27530, 13, 22560, 62, 7890, 1330, 13365, 6601, 628, 198, 2, 6208, 262, 13365, 6601, 43101, 628, 198, 2, 6208, 262, 12690, 43101, 628, 198, 11085, 62, 20274, 796, 25414, 7, 22602, 13, 15002, 62, 7753, 62, 361, 62, 1662, 62, 1069, 1023, 7, 198, 220, 220, 220, 19016, 2625, 5450, 1378, 16244, 364, 13, 13297, 13, 785, 14, 80, 8416, 12, 42712, 14, 85, 16, 14, 17752, 13, 82, 12629, 14, 20802, 3535, 25922, 13, 448, 13, 17752, 1600, 198, 220, 220, 220, 29472, 2625, 26209, 62, 16, 13, 17752, 1, 198, 4008, 198, 12227, 62, 20274, 796, 25414, 7, 22602, 13, 15002, 62, 7753, 62, 361, 62, 1662, 62, 1069, 1023, 7, 198, 220, 220, 220, 19016, 2625, 5450, 1378, 16244, 364, 13, 13297, 13, 785, 14, 80, 8416, 12, 42712, 14, 85, 16, 14, 17752, 13, 82, 12629, 14, 7730, 16630, 5222, 13, 448, 13, 17752, 1600, 198, 220, 220, 220, 29472, 2625, 26209, 62, 17, 13, 17752, 1, 198, 4008, 628, 198, 2, 6208, 262, 21617, 23256, 422, 262, 25414, 43101, 628, 198, 2, 6208, 3376, 25339, 4623, 286, 30767, 628, 198, 2, 6208, 3376, 25339, 4623, 286, 3701, 3742, 628, 198, 2, 6208, 3376, 25339, 4623, 286, 1879, 8910, 628, 198, 2, 6208, 3376, 25339, 4623, 286, 42260, 628, 198, 2, 6208, 3376, 25339, 4623, 286, 7563, 862, 628, 198, 2, 6208, 3376, 25339, 4623, 286, 39602, 274, 628, 198, 2, 6208, 3376, 25339, 4623, 286, 18956, 1001, 11726, 628, 198, 2, 6208, 3376, 25339, 4623, 286, 18956, 1001, 5154, 1610, 2337, 628, 198, 2, 6208, 3376, 25339, 4623, 286, 45030, 6060, 198 ]
3.29085
306
"""Error classes for authentise_services""" class ResourceError(Exception): """arbitrary error whenever a call to a authentise resource doesnt go according to plan""" pass class ResourceStillProcessing(Exception): """most authentise resources have a status property to tell the user what state its in Whenever the resource isnt ready in some way or another, throw one of these""" pass
[ 37811, 12331, 6097, 329, 8323, 786, 62, 30416, 37811, 628, 198, 4871, 20857, 12331, 7, 16922, 2599, 198, 220, 220, 220, 37227, 283, 2545, 11619, 4049, 8797, 257, 869, 284, 257, 8323, 786, 8271, 46701, 467, 1864, 284, 1410, 37811, 198, 220, 220, 220, 1208, 628, 198, 4871, 20857, 9590, 18709, 278, 7, 16922, 2599, 198, 220, 220, 220, 37227, 1712, 8323, 786, 4133, 423, 257, 3722, 3119, 284, 1560, 262, 2836, 644, 1181, 663, 287, 198, 220, 220, 220, 220, 220, 220, 220, 21326, 262, 8271, 318, 429, 3492, 287, 617, 835, 393, 1194, 11, 3714, 530, 286, 777, 37811, 198, 220, 220, 220, 1208, 198 ]
3.859813
107
from redis_cache.exceptions import ConnectionInterrumped from django.conf import settings import django.core.exceptions from dimagi.utils.couch.cache import cache_core rcache = cache_core.get_redis_default_cache() ############################################################################################################ from corehq.apps.users.models import CouchUser, PublicUser, InvalidUser from corehq.apps.domain.models import Domain SESSION_USER_KEY_PREFIX = "session_user_doc_%s" #def process_request(self, request): ############################################################################################################
[ 6738, 2266, 271, 62, 23870, 13, 1069, 11755, 1330, 26923, 9492, 81, 27073, 198, 6738, 42625, 14208, 13, 10414, 1330, 6460, 198, 11748, 42625, 14208, 13, 7295, 13, 1069, 11755, 198, 6738, 5391, 18013, 13, 26791, 13, 66, 7673, 13, 23870, 1330, 12940, 62, 7295, 628, 198, 6015, 4891, 796, 12940, 62, 7295, 13, 1136, 62, 445, 271, 62, 12286, 62, 23870, 3419, 198, 198, 29113, 29113, 29113, 7804, 4242, 198, 6738, 4755, 71, 80, 13, 18211, 13, 18417, 13, 27530, 1330, 48225, 12982, 11, 5094, 12982, 11, 17665, 12982, 198, 6738, 4755, 71, 80, 13, 18211, 13, 27830, 13, 27530, 1330, 20021, 198, 198, 50, 47621, 62, 29904, 62, 20373, 62, 47, 31688, 10426, 796, 366, 29891, 62, 7220, 62, 15390, 62, 4, 82, 1, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1303, 4299, 1429, 62, 25927, 7, 944, 11, 2581, 2599, 198, 220, 220, 220, 220, 198, 29113, 29113, 29113, 7804, 4242, 198 ]
4.152866
157
# -*- coding: utf-8 -*- """ This file represents how AST worked before python3.8 release. We used to have violations on the first decorator that wraps function, method, or a class. We also store here things that are ``SyntaxError`` in python3.8 and above. """ @first # noqa: WPS216 @second @third(param='a') @fourth @fifth() @error iters = list((yield letter) for letter in 'ab') # noqa: WPS416
[ 2, 532, 9, 12, 19617, 25, 3384, 69, 12, 23, 532, 9, 12, 198, 198, 37811, 198, 1212, 2393, 6870, 703, 29273, 3111, 878, 21015, 18, 13, 23, 2650, 13, 198, 198, 1135, 973, 284, 423, 11734, 319, 262, 717, 11705, 1352, 198, 5562, 27521, 2163, 11, 2446, 11, 393, 257, 1398, 13, 198, 198, 1135, 635, 3650, 994, 1243, 326, 389, 7559, 13940, 41641, 12331, 15506, 287, 21015, 18, 13, 23, 290, 2029, 13, 198, 37811, 628, 198, 198, 31, 11085, 220, 1303, 645, 20402, 25, 370, 3705, 20666, 198, 31, 12227, 198, 31, 17089, 7, 17143, 11639, 64, 11537, 198, 31, 49393, 198, 31, 43556, 3419, 198, 31, 18224, 628, 198, 270, 364, 796, 1351, 19510, 88, 1164, 3850, 8, 329, 3850, 287, 705, 397, 11537, 220, 1303, 645, 20402, 25, 370, 3705, 35218, 628, 198 ]
2.949275
138
# Generated by Django 3.2.6 on 2021-08-12 15:38 from django.db import migrations, models
[ 2, 2980, 515, 416, 37770, 513, 13, 17, 13, 21, 319, 33448, 12, 2919, 12, 1065, 1315, 25, 2548, 198, 198, 6738, 42625, 14208, 13, 9945, 1330, 15720, 602, 11, 4981, 628 ]
2.84375
32
import sys import os import os.path import glob import collections import re import numpy as np import scipy as sp import scipy.integrate import scipy.special import theano import theano.tensor as tt from theano.printing import Print from theano import gof use_accel = True if use_accel: from . import mixednoise_accel pass import pymc3 as pm #import pandas as pd from theano.compile.ops import as_op from theano.gradient import grad_not_implemented if __name__=="__main__": pass
[ 11748, 25064, 198, 11748, 28686, 198, 11748, 28686, 13, 6978, 198, 11748, 15095, 198, 11748, 17268, 198, 11748, 302, 198, 11748, 299, 32152, 355, 45941, 198, 11748, 629, 541, 88, 355, 599, 198, 11748, 629, 541, 88, 13, 18908, 4873, 198, 11748, 629, 541, 88, 13, 20887, 198, 11748, 262, 5733, 198, 11748, 262, 5733, 13, 83, 22854, 355, 256, 83, 198, 6738, 262, 5733, 13, 4798, 278, 1330, 12578, 198, 6738, 262, 5733, 1330, 467, 69, 628, 198, 1904, 62, 330, 5276, 796, 220, 6407, 198, 361, 779, 62, 330, 5276, 25, 198, 220, 220, 220, 422, 764, 1330, 7668, 3919, 786, 62, 330, 5276, 198, 220, 220, 220, 1208, 198, 198, 11748, 279, 4948, 66, 18, 355, 9114, 198, 2, 11748, 19798, 292, 355, 279, 67, 198, 6738, 262, 5733, 13, 5589, 576, 13, 2840, 1330, 355, 62, 404, 198, 6738, 262, 5733, 13, 49607, 1330, 3915, 62, 1662, 62, 320, 1154, 12061, 628, 628, 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, 628, 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, 198, 361, 11593, 3672, 834, 855, 1, 834, 12417, 834, 1298, 198, 220, 220, 220, 1208, 198 ]
2.385593
236
#!/usr/bin/env python import os import sys import click import yaml from urllib import request from evernode.classes import Json, Security class Create: """ Easy evernode app creation""" app_name = None dir_name = None config_file = None uwsgi_file = None app_file = None http_messages_file = None branch = None
[ 2, 48443, 14629, 14, 8800, 14, 24330, 21015, 201, 198, 201, 198, 11748, 28686, 201, 198, 11748, 25064, 201, 198, 11748, 3904, 201, 198, 11748, 331, 43695, 201, 198, 6738, 2956, 297, 571, 1330, 2581, 201, 198, 6738, 304, 933, 1098, 13, 37724, 1330, 449, 1559, 11, 4765, 201, 198, 201, 198, 201, 198, 4871, 13610, 25, 201, 198, 220, 220, 220, 37227, 16789, 304, 933, 1098, 598, 6282, 37811, 201, 198, 201, 198, 220, 220, 220, 598, 62, 3672, 796, 6045, 201, 198, 220, 220, 220, 26672, 62, 3672, 796, 6045, 201, 198, 220, 220, 220, 4566, 62, 7753, 796, 6045, 201, 198, 220, 220, 220, 334, 18504, 12397, 62, 7753, 796, 6045, 201, 198, 220, 220, 220, 598, 62, 7753, 796, 6045, 201, 198, 220, 220, 220, 2638, 62, 37348, 1095, 62, 7753, 796, 6045, 201, 198, 220, 220, 220, 8478, 796, 6045, 201, 198 ]
2.503401
147
from ..option import Option
[ 6738, 11485, 18076, 1330, 16018, 198 ]
4.666667
6
from enum import Enum ServerName = 'Http Technopark Highload server' HttpVersion = '1.1'
[ 6738, 33829, 1330, 2039, 388, 198, 198, 10697, 5376, 796, 705, 43481, 5429, 404, 668, 3334, 2220, 4382, 6, 198, 43481, 14815, 796, 705, 16, 13, 16, 6, 628 ]
3.137931
29
""" Copyright 2017-present, Airbnb 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 mock import patch from moto import mock_kinesis from nose.tools import assert_equal, assert_false, assert_true from stream_alert.rule_processor.firehose import FirehoseClient from stream_alert.shared.config import load_config @patch('stream_alert.rule_processor.firehose.FirehoseClient.MAX_BACKOFF_ATTEMPTS', 1) class TestFirehoseClient(object): """Test class for FirehoseClient""" # pylint: disable=protected-access,no-self-use,attribute-defined-outside-init def setup(self): """Setup before each method""" self.sa_firehose = FirehoseClient(region='us-east-1') def teardown(self): """Teardown after each method""" FirehoseClient._ENABLED_LOGS.clear() @staticmethod @mock_kinesis def _mock_delivery_streams(self, delivery_stream_names): """Mock Kinesis Delivery Streams for tests""" for delivery_stream in delivery_stream_names: self.sa_firehose._client.create_delivery_stream( DeliveryStreamName=delivery_stream, S3DestinationConfiguration={ 'RoleARN': 'arn:aws:iam::123456789012:role/firehose_delivery_role', 'BucketARN': 'arn:aws:s3:::kinesis-test', 'Prefix': '{}/'.format(delivery_stream), 'BufferingHints': { 'SizeInMBs': 123, 'IntervalInSeconds': 124 }, 'CompressionFormat': 'Snappy', }) @patch('stream_alert.rule_processor.firehose.LOGGER') @mock_kinesis def test_record_delivery_failed_put_count(self, mock_logging): """FirehoseClient - Record Delivery - Failed Put Count""" # Add sample categorized payloads for payload_type, logs in self._sample_categorized_payloads().iteritems(): self.sa_firehose._categorized_payloads[payload_type].extend(logs) # Setup mocked Delivery Streams self._mock_delivery_streams( ['streamalert_data_test_log_type_json_nested', 'streamalert_data_unit_test_simple_log']) with patch.object(self.sa_firehose._client, 'put_record_batch') as firehose_mock: firehose_mock.side_effect = [{ 'FailedPutCount': 3, 'RequestResponses': [{ "ErrorCode": "ServiceUnavailableException", "ErrorMessage": "Slow down." }, { "ErrorCode": "ServiceUnavailableException", "ErrorMessage": "Slow down." }, { "ErrorCode": "ServiceUnavailableException", "ErrorMessage": "Slow down." }] }, { 'FailedPutCount': 3, 'RequestResponses': [{ "ErrorCode": "ServiceUnavailableException", "ErrorMessage": "Slow down." }, { "ErrorCode": "ServiceUnavailableException", "ErrorMessage": "Slow down." }, { "ErrorCode": "ServiceUnavailableException", "ErrorMessage": "Slow down." }] }, { 'FailedPutCount': 0, 'RequestResponses': [{ "RecordId": "12345678910", "ErrorCode": "None", "ErrorMessage": "None" }, { "RecordId": "12345678910", "ErrorCode": "None", "ErrorMessage": "None" }, { "RecordId": "12345678910", "ErrorCode": "None", "ErrorMessage": "None" }] }] self.sa_firehose.send() firehose_mock.assert_called() assert_true(mock_logging.info.called) @patch('stream_alert.rule_processor.firehose.LOGGER') @mock_kinesis def test_record_delivery(self, mock_logging): """FirehoseClient - Record Delivery""" # Add sample categorized payloads for payload_type, logs in self._sample_categorized_payloads().iteritems(): self.sa_firehose._categorized_payloads[payload_type].extend(logs) # Setup mocked Delivery Streams self._mock_delivery_streams( ['streamalert_data_test_log_type_json_nested', 'streamalert_data_unit_test_simple_log']) # Send the records with patch.object(self.sa_firehose._client, 'put_record_batch') as firehose_mock: firehose_mock.return_value = {'FailedPutCount': 0} self.sa_firehose.send() firehose_mock.assert_called() assert_true(mock_logging.info.called) @patch('stream_alert.rule_processor.firehose.LOGGER') @mock_kinesis def test_record_delivery_failure(self, mock_logging): """FirehoseClient - Record Delivery - Failed PutRecord""" # Add sample categorized payloads for payload_type, logs in self._sample_categorized_payloads().iteritems(): self.sa_firehose._categorized_payloads[payload_type].extend(logs) # Setup mocked Delivery Streams self._mock_delivery_streams( ['streamalert_data_test_log_type_json_nested', 'streamalert_data_unit_test_simple_log']) # Send the records with patch.object(self.sa_firehose._client, 'put_record_batch') as firehose_mock: firehose_mock.return_value = { 'FailedPutCount': 3, 'RequestResponses': [ { 'RecordId': '12345', 'ErrorCode': '300', 'ErrorMessage': 'Bad message!!!' }, ] } self.sa_firehose.send() firehose_mock.assert_called() assert_true(mock_logging.error.called) @patch('stream_alert.rule_processor.firehose.LOGGER') @mock_kinesis def test_record_delivery_client_error(self, mock_logging): """FirehoseClient - Record Delivery - Client Error""" test_events = [ # unit_test_simple_log { 'unit_key_01': 2, 'unit_key_02': 'testtest' } for _ in range(10) ] self.sa_firehose._firehose_request_helper('invalid_stream', test_events) missing_stream_message = 'Client Error ... An error occurred ' \ '(ResourceNotFoundException) when calling the PutRecordBatch ' \ 'operation: Stream invalid_stream under account 123456789012 not found.' assert_true(mock_logging.error.called_with(missing_stream_message)) @mock_kinesis def test_load_enabled_sources(self): """FirehoseClient - Load Enabled Sources""" config = load_config('tests/unit/conf') firehose_config = { 'enabled_logs': ['json:regex_key_with_envelope', 'test_cloudtrail', 'cloudwatch'] } # expands to 2 logs enabled_logs = FirehoseClient.load_enabled_log_sources(firehose_config, config['logs']) assert_equal(len(enabled_logs), 4) # Make sure the subtitution works properly assert_true(all([':' not in log for log in enabled_logs])) assert_false(FirehoseClient.enabled_log_source('test_inspec')) @patch('stream_alert.rule_processor.firehose.LOGGER.error') @mock_kinesis def test_load_enabled_sources_invalid_log(self, mock_logging): """FirehoseClient - Load Enabled Sources - Invalid Log""" config = load_config('tests/unit/conf') firehose_config = {'enabled_logs': ['log-that-doesnt-exist']} sa_firehose = FirehoseClient( region='us-east-1', firehose_config=firehose_config, log_sources=config['logs']) assert_equal(len(sa_firehose._ENABLED_LOGS), 0) mock_logging.assert_called_with( 'Enabled Firehose log %s not declared in logs.json', 'log-that-doesnt-exist' ) def test_strip_successful_records(self): """FirehoseClient - Strip Successful Records""" batch = [{'test': 'success'}, {'test': 'data'}, {'other': 'failure'}, {'other': 'info'}] response = { 'FailedPutCount': 1, 'RequestResponses': [ {'RecordId': 'rec_id_00'}, {'RecordId': 'rec_id_01'}, {'ErrorCode': 10, 'ErrorMessage': 'foo'}, {'RecordId': 'rec_id_03'} ] } expected_batch = [{'other': 'failure'}] FirehoseClient._strip_successful_records(batch, response) assert_equal(batch, expected_batch) def test_segment_records_by_size(self): """FirehoseClient - Segment Large Records""" record_batch = [ # unit_test_simple_log { 'unit_key_01': 2, 'unit_key_02': 'testtest' * 10000 } for _ in range(100) ] sized_batches = [] for sized_batch in FirehoseClient._segment_records_by_size(record_batch): sized_batches.append(sized_batch) assert_true(len(str(sized_batches[0])) < 4000000) assert_equal(len(sized_batches), 4) assert_true(isinstance(sized_batches[3][0], dict)) def test_sanitize_keys(self): """FirehoseClient - Sanitize Keys""" # test_log_type_json_nested test_event = { 'date': 'January 01, 3005', 'unixtime': '32661446400', 'host': 'my-host.name.website.com', 'data': { 'super-duper': 'secret', 'sanitize_me': 1, 'example-key': 1, 'moar**data': 2, 'even.more': 3 } } expected_sanitized_event = { 'date': 'January 01, 3005', 'unixtime': '32661446400', 'host': 'my-host.name.website.com', 'data': { 'super_duper': 'secret', 'sanitize_me': 1, 'example_key': 1, 'moar__data': 2, 'even_more': 3 } } sanitized_event = FirehoseClient.sanitize_keys(test_event) assert_equal(sanitized_event, expected_sanitized_event) @patch('stream_alert.rule_processor.firehose.LOGGER') def test_limit_record_size(self, mock_logging): """FirehoseClient - Record Size Check""" test_events = [ # unit_test_simple_log { 'unit_key_01': 1, 'unit_key_02': 'test' * 250001 # is 4 bytes higher than max }, { 'unit_key_01': 2, 'unit_key_02': 'test' }, # test_log_type_json_nested { 'date': 'January 01, 3005', 'unixtime': '32661446400', 'host': 'my-host.name.website.com', 'data': { 'super': 'secret' } }, # add another unit_test_sample_log to verify in a different position { 'unit_key_01': 1, 'unit_key_02': 'test' * 250001 # is 4 bytes higher than max }, { 'test': 1 } ] FirehoseClient._limit_record_size(test_events) assert_true(len(test_events), 3) assert_true(mock_logging.error.called)
[ 37811, 198, 15269, 2177, 12, 25579, 11, 35079, 3457, 13, 198, 198, 26656, 15385, 739, 262, 24843, 13789, 11, 10628, 362, 13, 15, 357, 1169, 366, 34156, 15341, 198, 5832, 743, 407, 779, 428, 2393, 2845, 287, 11846, 351, 262, 13789, 13, 198, 1639, 743, 7330, 257, 4866, 286, 262, 13789, 379, 628, 220, 220, 2638, 1378, 2503, 13, 43073, 13, 2398, 14, 677, 4541, 14, 43, 2149, 24290, 12, 17, 13, 15, 198, 198, 28042, 2672, 416, 9723, 1099, 393, 4987, 284, 287, 3597, 11, 3788, 198, 17080, 6169, 739, 262, 13789, 318, 9387, 319, 281, 366, 1921, 3180, 1, 29809, 1797, 11, 198, 54, 10554, 12425, 34764, 11015, 6375, 7102, 49828, 11053, 3963, 15529, 509, 12115, 11, 2035, 4911, 393, 17142, 13, 198, 6214, 262, 13789, 329, 262, 2176, 3303, 15030, 21627, 290, 198, 2475, 20597, 739, 262, 13789, 13, 198, 37811, 198, 6738, 15290, 1330, 8529, 198, 6738, 285, 2069, 1330, 15290, 62, 74, 1127, 271, 198, 6738, 9686, 13, 31391, 1330, 6818, 62, 40496, 11, 6818, 62, 9562, 11, 6818, 62, 7942, 198, 198, 6738, 4269, 62, 44598, 13, 25135, 62, 41341, 13, 6495, 71, 577, 1330, 3764, 71, 577, 11792, 198, 6738, 4269, 62, 44598, 13, 28710, 13, 11250, 1330, 3440, 62, 11250, 628, 198, 31, 17147, 10786, 5532, 62, 44598, 13, 25135, 62, 41341, 13, 6495, 71, 577, 13, 13543, 71, 577, 11792, 13, 22921, 62, 31098, 27977, 62, 17139, 39494, 4694, 3256, 352, 8, 198, 4871, 6208, 13543, 71, 577, 11792, 7, 15252, 2599, 198, 220, 220, 220, 37227, 14402, 1398, 329, 3764, 71, 577, 11792, 37811, 198, 220, 220, 220, 1303, 279, 2645, 600, 25, 15560, 28, 24326, 12, 15526, 11, 3919, 12, 944, 12, 1904, 11, 42348, 12, 23211, 12, 43435, 12, 15003, 628, 220, 220, 220, 825, 9058, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 40786, 878, 1123, 2446, 37811, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 11400, 62, 6495, 71, 577, 796, 3764, 71, 577, 11792, 7, 36996, 11639, 385, 12, 23316, 12, 16, 11537, 628, 220, 220, 220, 825, 573, 446, 593, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 6767, 446, 593, 706, 1123, 2446, 37811, 198, 220, 220, 220, 220, 220, 220, 220, 3764, 71, 577, 11792, 13557, 1677, 6242, 30465, 62, 25294, 50, 13, 20063, 3419, 628, 220, 220, 220, 2488, 12708, 24396, 628, 220, 220, 220, 2488, 76, 735, 62, 74, 1127, 271, 198, 220, 220, 220, 825, 4808, 76, 735, 62, 12381, 6315, 62, 5532, 82, 7, 944, 11, 7585, 62, 5532, 62, 14933, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 44, 735, 509, 1127, 271, 28682, 13860, 82, 329, 5254, 37811, 198, 220, 220, 220, 220, 220, 220, 220, 329, 7585, 62, 5532, 287, 7585, 62, 5532, 62, 14933, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 11400, 62, 6495, 71, 577, 13557, 16366, 13, 17953, 62, 12381, 6315, 62, 5532, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 28682, 12124, 5376, 28, 12381, 6315, 62, 5532, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 311, 18, 24159, 1883, 38149, 34758, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 47445, 1503, 45, 10354, 705, 1501, 25, 8356, 25, 1789, 3712, 10163, 2231, 3134, 4531, 30206, 25, 18090, 14, 6495, 71, 577, 62, 12381, 6315, 62, 18090, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 33, 38811, 1503, 45, 10354, 705, 1501, 25, 8356, 25, 82, 18, 3712, 25, 74, 1127, 271, 12, 9288, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 36698, 844, 10354, 705, 90, 92, 14, 4458, 18982, 7, 12381, 6315, 62, 5532, 828, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 36474, 1586, 39, 29503, 10354, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 10699, 818, 10744, 82, 10354, 17031, 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, 705, 9492, 2100, 818, 12211, 82, 10354, 19755, 198, 220, 220, 220, 220, 220, 220, 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, 220, 220, 220, 220, 220, 220, 220, 220, 705, 7293, 2234, 26227, 10354, 705, 16501, 7774, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 32092, 628, 220, 220, 220, 2488, 17147, 10786, 5532, 62, 44598, 13, 25135, 62, 41341, 13, 6495, 71, 577, 13, 25294, 30373, 11537, 198, 220, 220, 220, 2488, 76, 735, 62, 74, 1127, 271, 198, 220, 220, 220, 825, 1332, 62, 22105, 62, 12381, 6315, 62, 47904, 62, 1996, 62, 9127, 7, 944, 11, 15290, 62, 6404, 2667, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 13543, 71, 577, 11792, 532, 13266, 28682, 532, 22738, 5930, 2764, 37811, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 3060, 6291, 37661, 21437, 82, 198, 220, 220, 220, 220, 220, 220, 220, 329, 21437, 62, 4906, 11, 17259, 287, 2116, 13557, 39873, 62, 66, 47467, 1143, 62, 15577, 46030, 22446, 2676, 23814, 33529, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 11400, 62, 6495, 71, 577, 13557, 66, 47467, 1143, 62, 15577, 46030, 58, 15577, 2220, 62, 4906, 4083, 2302, 437, 7, 6404, 82, 8, 628, 220, 220, 220, 220, 220, 220, 220, 1303, 31122, 29180, 28682, 13860, 82, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13557, 76, 735, 62, 12381, 6315, 62, 5532, 82, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 37250, 5532, 44598, 62, 7890, 62, 9288, 62, 6404, 62, 4906, 62, 17752, 62, 77, 7287, 3256, 705, 5532, 44598, 62, 7890, 62, 20850, 62, 9288, 62, 36439, 62, 6404, 6, 12962, 628, 220, 220, 220, 220, 220, 220, 220, 351, 8529, 13, 15252, 7, 944, 13, 11400, 62, 6495, 71, 577, 13557, 16366, 11, 705, 1996, 62, 22105, 62, 43501, 11537, 355, 2046, 71, 577, 62, 76, 735, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2046, 71, 577, 62, 76, 735, 13, 1589, 62, 10760, 796, 685, 90, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 37, 6255, 11588, 12332, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 513, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 18453, 19309, 684, 274, 10354, 685, 90, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 12331, 10669, 1298, 366, 16177, 3118, 15182, 16922, 1600, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 12331, 12837, 1298, 366, 36423, 866, 526, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8964, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 12331, 10669, 1298, 366, 16177, 3118, 15182, 16922, 1600, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 12331, 12837, 1298, 366, 36423, 866, 526, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8964, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 12331, 10669, 1298, 366, 16177, 3118, 15182, 16922, 1600, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 12331, 12837, 1298, 366, 36423, 866, 526, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1782, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8964, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 37, 6255, 11588, 12332, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 513, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 18453, 19309, 684, 274, 10354, 685, 90, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 12331, 10669, 1298, 366, 16177, 3118, 15182, 16922, 1600, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 12331, 12837, 1298, 366, 36423, 866, 526, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8964, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 12331, 10669, 1298, 366, 16177, 3118, 15182, 16922, 1600, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 12331, 12837, 1298, 366, 36423, 866, 526, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8964, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 12331, 10669, 1298, 366, 16177, 3118, 15182, 16922, 1600, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 12331, 12837, 1298, 366, 36423, 866, 526, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1782, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8964, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 37, 6255, 11588, 12332, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 657, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 18453, 19309, 684, 274, 10354, 685, 90, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 23739, 7390, 1298, 366, 10163, 2231, 3134, 4531, 940, 1600, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 12331, 10669, 1298, 366, 14202, 1600, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 12331, 12837, 1298, 366, 14202, 1, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8964, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 23739, 7390, 1298, 366, 10163, 2231, 3134, 4531, 940, 1600, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 12331, 10669, 1298, 366, 14202, 1600, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 12331, 12837, 1298, 366, 14202, 1, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8964, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 23739, 7390, 1298, 366, 10163, 2231, 3134, 4531, 940, 1600, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 12331, 10669, 1298, 366, 14202, 1600, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 12331, 12837, 1298, 366, 14202, 1, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1782, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1782, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 11400, 62, 6495, 71, 577, 13, 21280, 3419, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2046, 71, 577, 62, 76, 735, 13, 30493, 62, 7174, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6818, 62, 7942, 7, 76, 735, 62, 6404, 2667, 13, 10951, 13, 7174, 8, 628, 220, 220, 220, 2488, 17147, 10786, 5532, 62, 44598, 13, 25135, 62, 41341, 13, 6495, 71, 577, 13, 25294, 30373, 11537, 198, 220, 220, 220, 2488, 76, 735, 62, 74, 1127, 271, 198, 220, 220, 220, 825, 1332, 62, 22105, 62, 12381, 6315, 7, 944, 11, 15290, 62, 6404, 2667, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 13543, 71, 577, 11792, 532, 13266, 28682, 37811, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 3060, 6291, 37661, 21437, 82, 198, 220, 220, 220, 220, 220, 220, 220, 329, 21437, 62, 4906, 11, 17259, 287, 2116, 13557, 39873, 62, 66, 47467, 1143, 62, 15577, 46030, 22446, 2676, 23814, 33529, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 11400, 62, 6495, 71, 577, 13557, 66, 47467, 1143, 62, 15577, 46030, 58, 15577, 2220, 62, 4906, 4083, 2302, 437, 7, 6404, 82, 8, 628, 220, 220, 220, 220, 220, 220, 220, 1303, 31122, 29180, 28682, 13860, 82, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13557, 76, 735, 62, 12381, 6315, 62, 5532, 82, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 37250, 5532, 44598, 62, 7890, 62, 9288, 62, 6404, 62, 4906, 62, 17752, 62, 77, 7287, 3256, 705, 5532, 44598, 62, 7890, 62, 20850, 62, 9288, 62, 36439, 62, 6404, 6, 12962, 628, 220, 220, 220, 220, 220, 220, 220, 1303, 16290, 262, 4406, 198, 220, 220, 220, 220, 220, 220, 220, 351, 8529, 13, 15252, 7, 944, 13, 11400, 62, 6495, 71, 577, 13557, 16366, 11, 705, 1996, 62, 22105, 62, 43501, 11537, 355, 2046, 71, 577, 62, 76, 735, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2046, 71, 577, 62, 76, 735, 13, 7783, 62, 8367, 796, 1391, 6, 37, 6255, 11588, 12332, 10354, 657, 92, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 11400, 62, 6495, 71, 577, 13, 21280, 3419, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2046, 71, 577, 62, 76, 735, 13, 30493, 62, 7174, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6818, 62, 7942, 7, 76, 735, 62, 6404, 2667, 13, 10951, 13, 7174, 8, 628, 220, 220, 220, 2488, 17147, 10786, 5532, 62, 44598, 13, 25135, 62, 41341, 13, 6495, 71, 577, 13, 25294, 30373, 11537, 198, 220, 220, 220, 2488, 76, 735, 62, 74, 1127, 271, 198, 220, 220, 220, 825, 1332, 62, 22105, 62, 12381, 6315, 62, 32165, 495, 7, 944, 11, 15290, 62, 6404, 2667, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 13543, 71, 577, 11792, 532, 13266, 28682, 532, 22738, 5930, 23739, 37811, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 3060, 6291, 37661, 21437, 82, 198, 220, 220, 220, 220, 220, 220, 220, 329, 21437, 62, 4906, 11, 17259, 287, 2116, 13557, 39873, 62, 66, 47467, 1143, 62, 15577, 46030, 22446, 2676, 23814, 33529, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 11400, 62, 6495, 71, 577, 13557, 66, 47467, 1143, 62, 15577, 46030, 58, 15577, 2220, 62, 4906, 4083, 2302, 437, 7, 6404, 82, 8, 628, 220, 220, 220, 220, 220, 220, 220, 1303, 31122, 29180, 28682, 13860, 82, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13557, 76, 735, 62, 12381, 6315, 62, 5532, 82, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 37250, 5532, 44598, 62, 7890, 62, 9288, 62, 6404, 62, 4906, 62, 17752, 62, 77, 7287, 3256, 705, 5532, 44598, 62, 7890, 62, 20850, 62, 9288, 62, 36439, 62, 6404, 6, 12962, 628, 220, 220, 220, 220, 220, 220, 220, 1303, 16290, 262, 4406, 198, 220, 220, 220, 220, 220, 220, 220, 351, 8529, 13, 15252, 7, 944, 13, 11400, 62, 6495, 71, 577, 13557, 16366, 11, 705, 1996, 62, 22105, 62, 43501, 11537, 355, 2046, 71, 577, 62, 76, 735, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2046, 71, 577, 62, 76, 735, 13, 7783, 62, 8367, 796, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 37, 6255, 11588, 12332, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 513, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 18453, 19309, 684, 274, 10354, 685, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 23739, 7390, 10354, 705, 10163, 2231, 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, 705, 12331, 10669, 10354, 705, 6200, 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, 705, 12331, 12837, 10354, 705, 22069, 3275, 10185, 6, 198, 220, 220, 220, 220, 220, 220, 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, 220, 220, 220, 220, 2361, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1782, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 11400, 62, 6495, 71, 577, 13, 21280, 3419, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2046, 71, 577, 62, 76, 735, 13, 30493, 62, 7174, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6818, 62, 7942, 7, 76, 735, 62, 6404, 2667, 13, 18224, 13, 7174, 8, 628, 220, 220, 220, 2488, 17147, 10786, 5532, 62, 44598, 13, 25135, 62, 41341, 13, 6495, 71, 577, 13, 25294, 30373, 11537, 198, 220, 220, 220, 2488, 76, 735, 62, 74, 1127, 271, 198, 220, 220, 220, 825, 1332, 62, 22105, 62, 12381, 6315, 62, 16366, 62, 18224, 7, 944, 11, 15290, 62, 6404, 2667, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 13543, 71, 577, 11792, 532, 13266, 28682, 532, 20985, 13047, 37811, 198, 220, 220, 220, 220, 220, 220, 220, 1332, 62, 31534, 796, 685, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 4326, 62, 9288, 62, 36439, 62, 6404, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 20850, 62, 2539, 62, 486, 10354, 362, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 20850, 62, 2539, 62, 2999, 10354, 705, 9288, 9288, 6, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1782, 329, 4808, 287, 2837, 7, 940, 8, 198, 220, 220, 220, 220, 220, 220, 220, 2361, 628, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 11400, 62, 6495, 71, 577, 13557, 6495, 71, 577, 62, 25927, 62, 2978, 525, 10786, 259, 12102, 62, 5532, 3256, 1332, 62, 31534, 8, 628, 220, 220, 220, 220, 220, 220, 220, 4814, 62, 5532, 62, 20500, 796, 705, 11792, 13047, 2644, 1052, 4049, 5091, 705, 3467, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 29513, 26198, 3673, 21077, 16922, 8, 618, 4585, 262, 5930, 23739, 33, 963, 705, 3467, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 27184, 25, 13860, 12515, 62, 5532, 739, 1848, 17031, 2231, 3134, 4531, 30206, 407, 1043, 2637, 198, 220, 220, 220, 220, 220, 220, 220, 6818, 62, 7942, 7, 76, 735, 62, 6404, 2667, 13, 18224, 13, 7174, 62, 4480, 7, 45688, 62, 5532, 62, 20500, 4008, 628, 220, 220, 220, 2488, 76, 735, 62, 74, 1127, 271, 198, 220, 220, 220, 825, 1332, 62, 2220, 62, 25616, 62, 82, 2203, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 13543, 71, 577, 11792, 532, 8778, 37344, 26406, 37811, 198, 220, 220, 220, 220, 220, 220, 220, 4566, 796, 3440, 62, 11250, 10786, 41989, 14, 20850, 14, 10414, 11537, 198, 220, 220, 220, 220, 220, 220, 220, 2046, 71, 577, 62, 11250, 796, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 25616, 62, 6404, 82, 10354, 37250, 17752, 25, 260, 25636, 62, 2539, 62, 4480, 62, 268, 1091, 68, 3256, 705, 9288, 62, 17721, 9535, 346, 3256, 705, 17721, 8340, 20520, 198, 220, 220, 220, 220, 220, 220, 220, 1782, 220, 1303, 27513, 284, 362, 17259, 628, 220, 220, 220, 220, 220, 220, 220, 9343, 62, 6404, 82, 796, 3764, 71, 577, 11792, 13, 2220, 62, 25616, 62, 6404, 62, 82, 2203, 7, 6495, 71, 577, 62, 11250, 11, 4566, 17816, 6404, 82, 6, 12962, 628, 220, 220, 220, 220, 220, 220, 220, 6818, 62, 40496, 7, 11925, 7, 25616, 62, 6404, 82, 828, 604, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 6889, 1654, 262, 13284, 2738, 2499, 6105, 198, 220, 220, 220, 220, 220, 220, 220, 6818, 62, 7942, 7, 439, 26933, 10354, 6, 407, 287, 2604, 329, 2604, 287, 9343, 62, 6404, 82, 60, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 6818, 62, 9562, 7, 13543, 71, 577, 11792, 13, 25616, 62, 6404, 62, 10459, 10786, 9288, 62, 1040, 43106, 6, 4008, 628, 220, 220, 220, 2488, 17147, 10786, 5532, 62, 44598, 13, 25135, 62, 41341, 13, 6495, 71, 577, 13, 25294, 30373, 13, 18224, 11537, 198, 220, 220, 220, 2488, 76, 735, 62, 74, 1127, 271, 198, 220, 220, 220, 825, 1332, 62, 2220, 62, 25616, 62, 82, 2203, 62, 259, 12102, 62, 6404, 7, 944, 11, 15290, 62, 6404, 2667, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 13543, 71, 577, 11792, 532, 8778, 37344, 26406, 532, 17665, 5972, 37811, 198, 220, 220, 220, 220, 220, 220, 220, 4566, 796, 3440, 62, 11250, 10786, 41989, 14, 20850, 14, 10414, 11537, 198, 220, 220, 220, 220, 220, 220, 220, 2046, 71, 577, 62, 11250, 796, 1391, 6, 25616, 62, 6404, 82, 10354, 37250, 6404, 12, 5562, 12, 22437, 429, 12, 38476, 20520, 92, 628, 220, 220, 220, 220, 220, 220, 220, 473, 62, 6495, 71, 577, 796, 3764, 71, 577, 11792, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3814, 11639, 385, 12, 23316, 12, 16, 3256, 2046, 71, 577, 62, 11250, 28, 6495, 71, 577, 62, 11250, 11, 2604, 62, 82, 2203, 28, 11250, 17816, 6404, 82, 6, 12962, 628, 220, 220, 220, 220, 220, 220, 220, 6818, 62, 40496, 7, 11925, 7, 11400, 62, 6495, 71, 577, 13557, 1677, 6242, 30465, 62, 25294, 50, 828, 657, 8, 198, 220, 220, 220, 220, 220, 220, 220, 15290, 62, 6404, 2667, 13, 30493, 62, 7174, 62, 4480, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 20491, 3764, 71, 577, 2604, 4064, 82, 407, 6875, 287, 17259, 13, 17752, 3256, 705, 6404, 12, 5562, 12, 22437, 429, 12, 38476, 6, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 628, 220, 220, 220, 825, 1332, 62, 36311, 62, 17212, 62, 8344, 3669, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 13543, 71, 577, 11792, 532, 18508, 16282, 913, 13407, 37811, 198, 220, 220, 220, 220, 220, 220, 220, 15458, 796, 685, 90, 6, 9288, 10354, 705, 13138, 6, 5512, 1391, 6, 9288, 10354, 705, 7890, 6, 5512, 1391, 6, 847, 10354, 705, 32165, 495, 6, 5512, 1391, 6, 847, 10354, 705, 10951, 6, 92, 60, 198, 220, 220, 220, 220, 220, 220, 220, 2882, 796, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 37, 6255, 11588, 12332, 10354, 352, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 18453, 19309, 684, 274, 10354, 685, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1391, 6, 23739, 7390, 10354, 705, 8344, 62, 312, 62, 405, 6, 5512, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1391, 6, 23739, 7390, 10354, 705, 8344, 62, 312, 62, 486, 6, 5512, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1391, 6, 12331, 10669, 10354, 838, 11, 705, 12331, 12837, 10354, 705, 21943, 6, 5512, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1391, 6, 23739, 7390, 10354, 705, 8344, 62, 312, 62, 3070, 6, 92, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2361, 198, 220, 220, 220, 220, 220, 220, 220, 1782, 628, 220, 220, 220, 220, 220, 220, 220, 2938, 62, 43501, 796, 685, 90, 6, 847, 10354, 705, 32165, 495, 6, 92, 60, 198, 220, 220, 220, 220, 220, 220, 220, 3764, 71, 577, 11792, 13557, 36311, 62, 17212, 62, 8344, 3669, 7, 43501, 11, 2882, 8, 628, 220, 220, 220, 220, 220, 220, 220, 6818, 62, 40496, 7, 43501, 11, 2938, 62, 43501, 8, 628, 220, 220, 220, 825, 1332, 62, 325, 5154, 62, 8344, 3669, 62, 1525, 62, 7857, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 13543, 71, 577, 11792, 532, 1001, 5154, 13601, 13407, 37811, 198, 220, 220, 220, 220, 220, 220, 220, 1700, 62, 43501, 796, 685, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 4326, 62, 9288, 62, 36439, 62, 6404, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 20850, 62, 2539, 62, 486, 10354, 362, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 20850, 62, 2539, 62, 2999, 10354, 705, 9288, 9288, 6, 1635, 33028, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1782, 329, 4808, 287, 2837, 7, 3064, 8, 198, 220, 220, 220, 220, 220, 220, 220, 2361, 628, 220, 220, 220, 220, 220, 220, 220, 19943, 62, 8664, 2052, 796, 17635, 628, 220, 220, 220, 220, 220, 220, 220, 329, 19943, 62, 43501, 287, 3764, 71, 577, 11792, 13557, 325, 5154, 62, 8344, 3669, 62, 1525, 62, 7857, 7, 22105, 62, 43501, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 19943, 62, 8664, 2052, 13, 33295, 7, 13982, 62, 43501, 8, 628, 220, 220, 220, 220, 220, 220, 220, 6818, 62, 7942, 7, 11925, 7, 2536, 7, 13982, 62, 8664, 2052, 58, 15, 60, 4008, 1279, 604, 10535, 8, 198, 220, 220, 220, 220, 220, 220, 220, 6818, 62, 40496, 7, 11925, 7, 13982, 62, 8664, 2052, 828, 604, 8, 198, 220, 220, 220, 220, 220, 220, 220, 6818, 62, 7942, 7, 271, 39098, 7, 13982, 62, 8664, 2052, 58, 18, 7131, 15, 4357, 8633, 4008, 628, 220, 220, 220, 825, 1332, 62, 12807, 270, 1096, 62, 13083, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 13543, 71, 577, 11792, 532, 2986, 270, 1096, 26363, 37811, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 1332, 62, 6404, 62, 4906, 62, 17752, 62, 77, 7287, 198, 220, 220, 220, 220, 220, 220, 220, 1332, 62, 15596, 796, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 4475, 10354, 705, 21339, 5534, 11, 5867, 20, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 403, 6346, 524, 10354, 705, 18, 25540, 18444, 2414, 405, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 4774, 10354, 705, 1820, 12, 4774, 13, 3672, 13, 732, 12485, 13, 785, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 7890, 10354, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 16668, 12, 646, 525, 10354, 705, 21078, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 12807, 270, 1096, 62, 1326, 10354, 352, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 20688, 12, 2539, 10354, 352, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 5908, 283, 1174, 7890, 10354, 362, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 10197, 13, 3549, 10354, 513, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1782, 198, 220, 220, 220, 220, 220, 220, 220, 1782, 628, 220, 220, 220, 220, 220, 220, 220, 2938, 62, 12807, 36951, 62, 15596, 796, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 4475, 10354, 705, 21339, 5534, 11, 5867, 20, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 403, 6346, 524, 10354, 705, 18, 25540, 18444, 2414, 405, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 4774, 10354, 705, 1820, 12, 4774, 13, 3672, 13, 732, 12485, 13, 785, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 7890, 10354, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 16668, 62, 646, 525, 10354, 705, 21078, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 12807, 270, 1096, 62, 1326, 10354, 352, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 20688, 62, 2539, 10354, 352, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 5908, 283, 834, 7890, 10354, 362, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 10197, 62, 3549, 10354, 513, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1782, 198, 220, 220, 220, 220, 220, 220, 220, 1782, 628, 220, 220, 220, 220, 220, 220, 220, 5336, 36951, 62, 15596, 796, 3764, 71, 577, 11792, 13, 12807, 270, 1096, 62, 13083, 7, 9288, 62, 15596, 8, 198, 220, 220, 220, 220, 220, 220, 220, 6818, 62, 40496, 7, 12807, 36951, 62, 15596, 11, 2938, 62, 12807, 36951, 62, 15596, 8, 628, 220, 220, 220, 2488, 17147, 10786, 5532, 62, 44598, 13, 25135, 62, 41341, 13, 6495, 71, 577, 13, 25294, 30373, 11537, 198, 220, 220, 220, 825, 1332, 62, 32374, 62, 22105, 62, 7857, 7, 944, 11, 15290, 62, 6404, 2667, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 13543, 71, 577, 11792, 532, 13266, 12849, 6822, 37811, 198, 220, 220, 220, 220, 220, 220, 220, 1332, 62, 31534, 796, 685, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 4326, 62, 9288, 62, 36439, 62, 6404, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 20850, 62, 2539, 62, 486, 10354, 352, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 20850, 62, 2539, 62, 2999, 10354, 705, 9288, 6, 1635, 1679, 18005, 220, 1303, 318, 604, 9881, 2440, 621, 3509, 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, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 20850, 62, 2539, 62, 486, 10354, 362, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 20850, 62, 2539, 62, 2999, 10354, 705, 9288, 6, 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, 1303, 1332, 62, 6404, 62, 4906, 62, 17752, 62, 77, 7287, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 4475, 10354, 705, 21339, 5534, 11, 5867, 20, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 403, 6346, 524, 10354, 705, 18, 25540, 18444, 2414, 405, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 4774, 10354, 705, 1820, 12, 4774, 13, 3672, 13, 732, 12485, 13, 785, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 7890, 10354, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 16668, 10354, 705, 21078, 6, 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, 8964, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 751, 1194, 4326, 62, 9288, 62, 39873, 62, 6404, 284, 11767, 287, 257, 1180, 2292, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 20850, 62, 2539, 62, 486, 10354, 352, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 20850, 62, 2539, 62, 2999, 10354, 705, 9288, 6, 1635, 1679, 18005, 220, 1303, 318, 604, 9881, 2440, 621, 3509, 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, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 9288, 10354, 352, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1782, 198, 220, 220, 220, 220, 220, 220, 220, 2361, 628, 220, 220, 220, 220, 220, 220, 220, 3764, 71, 577, 11792, 13557, 32374, 62, 22105, 62, 7857, 7, 9288, 62, 31534, 8, 628, 220, 220, 220, 220, 220, 220, 220, 6818, 62, 7942, 7, 11925, 7, 9288, 62, 31534, 828, 513, 8, 198, 220, 220, 220, 220, 220, 220, 220, 6818, 62, 7942, 7, 76, 735, 62, 6404, 2667, 13, 18224, 13, 7174, 8, 198 ]
2.008786
6,032
# -*- coding: utf-8 -*- # Generated by Django 1.10 on 2018-05-11 06:19 from __future__ import unicode_literals from django.db import migrations
[ 2, 532, 9, 12, 19617, 25, 3384, 69, 12, 23, 532, 9, 12, 198, 2, 2980, 515, 416, 37770, 352, 13, 940, 319, 2864, 12, 2713, 12, 1157, 9130, 25, 1129, 198, 6738, 11593, 37443, 834, 1330, 28000, 1098, 62, 17201, 874, 198, 198, 6738, 42625, 14208, 13, 9945, 1330, 15720, 602, 628 ]
2.754717
53
import unittest import numpy as np from math import exp from scipy.special import expit from dl4nlp.utilities import sigmoid_gradient, softmax if __name__ == '__main__': unittest.main()
[ 11748, 555, 715, 395, 198, 11748, 299, 32152, 355, 45941, 198, 6738, 10688, 1330, 1033, 198, 6738, 629, 541, 88, 13, 20887, 1330, 1033, 270, 198, 6738, 288, 75, 19, 21283, 79, 13, 315, 2410, 1330, 264, 17225, 1868, 62, 49607, 11, 2705, 9806, 628, 198, 361, 11593, 3672, 834, 6624, 705, 834, 12417, 834, 10354, 198, 220, 220, 220, 555, 715, 395, 13, 12417, 3419, 198 ]
2.865672
67
''' author = Zhijing Jin ([email protected]) date = Aug 24, 2019 How to Run: python bleu.py \ -refs data/ref0.txt data/ref1.txt -hyps data/hyp0.txt ''' from __future__ import print_function, division import os import json import argparse from .download import TMP_DIR, DETOK_FILE, BLEU_DETOK_FILE, BLEU_FILE def multi_file_bleu(ref_files, hyp_files, detok=True, verbose=False): ''' This is to get the average BLEU for hyp among ref0, ref1, ref2, ... :param hyp_files: a list of filenames for hypothesis :param ref_files: a list of filenames for references :return: print a bleu score ''' from efficiency.function import shell # check for wrong input of ref_list, and correct it if isinstance(ref_files, str): ref_files = [ref_files] ref_files, hyp_files = \ preprocess_files(ref_files, hyp_files, verbose=verbose) outputs = [] script = BLEU_DETOK_FILE if detok else BLEU_FILE for hyp in hyp_files: cmd = 'perl {script} {refs} < {hyp} '.format( script=script,refs=' '.join(ref_files), hyp=hyp) if verbose: print('[cmd]', cmd) stdout, stderr = shell(cmd) bleu_prefix = 'BLEU = ' if verbose and not stdout.startswith(bleu_prefix): print(stdout) if bleu_prefix in stdout: num = stdout.split(bleu_prefix, 1)[-1].split(',')[0] output = float(num) else: # if stdout.startswith('Illegal division by zero'): output = -1 outputs += [output] if verbose: print('{}-ref bleu for {}: {}'.format(len(ref_files), hyp, output)) return outputs def detok_files(files_in, tmp_dir=TMP_DIR, file_prefix='detok', verbose=False): ''' This is to detokenize all files :param files: a list of filenames :return: a list of files after detokenization ''' files_out = [] if not os.path.isdir(tmp_dir): os.mkdir(tmp_dir) for ix, f_in in enumerate(files_in): f_out = os.path.join(tmp_dir, '{}{}.txt'.format(file_prefix, ix)) files_out.append(f_out) cmd = 'perl {DETOK_FILE} -l en < {f_in} > {f_out} 2>/dev/null'.format( DETOK_FILE=DETOK_FILE, f_in=f_in, f_out=f_out) if verbose: print('[cmd]', cmd) os.system(cmd) return files_out if __name__ == "__main__": parser = argparse.ArgumentParser() parser.add_argument('-refs', default=['data/ref0.txt', 'data/ref1.txt'], nargs='+', type=str, help='a list of filenames for reference files, separated by space') parser.add_argument('-hyps', default=['data/hyp0.txt'], nargs='+', type=str, help='a list of filenames for hypothesis files, separated by space') parser.add_argument('-data_dir', default='', type=str, help='directory to save temporary outputs') parser.add_argument('-verbose', action='store_true', help='whether to allow printing out logs') args = parser.parse_args() main(args)
[ 7061, 6, 198, 9800, 796, 10511, 11030, 17297, 357, 23548, 11030, 13, 18594, 31, 8443, 13, 71, 23063, 13, 71, 74, 8, 198, 4475, 796, 2447, 1987, 11, 13130, 198, 198, 2437, 284, 5660, 25, 198, 198, 29412, 7245, 84, 13, 9078, 3467, 198, 12, 5420, 82, 1366, 14, 5420, 15, 13, 14116, 1366, 14, 5420, 16, 13, 14116, 532, 12114, 862, 1366, 14, 36362, 15, 13, 14116, 198, 7061, 6, 198, 6738, 11593, 37443, 834, 1330, 3601, 62, 8818, 11, 7297, 198, 198, 11748, 28686, 198, 11748, 33918, 198, 11748, 1822, 29572, 198, 198, 6738, 764, 15002, 1330, 309, 7378, 62, 34720, 11, 38267, 11380, 62, 25664, 11, 347, 2538, 52, 62, 35, 2767, 11380, 62, 25664, 11, 347, 2538, 52, 62, 25664, 628, 198, 198, 4299, 5021, 62, 7753, 62, 903, 84, 7, 5420, 62, 16624, 11, 5328, 62, 16624, 11, 1062, 482, 28, 17821, 11, 15942, 577, 28, 25101, 2599, 198, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 770, 318, 284, 651, 262, 2811, 347, 2538, 52, 329, 5328, 1871, 1006, 15, 11, 1006, 16, 11, 1006, 17, 11, 2644, 198, 220, 220, 220, 1058, 17143, 5328, 62, 16624, 25, 257, 1351, 286, 1226, 268, 1047, 329, 14078, 198, 220, 220, 220, 1058, 17143, 1006, 62, 16624, 25, 257, 1351, 286, 1226, 268, 1047, 329, 10288, 198, 220, 220, 220, 1058, 7783, 25, 3601, 257, 7245, 84, 4776, 198, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 422, 9332, 13, 8818, 1330, 7582, 628, 220, 220, 220, 1303, 2198, 329, 2642, 5128, 286, 1006, 62, 4868, 11, 290, 3376, 340, 198, 220, 220, 220, 611, 318, 39098, 7, 5420, 62, 16624, 11, 965, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 1006, 62, 16624, 796, 685, 5420, 62, 16624, 60, 628, 220, 220, 220, 1006, 62, 16624, 11, 5328, 62, 16624, 796, 3467, 198, 220, 220, 220, 220, 220, 220, 220, 662, 14681, 62, 16624, 7, 5420, 62, 16624, 11, 5328, 62, 16624, 11, 15942, 577, 28, 19011, 577, 8, 628, 220, 220, 220, 23862, 796, 17635, 198, 220, 220, 220, 4226, 796, 347, 2538, 52, 62, 35, 2767, 11380, 62, 25664, 611, 1062, 482, 2073, 347, 2538, 52, 62, 25664, 628, 220, 220, 220, 329, 5328, 287, 5328, 62, 16624, 25, 198, 220, 220, 220, 220, 220, 220, 220, 23991, 796, 705, 525, 75, 1391, 12048, 92, 1391, 5420, 82, 92, 1279, 1391, 36362, 92, 45302, 18982, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4226, 28, 12048, 11, 5420, 82, 11639, 45302, 22179, 7, 5420, 62, 16624, 828, 5328, 28, 36362, 8, 198, 220, 220, 220, 220, 220, 220, 220, 611, 15942, 577, 25, 3601, 10786, 58, 28758, 60, 3256, 23991, 8, 198, 220, 220, 220, 220, 220, 220, 220, 14367, 448, 11, 336, 1082, 81, 796, 7582, 7, 28758, 8, 628, 220, 220, 220, 220, 220, 220, 220, 7245, 84, 62, 40290, 796, 705, 19146, 52, 796, 705, 628, 220, 220, 220, 220, 220, 220, 220, 611, 15942, 577, 290, 407, 14367, 448, 13, 9688, 2032, 342, 7, 903, 84, 62, 40290, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3601, 7, 19282, 448, 8, 628, 220, 220, 220, 220, 220, 220, 220, 611, 7245, 84, 62, 40290, 287, 14367, 448, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 997, 796, 14367, 448, 13, 35312, 7, 903, 84, 62, 40290, 11, 352, 38381, 12, 16, 4083, 35312, 7, 3256, 11537, 58, 15, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5072, 796, 12178, 7, 22510, 8, 198, 220, 220, 220, 220, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 611, 14367, 448, 13, 9688, 2032, 342, 10786, 33666, 18011, 7297, 416, 6632, 6, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5072, 796, 532, 16, 628, 220, 220, 220, 220, 220, 220, 220, 23862, 15853, 685, 22915, 60, 628, 220, 220, 220, 220, 220, 220, 220, 611, 15942, 577, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3601, 10786, 90, 92, 12, 5420, 7245, 84, 329, 23884, 25, 23884, 4458, 18982, 7, 11925, 7, 5420, 62, 16624, 828, 5328, 11, 5072, 4008, 198, 220, 220, 220, 1441, 23862, 628, 628, 198, 4299, 1062, 482, 62, 16624, 7, 16624, 62, 259, 11, 45218, 62, 15908, 28, 51, 7378, 62, 34720, 11, 2393, 62, 40290, 11639, 15255, 482, 3256, 15942, 577, 28, 25101, 2599, 198, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 770, 318, 284, 1062, 4233, 1096, 477, 3696, 198, 220, 220, 220, 1058, 17143, 3696, 25, 257, 1351, 286, 1226, 268, 1047, 198, 220, 220, 220, 1058, 7783, 25, 257, 1351, 286, 3696, 706, 1062, 4233, 1634, 198, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 3696, 62, 448, 796, 17635, 198, 220, 220, 220, 611, 407, 28686, 13, 6978, 13, 9409, 343, 7, 22065, 62, 15908, 2599, 28686, 13, 28015, 15908, 7, 22065, 62, 15908, 8, 198, 220, 220, 220, 329, 220, 844, 11, 277, 62, 259, 287, 27056, 378, 7, 16624, 62, 259, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 277, 62, 448, 796, 28686, 13, 6978, 13, 22179, 7, 22065, 62, 15908, 11, 705, 90, 18477, 27422, 14116, 4458, 18982, 7, 7753, 62, 40290, 11, 220, 844, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 3696, 62, 448, 13, 33295, 7, 69, 62, 448, 8, 628, 220, 220, 220, 220, 220, 220, 220, 23991, 796, 705, 525, 75, 1391, 35, 2767, 11380, 62, 25664, 92, 532, 75, 551, 1279, 1391, 69, 62, 259, 92, 1875, 1391, 69, 62, 448, 92, 362, 29, 14, 7959, 14, 8423, 4458, 18982, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 38267, 11380, 62, 25664, 28, 35, 2767, 11380, 62, 25664, 11, 277, 62, 259, 28, 69, 62, 259, 11, 277, 62, 448, 28, 69, 62, 448, 8, 198, 220, 220, 220, 220, 220, 220, 220, 611, 15942, 577, 25, 3601, 10786, 58, 28758, 60, 3256, 23991, 8, 198, 220, 220, 220, 220, 220, 220, 220, 28686, 13, 10057, 7, 28758, 8, 198, 220, 220, 220, 1441, 3696, 62, 448, 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, 3419, 198, 220, 220, 220, 30751, 13, 2860, 62, 49140, 10786, 12, 5420, 82, 3256, 4277, 28, 17816, 7890, 14, 5420, 15, 13, 14116, 3256, 705, 7890, 14, 5420, 16, 13, 14116, 6, 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, 299, 22046, 11639, 10, 3256, 2099, 28, 2536, 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, 64, 1351, 286, 1226, 268, 1047, 329, 4941, 3696, 11, 11266, 416, 2272, 11537, 198, 220, 220, 220, 30751, 13, 2860, 62, 49140, 10786, 12, 12114, 862, 3256, 4277, 28, 17816, 7890, 14, 36362, 15, 13, 14116, 6, 4357, 299, 22046, 11639, 10, 3256, 2099, 28, 2536, 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, 64, 1351, 286, 1226, 268, 1047, 329, 14078, 3696, 11, 11266, 416, 2272, 11537, 198, 220, 220, 220, 30751, 13, 2860, 62, 49140, 10786, 12, 7890, 62, 15908, 3256, 4277, 11639, 3256, 2099, 28, 2536, 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, 34945, 284, 3613, 8584, 23862, 11537, 198, 220, 220, 220, 30751, 13, 2860, 62, 49140, 10786, 12, 19011, 577, 3256, 2223, 11639, 8095, 62, 7942, 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, 1037, 11639, 25356, 284, 1249, 13570, 503, 17259, 11537, 628, 220, 220, 220, 26498, 796, 30751, 13, 29572, 62, 22046, 3419, 198, 220, 220, 220, 1388, 7, 22046, 8, 198 ]
2.241504
1,383
__author__ = 'Yunxi Lin' from pages.BasePage import BasePage
[ 834, 9800, 834, 796, 705, 56, 403, 29992, 5164, 6, 198, 198, 6738, 5468, 13, 14881, 9876, 1330, 7308, 9876 ]
3.05
20
############################################################################# ## ## Copyright (C) 2010 velociraptor Genjix <[email protected]> ## Copyright (C) 2016 The Qt Company Ltd. ## Contact: http://www.qt.io/licensing/ ## ## This file is part of the Qt for Python examples of the Qt Toolkit. ## ## $QT_BEGIN_LICENSE:BSD$ ## You may use this file under the terms of the BSD license as follows: ## ## "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 The Qt Company Ltd 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." ## ## $QT_END_LICENSE$ ## ############################################################################# from PySide6.QtWidgets import * from PySide6.QtGui import * from PySide6.QtCore import * if __name__ == '__main__': import sys app = QApplication(sys.argv) mainWin = MainWindow() sys.exit(app.exec_())
[ 29113, 29113, 7804, 4242, 2, 198, 2235, 198, 2235, 15069, 357, 34, 8, 3050, 11555, 420, 343, 2373, 273, 5215, 73, 844, 1279, 6570, 38513, 31, 8940, 4529, 13, 785, 29, 198, 2235, 15069, 357, 34, 8, 1584, 383, 33734, 5834, 12052, 13, 198, 2235, 14039, 25, 2638, 1378, 2503, 13, 39568, 13, 952, 14, 677, 26426, 14, 198, 2235, 198, 2235, 770, 2393, 318, 636, 286, 262, 33734, 329, 11361, 6096, 286, 262, 33734, 16984, 15813, 13, 198, 2235, 198, 2235, 720, 48, 51, 62, 33, 43312, 62, 43, 2149, 24290, 25, 21800, 3, 198, 2235, 921, 743, 779, 428, 2393, 739, 262, 2846, 286, 262, 347, 10305, 5964, 355, 5679, 25, 198, 2235, 198, 2235, 366, 7738, 396, 3890, 290, 779, 287, 2723, 290, 13934, 5107, 11, 351, 393, 1231, 198, 2235, 17613, 11, 389, 10431, 2810, 326, 262, 1708, 3403, 389, 198, 2235, 1138, 25, 198, 2235, 220, 220, 1635, 2297, 396, 2455, 507, 286, 2723, 2438, 1276, 12377, 262, 2029, 6634, 198, 2235, 220, 220, 220, 220, 4003, 11, 428, 1351, 286, 3403, 290, 262, 1708, 37592, 13, 198, 2235, 220, 220, 1635, 2297, 396, 2455, 507, 287, 13934, 1296, 1276, 22919, 262, 2029, 6634, 198, 2235, 220, 220, 220, 220, 4003, 11, 428, 1351, 286, 3403, 290, 262, 1708, 37592, 287, 198, 2235, 220, 220, 220, 220, 262, 10314, 290, 14, 273, 584, 5696, 2810, 351, 262, 198, 2235, 220, 220, 220, 220, 6082, 13, 198, 2235, 220, 220, 1635, 16126, 262, 1438, 286, 383, 33734, 5834, 12052, 4249, 262, 3891, 286, 663, 198, 2235, 220, 220, 220, 220, 20420, 743, 307, 973, 284, 11438, 393, 7719, 3186, 10944, 198, 2235, 220, 220, 220, 220, 422, 428, 3788, 1231, 2176, 3161, 3194, 7170, 13, 198, 2235, 198, 2235, 198, 2235, 12680, 47466, 3180, 36592, 2389, 1961, 11050, 3336, 27975, 38162, 9947, 367, 15173, 4877, 5357, 27342, 9865, 3843, 20673, 198, 2235, 366, 1921, 3180, 1, 5357, 15529, 7788, 32761, 6375, 8959, 49094, 34764, 11015, 11, 47783, 2751, 11, 21728, 5626, 198, 2235, 40880, 5390, 11, 3336, 8959, 49094, 34764, 11015, 3963, 34482, 3398, 1565, 5603, 25382, 5357, 376, 46144, 7473, 198, 2235, 317, 16652, 2149, 37232, 33079, 48933, 15986, 13954, 48778, 1961, 13, 3268, 8005, 49261, 50163, 3336, 27975, 38162, 9947, 198, 2235, 47210, 21479, 6375, 27342, 9865, 3843, 20673, 9348, 43031, 19146, 7473, 15529, 42242, 11, 3268, 17931, 23988, 11, 19387, 25256, 1847, 11, 198, 2235, 38846, 11, 7788, 3620, 6489, 13153, 11, 6375, 7102, 5188, 10917, 3525, 12576, 29506, 25552, 357, 1268, 39149, 2751, 11, 21728, 5626, 198, 2235, 40880, 5390, 11, 41755, 11335, 10979, 3963, 28932, 2257, 2043, 37780, 21090, 50, 6375, 49254, 26, 406, 18420, 3963, 23210, 11, 198, 2235, 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, 2235, 3336, 15513, 3963, 43031, 25382, 11, 7655, 2767, 16879, 3268, 27342, 10659, 11, 19269, 18379, 43031, 25382, 11, 6375, 309, 9863, 198, 2235, 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, 2235, 3963, 12680, 47466, 11, 45886, 16876, 5984, 29817, 1961, 3963, 3336, 28069, 11584, 25382, 3963, 13558, 3398, 29506, 11879, 526, 198, 2235, 198, 2235, 720, 48, 51, 62, 10619, 62, 43, 2149, 24290, 3, 198, 2235, 198, 29113, 29113, 7804, 4242, 2, 198, 198, 6738, 9485, 24819, 21, 13, 48, 83, 54, 312, 11407, 1330, 1635, 198, 6738, 9485, 24819, 21, 13, 48, 83, 8205, 72, 1330, 1635, 198, 6738, 9485, 24819, 21, 13, 48, 83, 14055, 1330, 1635, 198, 198, 361, 11593, 3672, 834, 6624, 705, 834, 12417, 834, 10354, 198, 220, 220, 220, 1330, 25064, 198, 220, 220, 220, 598, 796, 1195, 23416, 7, 17597, 13, 853, 85, 8, 198, 220, 220, 220, 1388, 16643, 796, 8774, 27703, 3419, 198, 220, 220, 220, 25064, 13, 37023, 7, 1324, 13, 18558, 62, 28955, 198 ]
3.417299
659
from google_images_download import google_images_download # creating object response = google_images_download.googleimagesdownload() search_queries =['apple','cat','appropriate','exorbitant'] for query in search_queries: downloadimages(query) print()
[ 6738, 23645, 62, 17566, 62, 15002, 1330, 23645, 62, 17566, 62, 15002, 220, 220, 201, 198, 220, 220, 201, 198, 2, 4441, 2134, 220, 201, 198, 26209, 796, 23645, 62, 17566, 62, 15002, 13, 13297, 17566, 15002, 3419, 220, 220, 201, 198, 220, 220, 201, 198, 12947, 62, 421, 10640, 796, 17816, 18040, 41707, 9246, 41707, 13335, 41707, 1069, 42594, 415, 20520, 220, 201, 198, 220, 220, 201, 198, 220, 220, 201, 198, 1640, 12405, 287, 2989, 62, 421, 10640, 25, 220, 201, 198, 220, 220, 220, 4321, 17566, 7, 22766, 8, 220, 220, 201, 198, 220, 220, 220, 3601, 3419, 201, 198 ]
2.825243
103
import shutil from contextlib import contextmanager import pytest from indy_common.config_helper import NodeConfigHelper from indy_node.test.helper import TestNode from plenum.test.node_catchup.helper import ensure_all_nodes_have_same_data from plenum.test.test_node import ensureElectionsDone, ensure_node_disconnected, checkNodesConnected from indy_node.test.auth_rule.helper import sdk_send_and_check_auth_rule_request, sdk_send_and_check_get_auth_rule_request from indy_common.authorize.auth_actions import ADD_PREFIX, AuthActionAdd from indy_common.authorize.auth_constraints import AuthConstraint, ROLE from indy_common.constants import CONSTRAINT, AUTH_TYPE, CONFIG_LEDGER_ID, NYM from indy_common.authorize.auth_map import one_trustee_constraint from plenum.common.constants import STEWARD, DATA from plenum.common.exceptions import RequestNackedException @contextmanager def extend_auth_map(nodes, key, constraint): """ Context manager to add a new auth rule to the auth map and remove it on exit. :param nodes: nodes list which auth maps should be changed :param key: str gotten from AuthActionAdd(...).get_action_id() :param constraint: AuthConstraint """ for node in nodes: node.write_req_validator.auth_map[key] = constraint yield for node in nodes: node.write_req_validator.auth_map.pop(key, None) def test_auth_txn_with_deprecated_key(tconf, tdir, allPluginsPath, txnPoolNodeSet, looper, sdk_wallet_trustee, sdk_pool_handle): """ Add to the auth_map a fake rule Send AUTH_RULE txn to change this fake rule (and set the fake key to the config state) Send GET_AUTH_RULE txn and check that the fake rule was changed Remove the fake auth rule from the map Check that we can't get the fake auth rule Restart the last node with its state regeneration Check that nodes data is equal after changing the existing auth rule (restarted node regenerate config state) """ fake_txn_type = "100002" fake_key = AuthActionAdd(txn_type=fake_txn_type, field="*", value="*").get_action_id() fake_constraint = one_trustee_constraint new_auth_constraint = AuthConstraint(role=STEWARD, sig_count=1, need_to_be_owner=False).as_dict # Add to the auth_map a fake rule with extend_auth_map(txnPoolNodeSet, fake_key, fake_constraint): # Send AUTH_RULE txn to change this fake rule (and set the fake key to the config state) sdk_send_and_check_auth_rule_request(looper, sdk_pool_handle, sdk_wallet_trustee, auth_action=ADD_PREFIX, auth_type=fake_txn_type, field='*', new_value='*', constraint=new_auth_constraint) # Send GET_AUTH_RULE txn and check that the fake rule was changed result = sdk_send_and_check_get_auth_rule_request( looper, sdk_pool_handle, sdk_wallet_trustee, auth_type=fake_txn_type, auth_action=ADD_PREFIX, field="*", new_value="*" )[0][1]["result"][DATA][0] assert result[AUTH_TYPE] == fake_txn_type assert result[CONSTRAINT] == new_auth_constraint # Remove the fake auth rule from the map # Check that we can't get the fake auth rule with pytest.raises(RequestNackedException, match="not found in authorization map"): sdk_send_and_check_auth_rule_request(looper, sdk_pool_handle, sdk_wallet_trustee, auth_action=ADD_PREFIX, auth_type=fake_txn_type, field='*', new_value='*', constraint=AuthConstraint(role=STEWARD, sig_count=2, need_to_be_owner=False).as_dict) resp = sdk_send_and_check_get_auth_rule_request(looper, sdk_pool_handle, sdk_wallet_trustee) assert all(rule[AUTH_TYPE] != fake_txn_type for rule in resp[0][1]["result"][DATA]) with pytest.raises(RequestNackedException, match="not found in authorization map"): sdk_send_and_check_get_auth_rule_request( looper, sdk_pool_handle, sdk_wallet_trustee, auth_type=fake_txn_type, auth_action=ADD_PREFIX, field="*", new_value="*" ) # Restart the last node with its state regeneration ensure_all_nodes_have_same_data(looper, txnPoolNodeSet) node_to_stop = txnPoolNodeSet[-1] node_state = node_to_stop.states[CONFIG_LEDGER_ID] assert not node_state.isEmpty state_db_path = node_state._kv.db_path node_to_stop.cleanupOnStopping = False node_to_stop.stop() looper.removeProdable(node_to_stop) ensure_node_disconnected(looper, node_to_stop, txnPoolNodeSet[:-1]) shutil.rmtree(state_db_path) config_helper = NodeConfigHelper(node_to_stop.name, tconf, chroot=tdir) restarted_node = TestNode( node_to_stop.name, config_helper=config_helper, config=tconf, pluginPaths=allPluginsPath, ha=node_to_stop.nodestack.ha, cliha=node_to_stop.clientstack.ha) looper.add(restarted_node) txnPoolNodeSet[-1] = restarted_node # Check that nodes data is equal (restarted node regenerate config state) looper.run(checkNodesConnected(txnPoolNodeSet)) ensureElectionsDone(looper, txnPoolNodeSet, customTimeout=30) sdk_send_and_check_auth_rule_request(looper, sdk_pool_handle, sdk_wallet_trustee, auth_action=ADD_PREFIX, auth_type=NYM, field=ROLE, new_value=STEWARD, constraint=AuthConstraint(role=STEWARD, sig_count=2, need_to_be_owner=False).as_dict) ensure_all_nodes_have_same_data(looper, txnPoolNodeSet, custom_timeout=20)
[ 11748, 4423, 346, 198, 6738, 4732, 8019, 1330, 4732, 37153, 198, 198, 11748, 12972, 9288, 198, 198, 6738, 773, 88, 62, 11321, 13, 11250, 62, 2978, 525, 1330, 19081, 16934, 47429, 198, 6738, 773, 88, 62, 17440, 13, 9288, 13, 2978, 525, 1330, 6208, 19667, 198, 6738, 458, 44709, 13, 9288, 13, 17440, 62, 40198, 929, 13, 2978, 525, 1330, 4155, 62, 439, 62, 77, 4147, 62, 14150, 62, 31642, 62, 7890, 198, 6738, 458, 44709, 13, 9288, 13, 9288, 62, 17440, 1330, 4155, 19453, 507, 45677, 11, 4155, 62, 17440, 62, 6381, 15236, 11, 2198, 45, 4147, 13313, 276, 198, 6738, 773, 88, 62, 17440, 13, 9288, 13, 18439, 62, 25135, 13, 2978, 525, 1330, 264, 34388, 62, 21280, 62, 392, 62, 9122, 62, 18439, 62, 25135, 62, 25927, 11, 264, 34388, 62, 21280, 62, 392, 62, 9122, 62, 1136, 62, 18439, 62, 25135, 62, 25927, 198, 6738, 773, 88, 62, 11321, 13, 9800, 1096, 13, 18439, 62, 4658, 1330, 27841, 62, 47, 31688, 10426, 11, 26828, 12502, 4550, 198, 6738, 773, 88, 62, 11321, 13, 9800, 1096, 13, 18439, 62, 1102, 2536, 6003, 1330, 26828, 3103, 2536, 2913, 11, 15107, 2538, 198, 6738, 773, 88, 62, 11321, 13, 9979, 1187, 1330, 7102, 2257, 3861, 12394, 11, 37195, 62, 25216, 11, 25626, 62, 30465, 30373, 62, 2389, 11, 6645, 44, 198, 6738, 773, 88, 62, 11321, 13, 9800, 1096, 13, 18439, 62, 8899, 1330, 530, 62, 38087, 1453, 62, 1102, 2536, 2913, 198, 6738, 458, 44709, 13, 11321, 13, 9979, 1187, 1330, 3563, 6217, 9795, 11, 42865, 198, 6738, 458, 44709, 13, 11321, 13, 1069, 11755, 1330, 19390, 45, 6021, 16922, 628, 198, 31, 22866, 37153, 198, 4299, 9117, 62, 18439, 62, 8899, 7, 77, 4147, 11, 1994, 11, 32315, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 30532, 4706, 284, 751, 257, 649, 6284, 3896, 284, 262, 6284, 3975, 290, 4781, 340, 319, 8420, 13, 628, 220, 220, 220, 1058, 17143, 13760, 25, 13760, 1351, 543, 6284, 8739, 815, 307, 3421, 198, 220, 220, 220, 1058, 17143, 1994, 25, 965, 7891, 422, 26828, 12502, 4550, 7, 986, 737, 1136, 62, 2673, 62, 312, 3419, 198, 220, 220, 220, 1058, 17143, 32315, 25, 26828, 3103, 2536, 2913, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 329, 10139, 287, 13760, 25, 198, 220, 220, 220, 220, 220, 220, 220, 10139, 13, 13564, 62, 42180, 62, 12102, 1352, 13, 18439, 62, 8899, 58, 2539, 60, 796, 32315, 198, 220, 220, 220, 7800, 198, 220, 220, 220, 329, 10139, 287, 13760, 25, 198, 220, 220, 220, 220, 220, 220, 220, 10139, 13, 13564, 62, 42180, 62, 12102, 1352, 13, 18439, 62, 8899, 13, 12924, 7, 2539, 11, 6045, 8, 628, 198, 4299, 1332, 62, 18439, 62, 17602, 77, 62, 4480, 62, 10378, 31023, 62, 2539, 7, 83, 10414, 11, 256, 15908, 11, 477, 23257, 1040, 15235, 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, 27765, 77, 27201, 19667, 7248, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2376, 3575, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 264, 34388, 62, 44623, 62, 38087, 1453, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 264, 34388, 62, 7742, 62, 28144, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 3060, 284, 262, 6284, 62, 8899, 257, 8390, 3896, 198, 220, 220, 220, 16290, 37195, 62, 49, 24212, 27765, 77, 284, 1487, 428, 8390, 3896, 357, 392, 900, 262, 8390, 1994, 284, 262, 4566, 1181, 8, 198, 220, 220, 220, 16290, 17151, 62, 32, 24318, 62, 49, 24212, 27765, 77, 290, 2198, 326, 262, 8390, 3896, 373, 3421, 198, 220, 220, 220, 17220, 262, 8390, 6284, 3896, 422, 262, 3975, 198, 220, 220, 220, 6822, 326, 356, 460, 470, 651, 262, 8390, 6284, 3896, 198, 220, 220, 220, 8324, 433, 262, 938, 10139, 351, 663, 1181, 27597, 198, 220, 220, 220, 6822, 326, 13760, 1366, 318, 4961, 706, 5609, 262, 4683, 6284, 3896, 357, 2118, 19112, 10139, 43519, 4566, 1181, 8, 198, 220, 220, 220, 37227, 628, 220, 220, 220, 8390, 62, 17602, 77, 62, 4906, 796, 366, 49388, 17, 1, 198, 220, 220, 220, 8390, 62, 2539, 796, 26828, 12502, 4550, 7, 17602, 77, 62, 4906, 28, 30706, 62, 17602, 77, 62, 4906, 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, 2214, 2625, 9, 1600, 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, 1988, 2625, 9, 11074, 1136, 62, 2673, 62, 312, 3419, 198, 220, 220, 220, 8390, 62, 1102, 2536, 2913, 796, 530, 62, 38087, 1453, 62, 1102, 2536, 2913, 198, 220, 220, 220, 649, 62, 18439, 62, 1102, 2536, 2913, 796, 26828, 3103, 2536, 2913, 7, 18090, 28, 2257, 6217, 9795, 11, 43237, 62, 9127, 28, 16, 11, 761, 62, 1462, 62, 1350, 62, 18403, 28, 25101, 737, 292, 62, 11600, 628, 220, 220, 220, 1303, 3060, 284, 262, 6284, 62, 8899, 257, 8390, 3896, 198, 220, 220, 220, 351, 9117, 62, 18439, 62, 8899, 7, 17602, 77, 27201, 19667, 7248, 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, 8390, 62, 2539, 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, 8390, 62, 1102, 2536, 2913, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 16290, 37195, 62, 49, 24212, 27765, 77, 284, 1487, 428, 8390, 3896, 357, 392, 900, 262, 8390, 1994, 284, 262, 4566, 1181, 8, 198, 220, 220, 220, 220, 220, 220, 220, 264, 34388, 62, 21280, 62, 392, 62, 9122, 62, 18439, 62, 25135, 62, 25927, 7, 5439, 3575, 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, 264, 34388, 62, 7742, 62, 28144, 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, 264, 34388, 62, 44623, 62, 38087, 1453, 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, 6284, 62, 2673, 28, 29266, 62, 47, 31688, 10426, 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, 6284, 62, 4906, 28, 30706, 62, 17602, 77, 62, 4906, 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, 2214, 11639, 9, 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, 220, 220, 220, 220, 220, 220, 649, 62, 8367, 11639, 9, 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, 220, 220, 220, 220, 220, 220, 32315, 28, 3605, 62, 18439, 62, 1102, 2536, 2913, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 16290, 17151, 62, 32, 24318, 62, 49, 24212, 27765, 77, 290, 2198, 326, 262, 8390, 3896, 373, 3421, 198, 220, 220, 220, 220, 220, 220, 220, 1255, 796, 264, 34388, 62, 21280, 62, 392, 62, 9122, 62, 1136, 62, 18439, 62, 25135, 62, 25927, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2376, 3575, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 264, 34388, 62, 7742, 62, 28144, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 264, 34388, 62, 44623, 62, 38087, 1453, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6284, 62, 4906, 28, 30706, 62, 17602, 77, 62, 4906, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6284, 62, 2673, 28, 29266, 62, 47, 31688, 10426, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2214, 2625, 9, 1600, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 649, 62, 8367, 2625, 9, 1, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 58, 15, 7131, 16, 7131, 1, 20274, 1, 7131, 26947, 7131, 15, 60, 198, 220, 220, 220, 220, 220, 220, 220, 6818, 1255, 58, 32, 24318, 62, 25216, 60, 6624, 8390, 62, 17602, 77, 62, 4906, 198, 220, 220, 220, 220, 220, 220, 220, 6818, 1255, 58, 10943, 2257, 3861, 12394, 60, 6624, 649, 62, 18439, 62, 1102, 2536, 2913, 628, 220, 220, 220, 1303, 17220, 262, 8390, 6284, 3896, 422, 262, 3975, 198, 220, 220, 220, 1303, 6822, 326, 356, 460, 470, 651, 262, 8390, 6284, 3896, 198, 220, 220, 220, 351, 12972, 9288, 13, 430, 2696, 7, 18453, 45, 6021, 16922, 11, 2872, 2625, 1662, 1043, 287, 19601, 3975, 1, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 264, 34388, 62, 21280, 62, 392, 62, 9122, 62, 18439, 62, 25135, 62, 25927, 7, 5439, 3575, 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, 264, 34388, 62, 7742, 62, 28144, 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, 264, 34388, 62, 44623, 62, 38087, 1453, 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, 6284, 62, 2673, 28, 29266, 62, 47, 31688, 10426, 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, 6284, 62, 4906, 28, 30706, 62, 17602, 77, 62, 4906, 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, 2214, 11639, 9, 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, 220, 220, 649, 62, 8367, 11639, 9, 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, 220, 220, 32315, 28, 30515, 3103, 2536, 2913, 7, 18090, 28, 2257, 6217, 9795, 11, 43237, 62, 9127, 28, 17, 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, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 761, 62, 1462, 62, 1350, 62, 18403, 28, 25101, 737, 292, 62, 11600, 8, 628, 220, 220, 220, 1217, 796, 264, 34388, 62, 21280, 62, 392, 62, 9122, 62, 1136, 62, 18439, 62, 25135, 62, 25927, 7, 5439, 3575, 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, 220, 220, 220, 264, 34388, 62, 7742, 62, 28144, 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, 220, 220, 220, 264, 34388, 62, 44623, 62, 38087, 1453, 8, 628, 220, 220, 220, 6818, 477, 7, 25135, 58, 32, 24318, 62, 25216, 60, 14512, 8390, 62, 17602, 77, 62, 4906, 329, 3896, 287, 1217, 58, 15, 7131, 16, 7131, 1, 20274, 1, 7131, 26947, 12962, 628, 220, 220, 220, 351, 12972, 9288, 13, 430, 2696, 7, 18453, 45, 6021, 16922, 11, 2872, 2625, 1662, 1043, 287, 19601, 3975, 1, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 264, 34388, 62, 21280, 62, 392, 62, 9122, 62, 1136, 62, 18439, 62, 25135, 62, 25927, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2376, 3575, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 264, 34388, 62, 7742, 62, 28144, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 264, 34388, 62, 44623, 62, 38087, 1453, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6284, 62, 4906, 28, 30706, 62, 17602, 77, 62, 4906, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6284, 62, 2673, 28, 29266, 62, 47, 31688, 10426, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2214, 2625, 9, 1600, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 649, 62, 8367, 2625, 9, 1, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 1303, 8324, 433, 262, 938, 10139, 351, 663, 1181, 27597, 198, 220, 220, 220, 4155, 62, 439, 62, 77, 4147, 62, 14150, 62, 31642, 62, 7890, 7, 5439, 3575, 11, 27765, 77, 27201, 19667, 7248, 8, 628, 220, 220, 220, 10139, 62, 1462, 62, 11338, 796, 27765, 77, 27201, 19667, 7248, 58, 12, 16, 60, 198, 220, 220, 220, 10139, 62, 5219, 796, 10139, 62, 1462, 62, 11338, 13, 27219, 58, 10943, 16254, 62, 30465, 30373, 62, 2389, 60, 198, 220, 220, 220, 6818, 407, 10139, 62, 5219, 13, 271, 40613, 198, 220, 220, 220, 1181, 62, 9945, 62, 6978, 796, 10139, 62, 5219, 13557, 74, 85, 13, 9945, 62, 6978, 198, 220, 220, 220, 10139, 62, 1462, 62, 11338, 13, 27773, 929, 2202, 1273, 33307, 796, 10352, 198, 220, 220, 220, 10139, 62, 1462, 62, 11338, 13, 11338, 3419, 198, 220, 220, 220, 2376, 3575, 13, 28956, 2964, 67, 540, 7, 17440, 62, 1462, 62, 11338, 8, 198, 220, 220, 220, 4155, 62, 17440, 62, 6381, 15236, 7, 5439, 3575, 11, 10139, 62, 1462, 62, 11338, 11, 27765, 77, 27201, 19667, 7248, 58, 21912, 16, 12962, 628, 220, 220, 220, 4423, 346, 13, 81, 16762, 631, 7, 5219, 62, 9945, 62, 6978, 8, 628, 220, 220, 220, 4566, 62, 2978, 525, 796, 19081, 16934, 47429, 7, 17440, 62, 1462, 62, 11338, 13, 3672, 11, 256, 10414, 11, 442, 15763, 28, 8671, 343, 8, 198, 220, 220, 220, 15765, 276, 62, 17440, 796, 6208, 19667, 7, 198, 220, 220, 220, 220, 220, 220, 220, 10139, 62, 1462, 62, 11338, 13, 3672, 11, 198, 220, 220, 220, 220, 220, 220, 220, 4566, 62, 2978, 525, 28, 11250, 62, 2978, 525, 11, 198, 220, 220, 220, 220, 220, 220, 220, 4566, 28, 83, 10414, 11, 198, 220, 220, 220, 220, 220, 220, 220, 13877, 15235, 82, 28, 439, 23257, 1040, 15235, 11, 198, 220, 220, 220, 220, 220, 220, 220, 387, 28, 17440, 62, 1462, 62, 11338, 13, 77, 375, 395, 441, 13, 3099, 11, 198, 220, 220, 220, 220, 220, 220, 220, 537, 72, 3099, 28, 17440, 62, 1462, 62, 11338, 13, 16366, 25558, 13, 3099, 8, 198, 220, 220, 220, 2376, 3575, 13, 2860, 7, 2118, 19112, 62, 17440, 8, 198, 220, 220, 220, 27765, 77, 27201, 19667, 7248, 58, 12, 16, 60, 796, 15765, 276, 62, 17440, 628, 220, 220, 220, 1303, 6822, 326, 13760, 1366, 318, 4961, 357, 2118, 19112, 10139, 43519, 4566, 1181, 8, 198, 220, 220, 220, 2376, 3575, 13, 5143, 7, 9122, 45, 4147, 13313, 276, 7, 17602, 77, 27201, 19667, 7248, 4008, 198, 220, 220, 220, 4155, 19453, 507, 45677, 7, 5439, 3575, 11, 27765, 77, 27201, 19667, 7248, 11, 2183, 48031, 28, 1270, 8, 198, 220, 220, 220, 264, 34388, 62, 21280, 62, 392, 62, 9122, 62, 18439, 62, 25135, 62, 25927, 7, 5439, 3575, 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, 264, 34388, 62, 7742, 62, 28144, 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, 264, 34388, 62, 44623, 62, 38087, 1453, 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, 6284, 62, 2673, 28, 29266, 62, 47, 31688, 10426, 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, 6284, 62, 4906, 28, 12805, 44, 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, 2214, 28, 13252, 2538, 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, 649, 62, 8367, 28, 2257, 6217, 9795, 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, 32315, 28, 30515, 3103, 2536, 2913, 7, 18090, 28, 2257, 6217, 9795, 11, 43237, 62, 9127, 28, 17, 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, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 761, 62, 1462, 62, 1350, 62, 18403, 28, 25101, 737, 292, 62, 11600, 8, 198, 220, 220, 220, 4155, 62, 439, 62, 77, 4147, 62, 14150, 62, 31642, 62, 7890, 7, 5439, 3575, 11, 27765, 77, 27201, 19667, 7248, 11, 2183, 62, 48678, 28, 1238, 8, 628 ]
1.943337
3,512
# -*- coding: utf-8 -*- # If y != None, constructs the unordered pair (x, y) # If y == None, constructs an unordered pair from iterable x, e.g. a tuple
[ 2, 532, 9, 12, 19617, 25, 3384, 69, 12, 23, 532, 9, 12, 198, 220, 220, 220, 1303, 1002, 331, 14512, 6045, 11, 34175, 262, 555, 24071, 5166, 357, 87, 11, 331, 8, 198, 220, 220, 220, 1303, 1002, 331, 6624, 6045, 11, 34175, 281, 555, 24071, 5166, 422, 11629, 540, 2124, 11, 304, 13, 70, 13, 257, 46545, 198 ]
2.666667
60
#!/usr/bin/env python import leginon.leginondata import sys import getpass import sets days = int(raw_input('Days: ')) ## make set of all application names appquery = leginon.leginondata.ApplicationData() apps = appquery.query() print 'APPS', len(apps) allapps = sets.Set() allappsdict = {} for app in apps: appname = app['name'] allapps.add(appname) if appname in allappsdict: allappsdict[appname].append(app) else: allappsdict[appname] = [app] print 'ALL', len(allapps) ## make set off apps launched in last n days launchquery = leginon.leginondata.LaunchedApplicationData() timelimit = '-%d 0:0:0' % (days,) launchedapps = launchquery.query(timelimit=timelimit) recentapps = [] for launchedapp in launchedapps: try: appname = launchedapp['application']['name'] except: continue if appname not in recentapps: recentapps.append(appname) print 'RECENT', len(recentapps) ## make set off apps not launched in last n days notrecentapps = allapps - sets.Set(recentapps) print 'NOTRECENT', len(notrecentapps) print 'Most Recently Launched (last %d days = %d apps):' % (days,len(recentapps)) for recent in recentapps: print '\t%s' % (recent,) print 'Others Sorted Alphabetically' others = list(notrecentapps) others.sort() for other in others: print '\t%s' % (other,)
[ 2, 48443, 14629, 14, 8800, 14, 24330, 21015, 198, 198, 11748, 1232, 259, 261, 13, 1455, 259, 623, 1045, 198, 11748, 25064, 198, 11748, 651, 6603, 198, 11748, 5621, 198, 198, 12545, 796, 493, 7, 1831, 62, 15414, 10786, 38770, 25, 705, 4008, 198, 198, 2235, 787, 900, 286, 477, 3586, 3891, 198, 1324, 22766, 796, 1232, 259, 261, 13, 1455, 259, 623, 1045, 13, 23416, 6601, 3419, 198, 18211, 796, 598, 22766, 13, 22766, 3419, 198, 4798, 705, 2969, 3705, 3256, 18896, 7, 18211, 8, 198, 439, 18211, 796, 5621, 13, 7248, 3419, 198, 439, 18211, 11600, 796, 23884, 198, 1640, 598, 287, 6725, 25, 198, 197, 1324, 3672, 796, 598, 17816, 3672, 20520, 198, 197, 439, 18211, 13, 2860, 7, 1324, 3672, 8, 198, 197, 361, 598, 3672, 287, 477, 18211, 11600, 25, 198, 197, 197, 439, 18211, 11600, 58, 1324, 3672, 4083, 33295, 7, 1324, 8, 198, 197, 17772, 25, 198, 197, 197, 439, 18211, 11600, 58, 1324, 3672, 60, 796, 685, 1324, 60, 198, 4798, 705, 7036, 3256, 18896, 7, 439, 18211, 8, 198, 198, 2235, 787, 900, 572, 6725, 5611, 287, 938, 299, 1528, 198, 35681, 22766, 796, 1232, 259, 261, 13, 1455, 259, 623, 1045, 13, 46182, 1740, 23416, 6601, 3419, 198, 16514, 417, 320, 270, 796, 705, 12, 4, 67, 657, 25, 15, 25, 15, 6, 4064, 357, 12545, 35751, 198, 38722, 1740, 18211, 796, 4219, 22766, 13, 22766, 7, 16514, 417, 320, 270, 28, 16514, 417, 320, 270, 8, 198, 49921, 18211, 796, 17635, 198, 1640, 5611, 1324, 287, 5611, 18211, 25, 198, 197, 28311, 25, 198, 197, 197, 1324, 3672, 796, 5611, 1324, 17816, 31438, 6, 7131, 6, 3672, 20520, 198, 197, 16341, 25, 198, 197, 197, 43043, 198, 197, 361, 598, 3672, 407, 287, 2274, 18211, 25, 198, 197, 197, 49921, 18211, 13, 33295, 7, 1324, 3672, 8, 198, 4798, 705, 38827, 3525, 3256, 18896, 7, 49921, 18211, 8, 198, 198, 2235, 787, 900, 572, 6725, 407, 5611, 287, 938, 299, 1528, 198, 1662, 49921, 18211, 796, 477, 18211, 532, 5621, 13, 7248, 7, 49921, 18211, 8, 198, 4798, 705, 11929, 38827, 3525, 3256, 18896, 7, 1662, 49921, 18211, 8, 198, 198, 4798, 705, 6943, 23413, 19826, 1740, 357, 12957, 4064, 67, 1528, 796, 4064, 67, 6725, 2599, 6, 4064, 357, 12545, 11, 11925, 7, 49921, 18211, 4008, 198, 1640, 2274, 287, 2274, 18211, 25, 198, 197, 4798, 705, 59, 83, 4, 82, 6, 4064, 357, 49921, 35751, 198, 198, 4798, 705, 25599, 311, 9741, 45695, 1146, 6, 198, 847, 82, 796, 1351, 7, 1662, 49921, 18211, 8, 198, 847, 82, 13, 30619, 3419, 198, 1640, 584, 287, 1854, 25, 198, 197, 4798, 705, 59, 83, 4, 82, 6, 4064, 357, 847, 35751, 198 ]
2.837004
454
import timeit setup = ''' import scipy.sparse as sp import numpy as np from bisect import bisect from numpy.random import rand, randint import submatrix as s r = [10,20,30] A = s.randomMatrix() ''' t = timeit.Timer("s.subMatrix(r,r,A)", setup).repeat(3, 10) print t #print t.timeit()
[ 11748, 640, 270, 198, 198, 40406, 796, 705, 7061, 198, 11748, 629, 541, 88, 13, 82, 29572, 355, 599, 198, 11748, 299, 32152, 355, 45941, 198, 6738, 47457, 478, 1330, 47457, 478, 198, 6738, 299, 32152, 13, 25120, 1330, 43720, 11, 43720, 600, 198, 11748, 850, 6759, 8609, 355, 264, 198, 198, 81, 796, 685, 940, 11, 1238, 11, 1270, 60, 198, 32, 796, 264, 13, 25120, 46912, 3419, 198, 7061, 6, 198, 220, 220, 220, 220, 198, 83, 796, 640, 270, 13, 48801, 7203, 82, 13, 7266, 46912, 7, 81, 11, 81, 11, 32, 42501, 9058, 737, 44754, 7, 18, 11, 838, 8, 198, 4798, 256, 198, 2, 4798, 256, 13, 2435, 270, 3419, 198 ]
2.508621
116
# coding: utf-8 from typing import Dict, List # noqa: F401 from fastapi import ( # noqa: F401 APIRouter, Body, Cookie, Depends, Form, Header, Path, Query, Request, Response, Security, status, ) from acapy_wrapper.models.extra_models import TokenModel # noqa: F401 from acapy_wrapper.models.did_create import DIDCreate from acapy_wrapper.models.did_endpoint import DIDEndpoint from acapy_wrapper.models.did_endpoint_with_type import DIDEndpointWithType from acapy_wrapper.models.did_list import DIDList from acapy_wrapper.models.did_result import DIDResult from api import acapy_utils as au router = APIRouter() @router.post( "/wallet/did/create", responses={ 200: {"model": DIDResult, "description": ""}, }, tags=["wallet"], summary="Create a local DID", ) @router.get( "/wallet/did", responses={ 200: {"model": DIDList, "description": ""}, }, tags=["wallet"], summary="List wallet DIDs", ) @router.patch( "/wallet/did/local/rotate-keypair", responses={ 200: {"model": dict, "description": ""}, }, tags=["wallet"], summary="Rotate keypair for a DID not posted to the ledger", ) @router.get( "/wallet/did/public", responses={ 200: {"model": DIDResult, "description": ""}, }, tags=["wallet"], summary="Fetch the current public DID", ) @router.post( "/wallet/did/public", responses={ 200: {"model": DIDResult, "description": ""}, }, tags=["wallet"], summary="Assign the current public DID", ) @router.get( "/wallet/get-did-endpoint", responses={ 200: {"model": DIDEndpoint, "description": ""}, }, tags=["wallet"], summary="Query DID endpoint in wallet", ) @router.post( "/wallet/set-did-endpoint", responses={ 200: {"model": dict, "description": ""}, }, tags=["wallet"], summary="Update endpoint in wallet and on ledger if posted to it", )
[ 2, 19617, 25, 3384, 69, 12, 23, 198, 198, 6738, 19720, 1330, 360, 713, 11, 7343, 220, 1303, 645, 20402, 25, 376, 21844, 198, 198, 6738, 3049, 15042, 1330, 357, 220, 1303, 645, 20402, 25, 376, 21844, 198, 220, 220, 220, 3486, 4663, 39605, 11, 198, 220, 220, 220, 12290, 11, 198, 220, 220, 220, 39606, 11, 198, 220, 220, 220, 2129, 2412, 11, 198, 220, 220, 220, 5178, 11, 198, 220, 220, 220, 48900, 11, 198, 220, 220, 220, 10644, 11, 198, 220, 220, 220, 43301, 11, 198, 220, 220, 220, 19390, 11, 198, 220, 220, 220, 18261, 11, 198, 220, 220, 220, 4765, 11, 198, 220, 220, 220, 3722, 11, 198, 8, 198, 198, 6738, 936, 12826, 62, 48553, 13, 27530, 13, 26086, 62, 27530, 1330, 29130, 17633, 220, 1303, 645, 20402, 25, 376, 21844, 198, 6738, 936, 12826, 62, 48553, 13, 27530, 13, 20839, 62, 17953, 1330, 35697, 16447, 198, 6738, 936, 12826, 62, 48553, 13, 27530, 13, 20839, 62, 437, 4122, 1330, 35697, 12915, 4122, 198, 6738, 936, 12826, 62, 48553, 13, 27530, 13, 20839, 62, 437, 4122, 62, 4480, 62, 4906, 1330, 35697, 12915, 4122, 3152, 6030, 198, 6738, 936, 12826, 62, 48553, 13, 27530, 13, 20839, 62, 4868, 1330, 35697, 8053, 198, 6738, 936, 12826, 62, 48553, 13, 27530, 13, 20839, 62, 20274, 1330, 35697, 23004, 198, 198, 6738, 40391, 1330, 936, 12826, 62, 26791, 355, 35851, 628, 198, 472, 353, 796, 3486, 4663, 39605, 3419, 628, 198, 31, 472, 353, 13, 7353, 7, 198, 220, 220, 220, 12813, 44623, 14, 20839, 14, 17953, 1600, 198, 220, 220, 220, 9109, 34758, 198, 220, 220, 220, 220, 220, 220, 220, 939, 25, 19779, 19849, 1298, 35697, 23004, 11, 366, 11213, 1298, 13538, 5512, 198, 220, 220, 220, 8964, 198, 220, 220, 220, 15940, 28, 14692, 44623, 33116, 198, 220, 220, 220, 10638, 2625, 16447, 257, 1957, 35697, 1600, 198, 8, 628, 198, 31, 472, 353, 13, 1136, 7, 198, 220, 220, 220, 12813, 44623, 14, 20839, 1600, 198, 220, 220, 220, 9109, 34758, 198, 220, 220, 220, 220, 220, 220, 220, 939, 25, 19779, 19849, 1298, 35697, 8053, 11, 366, 11213, 1298, 13538, 5512, 198, 220, 220, 220, 8964, 198, 220, 220, 220, 15940, 28, 14692, 44623, 33116, 198, 220, 220, 220, 10638, 2625, 8053, 13008, 35697, 82, 1600, 198, 8, 628, 198, 31, 472, 353, 13, 17147, 7, 198, 220, 220, 220, 12813, 44623, 14, 20839, 14, 12001, 14, 10599, 378, 12, 2539, 24874, 1600, 198, 220, 220, 220, 9109, 34758, 198, 220, 220, 220, 220, 220, 220, 220, 939, 25, 19779, 19849, 1298, 8633, 11, 366, 11213, 1298, 13538, 5512, 198, 220, 220, 220, 8964, 198, 220, 220, 220, 15940, 28, 14692, 44623, 33116, 198, 220, 220, 220, 10638, 2625, 24864, 378, 1994, 24874, 329, 257, 35697, 407, 4481, 284, 262, 37208, 1600, 198, 8, 628, 198, 31, 472, 353, 13, 1136, 7, 198, 220, 220, 220, 12813, 44623, 14, 20839, 14, 11377, 1600, 198, 220, 220, 220, 9109, 34758, 198, 220, 220, 220, 220, 220, 220, 220, 939, 25, 19779, 19849, 1298, 35697, 23004, 11, 366, 11213, 1298, 13538, 5512, 198, 220, 220, 220, 8964, 198, 220, 220, 220, 15940, 28, 14692, 44623, 33116, 198, 220, 220, 220, 10638, 2625, 37, 7569, 262, 1459, 1171, 35697, 1600, 198, 8, 628, 198, 31, 472, 353, 13, 7353, 7, 198, 220, 220, 220, 12813, 44623, 14, 20839, 14, 11377, 1600, 198, 220, 220, 220, 9109, 34758, 198, 220, 220, 220, 220, 220, 220, 220, 939, 25, 19779, 19849, 1298, 35697, 23004, 11, 366, 11213, 1298, 13538, 5512, 198, 220, 220, 220, 8964, 198, 220, 220, 220, 15940, 28, 14692, 44623, 33116, 198, 220, 220, 220, 10638, 2625, 8021, 570, 262, 1459, 1171, 35697, 1600, 198, 8, 628, 198, 31, 472, 353, 13, 1136, 7, 198, 220, 220, 220, 12813, 44623, 14, 1136, 12, 20839, 12, 437, 4122, 1600, 198, 220, 220, 220, 9109, 34758, 198, 220, 220, 220, 220, 220, 220, 220, 939, 25, 19779, 19849, 1298, 35697, 12915, 4122, 11, 366, 11213, 1298, 13538, 5512, 198, 220, 220, 220, 8964, 198, 220, 220, 220, 15940, 28, 14692, 44623, 33116, 198, 220, 220, 220, 10638, 2625, 20746, 35697, 36123, 287, 13008, 1600, 198, 8, 628, 198, 31, 472, 353, 13, 7353, 7, 198, 220, 220, 220, 12813, 44623, 14, 2617, 12, 20839, 12, 437, 4122, 1600, 198, 220, 220, 220, 9109, 34758, 198, 220, 220, 220, 220, 220, 220, 220, 939, 25, 19779, 19849, 1298, 8633, 11, 366, 11213, 1298, 13538, 5512, 198, 220, 220, 220, 8964, 198, 220, 220, 220, 15940, 28, 14692, 44623, 33116, 198, 220, 220, 220, 10638, 2625, 10260, 36123, 287, 13008, 290, 319, 37208, 611, 4481, 284, 340, 1600, 198, 8, 198 ]
2.559387
783
c = float(input('Digite a temperatura em C°: ')) f = c * 1.8 + 32 print('{:.0f} C° é igual a {:.0f}° Fahrenheight'.format(c, f))
[ 66, 796, 12178, 7, 15414, 10786, 19511, 578, 257, 4124, 2541, 64, 795, 327, 7200, 25, 705, 4008, 198, 69, 796, 269, 1635, 352, 13, 23, 1343, 3933, 198, 4798, 10786, 90, 25, 13, 15, 69, 92, 327, 7200, 38251, 45329, 723, 257, 46110, 13, 15, 69, 92, 7200, 27361, 918, 17015, 4458, 18982, 7, 66, 11, 277, 4008 ]
2.169492
59
import transaction import unittest import unittest.mock as mock from pyramid import testing from .models import User
[ 11748, 8611, 198, 11748, 555, 715, 395, 198, 11748, 555, 715, 395, 13, 76, 735, 355, 15290, 198, 198, 6738, 27944, 1330, 4856, 198, 198, 6738, 764, 27530, 1330, 11787, 628, 198 ]
3.78125
32
#!/usr/bin/env python import sys import copy import rospy import moveit_commander import moveit_msgs.msg import geometry_msgs.msg import signal import math import tf from copy import deepcopy import transformation signal.signal(signal.SIGINT, signal_handler) pose_list = \ { 'left_open': [0.6451299414163874, 0.48308154941436016, 0.688241579565718, 0.11442618882303603, 0.9926119706997465, 0.028043380270852243, 0.02901192441022871], 'right_open': [0.6462863106297506, -0.48390075862008375, 0.6859732922530206, -0.15210562530968288, 0.9881075743671162, 0.0028034494110560793, 0.02234817439712085] } joint_list = \ { 'left_open': [-0.04525243319091797, -1.185383652484131, -0.6304661031005859, 0.9851991598937989, 0.2657621711975098, 1.7587089713012696, 0.44638840876464847], 'right_open': [-0.024543692578125, -1.1293933537902834, 0.7673738882629395, 0.9560535249572755, -0.2922233397583008, 1.8089468420471193, -0.4793689956665039] } def distance(): """ Calculate the distance between two points. return: Distance. """ return lambda a, b: math.sqrt((a.x-b.x)*(a.x-b.x)+(a.y-b.y)*+(a.y-b.y)+(a.z-b.z)*(a.z-b.z)) class MoveitInterface: """ A wrapper class that calls functions from the MoveIt. """ gripper_translation_dist = 0.22 print_flag = False def move_predef_position(self, limb_name, pos_name, speed=0.3, timeout = 15.0): """ Move to some pre-defined pose. Args: limb_name: Joint name. pos_name: refer to the dict() defined at the beginning """ self.move_limb(limb_name, pose_list[limb_name+'_'+pos_name], False, speed) def move_predef_joint_position(self, limb_name, pose_name, speed = 0.3, timeout = 15.0): """ Move to some pre-defined joints. Args: limb_name: Both arm or left or right. pos_name: refer to the dict() defined at the beginning """ if limb_name == 'both': self.move_limb_joint(limb_name, joint_list['left_'+pose_name]+ joint_list['right_'+pose_name], speed) else: self.move_limb_joint(limb_name, joint_list[limb_name+'_'+pose_name], speed) def move_limb_height(self, limb_name, target_height_displacement, do_displacement, speed=0.1): """ Move the arm vertically. Args: limb_name: Left or right arm. target_height_displacement: Move offset. do_displacement: True if move from the current position. speed: Move speed. Return: """ # Both arm not implemented. print target_height_displacement if limb_name == 'left': target_pos = self.left_arm.get_current_pose().pose elif limb_name == 'right': target_pos = self.right_arm.get_current_pose().pose if do_displacement: target_height_displacement += target_pos.position.z print [target_pos.position.x, target_pos.position.y, target_height_displacement] self.move_limb(limb_name, [target_pos.position.x, target_pos.position.y, target_height_displacement]) def move_limb_joint_single(self, limb_name, joint_index, joint_position): """ Move a joint of the arm. Args: limb_name: Left or right arm. joint_index: Joint index. There are 7 joints on each arm. joint_position: joint angle. Return: """ # Both arm not implemented. joint_val = self.query_joint(limb_name) joint_val[joint_index] = joint_position self.move_limb_joint(limb_name, joint_val) def move_limb_joint(self, limb_name, joint_positions, speed=0.1): """ Move the arm with 7 joints in a whole. Args: limb_name: Left or right arm. joint_index: Joint index of 7. There are 7 joints on each arm. joint_position: joint angle. Return: """ if limb_name == 'both': print joint_positions self.both_arms.set_joint_value_target(joint_positions) self.both_arms.go() return joint_pos = {limb_name+'_s0': joint_positions[0], limb_name+'_s1': joint_positions[1], limb_name+'_e0': joint_positions[2], limb_name+'_e1': joint_positions[3], limb_name+'_w0': joint_positions[4], limb_name+'_w1': joint_positions[5], limb_name+'_w2': joint_positions[6]} if limb_name == 'left': self.left_arm.set_joint_value_target(joint_pos) self.left_arm.go() if limb_name == 'right': self.right_arm.set_joint_value_target(joint_pos) self.right_arm.go() def move_limb_position(self, limb_name, position, speed=0.1): """ Move a single arm by position. Args: limb_name: Left or right arm. position: 3D position in terms of the robot base. speed: Moving speed. Return: """ if limb_name == 'left': self.left_arm.set_position_target(position[0], position[1], position[2]) self.left_arm.go() if limb_name == 'right': self.right_arm.set_position_target(position[0], position[1], position[2]) self.right_arm.go() def move_limb(self, limb_name, position, do_displacement = False, sync_option = 'wait', speed=0.3, timeout = 15.0): """ Move a limb to the target position & orientation ---position (float list): - The first 3 elements are cartesian coordinate of the target position. - THe 4 following elements are the quaternion of the end effector (optional) Args: limb_name: Left or right arm. position: 3D position in terms of the robot base. do_displacement: True if move from the current position. sync_option: speed: Moving speed. timeout: If not reachable, time to release. Return: """ if limb_name == 'left': self.left_arm.clear_pose_targets() pose = self.generate_pose(limb_name, position, do_displacement) self.left_arm.set_pose_target(pose) self.left_arm.go() if limb_name == 'right': self.right_arm.clear_pose_targets() pose = self.generate_pose(limb_name, position, do_displacement) self.right_arm.set_pose_target(pose) self.right_arm.go() if limb_name == 'both': self.left_arm.clear_pose_targets() self.right_arm.clear_pose_targets() if len(position) == 6: # Position only, same orientation. pose_left = self.generate_pose( 'left', position[0:3], do_displacement) pose_right = self.generate_pose( 'right', position[3:], do_displacement) elif len(position) == 14: # Pose. pose_left = self.generate_pose( 'left', position[0:7], do_displacement) pose_right = self.generate_pose( 'right', position[7:], do_displacement) elif len(position) == 2: # For the case that the parameter is a tuple of two lists. pose_left = self.generate_pose( 'left', position[0], do_displacement) pose_right = self.generate_pose( 'right', position[1], do_displacement) self.right_arm.set_pose_target(pose_right) self.left_arm.set_pose_target(pose_left) pa = self.right_arm.plan() pb = self.left_arm.plan() pc = self.merge_plans(pa, pb, sync_option) self.both_arms.execute(pc) return 1 def generate_pose(self, side, position, do_displacement=False): """ Generate arm pose for a target moving position. Args: side: Left or right arm. position: Target moving position. do_displacement: True if move from the current position. Return: The pose of a list of 3 or 7 elements for the target position. """ if side == 'left': limb = self.left_arm else: limb = self.right_arm target_pose = limb.get_current_pose() if do_displacement: target_pose.pose.position.x += position[0] target_pose.pose.position.y += position[1] target_pose.pose.position.z += position[2] else: target_pose.pose.position.x = position[0] target_pose.pose.position.y = position[1] target_pose.pose.position.z = position[2] if len(position) == 7: print "size of 7! Including orientation." target_pose.pose.orientation.w = position[3] target_pose.pose.orientation.x = position[4] target_pose.pose.orientation.y = position[5] target_pose.pose.orientation.z = position[6] target_pose = self.transform_gripper_to_wrist(side, target_pose) return target_pose.pose def move_cartesian_path(self, limb_name, way_points, sync_option = 'wait'): """ Move the arm in cartesian path defined by a set of way points. Args: limb_name: Left or right arm. way_points: A set of 3D points to move the arm. sync_option: 'wait' if move the arm one by one. Return: """ if limb_name == 'both': assert len(way_points) == 2 pa = self.generate_cartesian_path_plan('left', way_points[0]) pb = self.generate_cartesian_path_plan('right', way_points[1]) if pa and pb: #if both are valid plan = self.merge_plans(pa, pb, sync_option) self.both_arms.execute(plan) else: print "Invalid Cartesian Path" elif limb_name == 'left': plan = self.generate_cartesian_path_plan(limb_name, way_points) if plan: self.left_arm.execute(plan) else: print "Invalid Cartesian Path" exit() elif limb_name == 'right': plan = self.generate_cartesian_path_plan(limb_name, way_points) if plan: self.right_arm.execute(plan) else: print "Invalid Cartesian Path" exit() def generate_cartesian_path_plan(self, side, way_points, eef_step = 0.01, jump_threshold = 0): """ Generate a plan based on a sequence of cartesian way-points Args: group: move group way_points: a list of cartesian way points, can be either x,y,z (position) or x,y,z,w,x,y,z (pose) eef_step: end effector step constraint jump_threshold: Return:a MoveIt plan. """ if side == 'left': group = self.left_arm else: group = self.right_arm # Always start with the current pose. way_point_poses = [] for w in way_points: way_point_poses.append(self.generate_pose(side, w)) (plan, fraction) = group.compute_cartesian_path( way_point_poses, # Way points to follow. eef_step, # eef_step. jump_threshold) # jump_threshold. if fraction == -1: # Error. return False return plan def merge_plans(self, pa, pb, sync_option='wait'): """ Merge two MoveIt plans. Args: pa: Plan a. pb: Plan b. sync_option: wait Return: Merged plan. """ # Merge two (left & right) plans. self.merge_trajectories(pa.joint_trajectory, pb.joint_trajectory, sync_option) if len(pa.joint_trajectory.points) == 0: return pb else: return pa def merge_points(self, target, source): """ Merge trajectory data points. Args: target: source: Return: """ target.joint_names.extend(source.joint_names) for i in range(len(target.points)): target.points[i].positions = target.points[i].positions + \ source.points[i].positions target.points[i].accelerations = target.points[i].accelerations + \ source.points[i].accelerations target.points[i].velocities = target.points[i].velocities + \ source.points[i].velocities target.points[i].effort = target.points[i].effort + \ source.points[i].effort source.points[:] = [] return target def merge_trajectories(self, traj_l, traj_r, sync_option='wait'): """ Merge two trajectories by various synchronization options. Args: traj_l: Left arm trajectory. traj_r: Right arm trajectory. sync_option: See below. Return: """ # if len(traj_l.points) < len(traj_r.points): long = traj_r short = traj_l else: long = traj_l short = traj_r if sync_option == 'trim' or len(short.points) == len(long.points): # merge to shorter trajectory by trimming the longer one. self.merge_points(short, long) # merge long to short. elif sync_option == 'wait': # merge to longer trajectory by waiting for the shorter one. size_diff = len(long.points) - len(short.points) state = deepcopy(short.points[-1]) # zero velocities & accelerations state. state.accelerations = (0,)*len(state.accelerations) state.velocities = (0,)*len(state.velocities) for i in range(size_diff): short.points.append(deepcopy(state)) assert(len(short.points) == len(long.points)) self.merge_points(long, short) #merge short to long elif sync_option == 'fastforward': # Merge to shorter trajectory by fast forwarding the longer one. pass elif sync_option == 'slowmotion': pass def query_pose(self, limb_name): """ Query the current pose (7 parameters) of arms. Args: limb_name: Left or right arm. Return: Pose of the queried arm. """ if limb_name == 'left': pose = self.left_arm.get_current_pose().pose if limb_name == 'right': pose = self.right_arm.get_current_pose().pose return pose def query_joint(self, limb_name): """ Query the current joint of arms. Args: limb_name: Left or right arm. Return: Joint of the queried arm. """ if limb_name == 'left': pose = self.left_arm.get_current_joint_values() if limb_name == 'right': pose = self.right_arm.get_current_joint_values() return pose def current_position(self, limb_name): """ Query the current pose (position) of arms. Args: limb_name: Left or right arm. Return: Pose of the queried arm. """ if limb_name == 'left': pose = self.left_arm.get_current_pose().pose if limb_name == 'right': pose = self.right_arm.get_current_pose().pose return [pose.position.x, pose.position.y, pose.position.z] def current_orientation(self, limb_name): """ Query the current pose (orientation) of arms. Args: limb_name: Left or right arm. Return: Pose of the queried arm. """ if limb_name == 'left': pose = self.left_arm.get_current_pose().pose if limb_name == 'right': pose = self.right_arm.get_current_pose().pose return [pose.orientation.w, pose.orientation.x, pose.orientation.y, pose.orientation.z] def current_gripper_pose(self, limb_name): """ Query the current pose (orientation) of gripper. End effector with transform to the gripper. Args: limb_name: Left or right arm. Return: Pose of the queried gripper (7 parameters). """ if limb_name == 'left': pose = self.left_arm.get_current_pose() if limb_name == 'right': pose = self.right_arm.get_current_pose() pose = self.transform_wrist_to_gripper(limb_name, pose) return ([pose.pose.position.x, pose.pose.position.y, pose.pose.position.z], [pose.pose.orientation.w, pose.pose.orientation.x, pose.pose.orientation.y, pose.pose.orientation.z]) def transform_gripper_to_wrist(self, side, gripper_target_pose): """ Transform a pose in side_gripper_center frame to side_wrist frame. Args: side: Left or right arm. gripper_target_pose: End effector position. Return: New pose of the end effector. """ self.tros.waitForTransform('/base', side + '_gripper_center', rospy.Time(), rospy.Duration(4)) gripper_target_pose.header.stamp = \ self.tros.getLatestCommonTime('/base', side + '_gripper_center') p = self.tros.transformPose(side + '_gripper_center', gripper_target_pose) p.header.frame_id = side + '_wrist' self.tros.waitForTransform('/base', side + '_wrist', rospy.Time(), rospy.Duration(4)) p.header.stamp = self.tros.getLatestCommonTime('/base', side + '_wrist') p_new = self.tros.transformPose('base', p) return p_new def transform_wrist_to_gripper(self, side, wrist_pose): """ Transform between end effector and gripper. The default end effector is the wrist part. Args: side: Left or right arm. wrist_pose: Current end effector position. Return: 3D position of the gripper. """ self.tros.waitForTransform( '/base', side + '_wrist',rospy.Time(), rospy.Duration(4)) wrist_pose.header.stamp = self.tros.getLatestCommonTime( '/base', side + '_wrist') p = self.tros.transformPose(side + '_wrist', wrist_pose) p.header.frame_id = side + '_gripper_center' self.tros.waitForTransform( '/base', side + '_gripper_center',rospy.Time(), rospy.Duration(4)) p.header.stamp = self.tros.getLatestCommonTime( '/base', side + '_gripper_center') p_new = self.tros.transformPose('base', p) return p_new if __name__ == '__main__': sys.exit(main())
[ 2, 48443, 14629, 14, 8800, 14, 24330, 21015, 198, 198, 11748, 25064, 198, 11748, 4866, 198, 11748, 686, 2777, 88, 198, 11748, 1445, 270, 62, 9503, 4066, 198, 11748, 1445, 270, 62, 907, 14542, 13, 19662, 198, 11748, 22939, 62, 907, 14542, 13, 19662, 198, 11748, 6737, 198, 11748, 10688, 198, 11748, 48700, 198, 6738, 4866, 1330, 2769, 30073, 198, 11748, 13389, 198, 198, 12683, 282, 13, 12683, 282, 7, 12683, 282, 13, 50, 3528, 12394, 11, 6737, 62, 30281, 8, 198, 198, 3455, 62, 4868, 796, 3467, 198, 90, 198, 6, 9464, 62, 9654, 10354, 685, 15, 13, 49259, 1065, 2079, 37309, 1433, 2548, 4524, 11, 657, 13, 2780, 21495, 1314, 2920, 37309, 2623, 27037, 11, 657, 13, 34427, 1731, 1314, 41544, 37680, 1507, 11, 657, 13, 1157, 2598, 2075, 1507, 3459, 19214, 15277, 18, 11, 657, 13, 2079, 2075, 16315, 35402, 2079, 4524, 2996, 11, 657, 13, 2999, 36088, 2091, 1795, 1983, 2919, 4309, 26660, 11, 657, 13, 48891, 486, 1129, 25707, 940, 23815, 4869, 4357, 198, 6, 3506, 62, 9654, 10354, 685, 15, 13, 27720, 2078, 5066, 15801, 1959, 15426, 21, 11, 532, 15, 13, 2780, 2670, 405, 2425, 4521, 2167, 5999, 2425, 11, 657, 13, 3104, 3270, 4790, 1959, 18182, 1270, 22136, 11, 532, 15, 13, 17827, 940, 3980, 1495, 26895, 3104, 25270, 11, 657, 13, 24, 3459, 940, 2425, 4524, 27824, 1157, 5237, 11, 657, 13, 405, 21033, 18, 31911, 3901, 13348, 1899, 44750, 11, 657, 13, 44087, 28978, 22985, 33372, 1065, 2919, 20, 60, 198, 92, 198, 198, 73, 1563, 62, 4868, 796, 3467, 198, 90, 198, 6, 9464, 62, 9654, 10354, 25915, 15, 13, 40350, 1495, 1731, 2091, 1129, 2931, 1558, 5607, 11, 532, 16, 13, 21652, 2548, 24760, 1731, 5705, 22042, 11, 532, 15, 13, 21, 21288, 2791, 15197, 3064, 3365, 3270, 11, 657, 13, 42250, 19104, 1314, 42520, 2718, 42520, 11, 657, 13, 2075, 3553, 5237, 1558, 16315, 15426, 4089, 11, 352, 13, 38569, 2154, 4531, 50055, 486, 2075, 4846, 11, 657, 13, 27260, 30460, 1821, 5774, 2414, 34287, 2857, 4357, 198, 6, 3506, 62, 9654, 10354, 25915, 15, 13, 40839, 4051, 30803, 1495, 3695, 11623, 11, 532, 16, 13, 18741, 2670, 27326, 2718, 3829, 2078, 2682, 11, 657, 13, 32059, 2718, 2548, 3459, 2075, 1959, 31010, 11, 657, 13, 3865, 32417, 2327, 21626, 3553, 1983, 2816, 11, 532, 15, 13, 1959, 1828, 1954, 29626, 2425, 5999, 25257, 11, 352, 13, 1795, 4531, 38472, 27211, 2857, 16315, 18, 11, 532, 15, 13, 31714, 27412, 33438, 2791, 17544, 2670, 60, 198, 92, 628, 198, 4299, 5253, 33529, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 27131, 378, 262, 5253, 1022, 734, 2173, 13, 198, 220, 220, 220, 1441, 25, 198, 220, 220, 220, 220, 220, 220, 220, 34600, 13, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 1441, 37456, 257, 11, 275, 25, 10688, 13, 31166, 17034, 19510, 64, 13, 87, 12, 65, 13, 87, 27493, 7, 64, 13, 87, 12, 65, 13, 87, 8, 33747, 64, 13, 88, 12, 65, 13, 88, 27493, 33747, 64, 13, 88, 12, 65, 13, 88, 8, 33747, 64, 13, 89, 12, 65, 13, 89, 27493, 7, 64, 13, 89, 12, 65, 13, 89, 4008, 628, 198, 4871, 10028, 270, 39317, 25, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 317, 29908, 1398, 326, 3848, 5499, 422, 262, 10028, 1026, 13, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 11120, 2848, 62, 41519, 62, 17080, 796, 657, 13, 1828, 198, 220, 220, 220, 3601, 62, 32109, 796, 10352, 628, 220, 220, 220, 825, 1445, 62, 28764, 891, 62, 9150, 7, 944, 11, 25035, 62, 3672, 11, 1426, 62, 3672, 11, 2866, 28, 15, 13, 18, 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, 26827, 796, 1315, 13, 15, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 10028, 284, 617, 662, 12, 23211, 12705, 13, 198, 220, 220, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 25035, 62, 3672, 25, 16798, 1438, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1426, 62, 3672, 25, 3522, 284, 262, 8633, 3419, 5447, 379, 262, 3726, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 21084, 62, 2475, 65, 7, 2475, 65, 62, 3672, 11, 12705, 62, 4868, 58, 2475, 65, 62, 3672, 10, 6, 62, 6, 10, 1930, 62, 3672, 4357, 10352, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2866, 8, 198, 220, 220, 220, 220, 198, 220, 220, 220, 825, 1445, 62, 28764, 891, 62, 73, 1563, 62, 9150, 7, 944, 11, 25035, 62, 3672, 11, 12705, 62, 3672, 11, 2866, 796, 657, 13, 18, 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, 26827, 796, 1315, 13, 15, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 10028, 284, 617, 662, 12, 23211, 24039, 13, 198, 220, 220, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 25035, 62, 3672, 25, 5747, 3211, 393, 1364, 393, 826, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1426, 62, 3672, 25, 3522, 284, 262, 8633, 3419, 5447, 379, 262, 3726, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 611, 25035, 62, 3672, 6624, 705, 16885, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 21084, 62, 2475, 65, 62, 73, 1563, 7, 2475, 65, 62, 3672, 11, 6466, 62, 4868, 17816, 9464, 62, 6, 10, 3455, 62, 3672, 48688, 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, 6466, 62, 4868, 17816, 3506, 62, 6, 10, 3455, 62, 3672, 4357, 2866, 8, 198, 220, 220, 220, 220, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 21084, 62, 2475, 65, 62, 73, 1563, 7, 2475, 65, 62, 3672, 11, 6466, 62, 4868, 58, 2475, 65, 62, 3672, 10, 6, 62, 6, 10, 3455, 62, 3672, 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, 220, 220, 220, 2866, 8, 198, 220, 220, 220, 220, 198, 220, 220, 220, 825, 1445, 62, 2475, 65, 62, 17015, 7, 944, 11, 25035, 62, 3672, 11, 2496, 62, 17015, 62, 6381, 489, 5592, 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, 466, 62, 6381, 489, 5592, 11, 2866, 28, 15, 13, 16, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 10028, 262, 3211, 31677, 13, 198, 220, 220, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 25035, 62, 3672, 25, 9578, 393, 826, 3211, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2496, 62, 17015, 62, 6381, 489, 5592, 25, 10028, 11677, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 466, 62, 6381, 489, 5592, 25, 6407, 611, 1445, 422, 262, 1459, 2292, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2866, 25, 10028, 2866, 13, 198, 220, 220, 220, 220, 220, 220, 220, 8229, 25, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 5747, 3211, 407, 9177, 13, 198, 220, 220, 220, 220, 220, 220, 220, 3601, 2496, 62, 17015, 62, 6381, 489, 5592, 198, 220, 220, 220, 220, 220, 220, 220, 611, 25035, 62, 3672, 6624, 705, 9464, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2496, 62, 1930, 796, 2116, 13, 9464, 62, 1670, 13, 1136, 62, 14421, 62, 3455, 22446, 3455, 198, 220, 220, 220, 220, 220, 220, 220, 1288, 361, 25035, 62, 3672, 6624, 705, 3506, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2496, 62, 1930, 796, 2116, 13, 3506, 62, 1670, 13, 1136, 62, 14421, 62, 3455, 22446, 3455, 628, 220, 220, 220, 220, 220, 220, 220, 611, 466, 62, 6381, 489, 5592, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2496, 62, 17015, 62, 6381, 489, 5592, 15853, 2496, 62, 1930, 13, 9150, 13, 89, 198, 220, 220, 220, 220, 220, 220, 220, 3601, 685, 16793, 62, 1930, 13, 9150, 13, 87, 11, 2496, 62, 1930, 13, 9150, 13, 88, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2496, 62, 17015, 62, 6381, 489, 5592, 60, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 21084, 62, 2475, 65, 7, 2475, 65, 62, 3672, 11, 685, 16793, 62, 1930, 13, 9150, 13, 87, 11, 2496, 62, 1930, 13, 9150, 13, 88, 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, 2496, 62, 17015, 62, 6381, 489, 5592, 12962, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 825, 1445, 62, 2475, 65, 62, 73, 1563, 62, 29762, 7, 944, 11, 25035, 62, 3672, 11, 6466, 62, 9630, 11, 6466, 62, 9150, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 10028, 257, 6466, 286, 262, 3211, 13, 628, 220, 220, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 25035, 62, 3672, 25, 9578, 393, 826, 3211, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6466, 62, 9630, 25, 16798, 6376, 13, 1318, 389, 767, 24039, 319, 1123, 3211, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6466, 62, 9150, 25, 6466, 9848, 13, 198, 220, 220, 220, 220, 220, 220, 220, 8229, 25, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 5747, 3211, 407, 9177, 13, 198, 220, 220, 220, 220, 220, 220, 220, 6466, 62, 2100, 796, 2116, 13, 22766, 62, 73, 1563, 7, 2475, 65, 62, 3672, 8, 198, 220, 220, 220, 220, 220, 220, 220, 6466, 62, 2100, 58, 73, 1563, 62, 9630, 60, 796, 6466, 62, 9150, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 21084, 62, 2475, 65, 62, 73, 1563, 7, 2475, 65, 62, 3672, 11, 6466, 62, 2100, 8, 628, 220, 220, 220, 825, 1445, 62, 2475, 65, 62, 73, 1563, 7, 944, 11, 25035, 62, 3672, 11, 6466, 62, 1930, 1756, 11, 2866, 28, 15, 13, 16, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 10028, 262, 3211, 351, 767, 24039, 287, 257, 2187, 13, 628, 220, 220, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 25035, 62, 3672, 25, 9578, 393, 826, 3211, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6466, 62, 9630, 25, 16798, 6376, 286, 767, 13, 1318, 389, 767, 24039, 319, 1123, 3211, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6466, 62, 9150, 25, 6466, 9848, 13, 198, 220, 220, 220, 220, 220, 220, 220, 8229, 25, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 611, 25035, 62, 3672, 6624, 705, 16885, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3601, 6466, 62, 1930, 1756, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 16885, 62, 8357, 13, 2617, 62, 73, 1563, 62, 8367, 62, 16793, 7, 73, 1563, 62, 1930, 1756, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 16885, 62, 8357, 13, 2188, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1441, 628, 220, 220, 220, 220, 220, 220, 220, 6466, 62, 1930, 796, 1391, 2475, 65, 62, 3672, 10, 6, 62, 82, 15, 10354, 6466, 62, 1930, 1756, 58, 15, 4357, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 25035, 62, 3672, 10, 6, 62, 82, 16, 10354, 6466, 62, 1930, 1756, 58, 16, 4357, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 25035, 62, 3672, 10, 6, 62, 68, 15, 10354, 6466, 62, 1930, 1756, 58, 17, 4357, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 25035, 62, 3672, 10, 6, 62, 68, 16, 10354, 6466, 62, 1930, 1756, 58, 18, 4357, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 25035, 62, 3672, 10, 6, 62, 86, 15, 10354, 6466, 62, 1930, 1756, 58, 19, 4357, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 25035, 62, 3672, 10, 6, 62, 86, 16, 10354, 6466, 62, 1930, 1756, 58, 20, 4357, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 25035, 62, 3672, 10, 6, 62, 86, 17, 10354, 6466, 62, 1930, 1756, 58, 21, 48999, 198, 220, 220, 220, 220, 220, 220, 220, 611, 25035, 62, 3672, 6624, 705, 9464, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 9464, 62, 1670, 13, 2617, 62, 73, 1563, 62, 8367, 62, 16793, 7, 73, 1563, 62, 1930, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 9464, 62, 1670, 13, 2188, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 611, 25035, 62, 3672, 6624, 705, 3506, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 3506, 62, 1670, 13, 2617, 62, 73, 1563, 62, 8367, 62, 16793, 7, 73, 1563, 62, 1930, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 3506, 62, 1670, 13, 2188, 3419, 628, 220, 220, 220, 825, 1445, 62, 2475, 65, 62, 9150, 7, 944, 11, 25035, 62, 3672, 11, 2292, 11, 2866, 28, 15, 13, 16, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 10028, 257, 2060, 3211, 416, 2292, 13, 628, 220, 220, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 25035, 62, 3672, 25, 9578, 393, 826, 3211, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2292, 25, 513, 35, 2292, 287, 2846, 286, 262, 9379, 2779, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2866, 25, 26768, 2866, 13, 198, 220, 220, 220, 220, 220, 220, 220, 8229, 25, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 611, 25035, 62, 3672, 6624, 705, 9464, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 9464, 62, 1670, 13, 2617, 62, 9150, 62, 16793, 7, 9150, 58, 15, 4357, 2292, 58, 16, 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, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2292, 58, 17, 12962, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 9464, 62, 1670, 13, 2188, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 611, 25035, 62, 3672, 6624, 705, 3506, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 3506, 62, 1670, 13, 2617, 62, 9150, 62, 16793, 7, 9150, 58, 15, 4357, 2292, 58, 16, 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, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2292, 58, 17, 12962, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 3506, 62, 1670, 13, 2188, 3419, 628, 220, 220, 220, 825, 1445, 62, 2475, 65, 7, 944, 11, 25035, 62, 3672, 11, 2292, 11, 466, 62, 6381, 489, 5592, 796, 10352, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 17510, 62, 18076, 796, 705, 17077, 3256, 2866, 28, 15, 13, 18, 11, 26827, 796, 1315, 13, 15, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 10028, 257, 25035, 284, 262, 2496, 2292, 1222, 12852, 198, 220, 220, 220, 220, 220, 220, 220, 11420, 9150, 357, 22468, 1351, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 532, 383, 717, 513, 4847, 389, 6383, 35610, 20435, 286, 262, 2496, 2292, 13, 198, 220, 220, 220, 220, 220, 220, 220, 532, 309, 1544, 604, 1708, 4847, 389, 262, 627, 9205, 295, 286, 262, 886, 1245, 273, 198, 220, 220, 220, 220, 220, 220, 220, 357, 25968, 8, 628, 220, 220, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 25035, 62, 3672, 25, 9578, 393, 826, 3211, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2292, 25, 513, 35, 2292, 287, 2846, 286, 262, 9379, 2779, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 466, 62, 6381, 489, 5592, 25, 6407, 611, 1445, 422, 262, 1459, 2292, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 17510, 62, 18076, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2866, 25, 26768, 2866, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 26827, 25, 1002, 407, 3151, 540, 11, 640, 284, 2650, 13, 198, 220, 220, 220, 220, 220, 220, 220, 8229, 25, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 611, 25035, 62, 3672, 6624, 705, 9464, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 9464, 62, 1670, 13, 20063, 62, 3455, 62, 83, 853, 1039, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 12705, 796, 2116, 13, 8612, 378, 62, 3455, 7, 2475, 65, 62, 3672, 11, 2292, 11, 466, 62, 6381, 489, 5592, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 9464, 62, 1670, 13, 2617, 62, 3455, 62, 16793, 7, 3455, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 9464, 62, 1670, 13, 2188, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 611, 25035, 62, 3672, 6624, 705, 3506, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 3506, 62, 1670, 13, 20063, 62, 3455, 62, 83, 853, 1039, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 12705, 796, 2116, 13, 8612, 378, 62, 3455, 7, 2475, 65, 62, 3672, 11, 2292, 11, 466, 62, 6381, 489, 5592, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 3506, 62, 1670, 13, 2617, 62, 3455, 62, 16793, 7, 3455, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 3506, 62, 1670, 13, 2188, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 611, 25035, 62, 3672, 6624, 705, 16885, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 9464, 62, 1670, 13, 20063, 62, 3455, 62, 83, 853, 1039, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 3506, 62, 1670, 13, 20063, 62, 3455, 62, 83, 853, 1039, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 18896, 7, 9150, 8, 6624, 718, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 23158, 691, 11, 976, 12852, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 12705, 62, 9464, 796, 2116, 13, 8612, 378, 62, 3455, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 9464, 3256, 2292, 58, 15, 25, 18, 4357, 466, 62, 6381, 489, 5592, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 12705, 62, 3506, 796, 2116, 13, 8612, 378, 62, 3455, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 3506, 3256, 2292, 58, 18, 25, 4357, 466, 62, 6381, 489, 5592, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1288, 361, 18896, 7, 9150, 8, 6624, 1478, 25, 1303, 37557, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 12705, 62, 9464, 796, 2116, 13, 8612, 378, 62, 3455, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 9464, 3256, 2292, 58, 15, 25, 22, 4357, 466, 62, 6381, 489, 5592, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 12705, 62, 3506, 796, 2116, 13, 8612, 378, 62, 3455, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 3506, 3256, 2292, 58, 22, 25, 4357, 466, 62, 6381, 489, 5592, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1288, 361, 18896, 7, 9150, 8, 6624, 362, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 1114, 262, 1339, 326, 262, 11507, 318, 257, 46545, 286, 734, 8341, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 12705, 62, 9464, 796, 2116, 13, 8612, 378, 62, 3455, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 9464, 3256, 2292, 58, 15, 4357, 466, 62, 6381, 489, 5592, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 12705, 62, 3506, 796, 2116, 13, 8612, 378, 62, 3455, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 3506, 3256, 2292, 58, 16, 4357, 466, 62, 6381, 489, 5592, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 3506, 62, 1670, 13, 2617, 62, 3455, 62, 16793, 7, 3455, 62, 3506, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 9464, 62, 1670, 13, 2617, 62, 3455, 62, 16793, 7, 3455, 62, 9464, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 14187, 796, 2116, 13, 3506, 62, 1670, 13, 11578, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 279, 65, 796, 2116, 13, 9464, 62, 1670, 13, 11578, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 40653, 796, 2116, 13, 647, 469, 62, 489, 504, 7, 8957, 11, 279, 65, 11, 17510, 62, 18076, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 16885, 62, 8357, 13, 41049, 7, 14751, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 352, 628, 220, 220, 220, 825, 7716, 62, 3455, 7, 944, 11, 1735, 11, 2292, 11, 466, 62, 6381, 489, 5592, 28, 25101, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 2980, 378, 3211, 12705, 329, 257, 2496, 3867, 2292, 13, 628, 220, 220, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1735, 25, 9578, 393, 826, 3211, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2292, 25, 12744, 3867, 2292, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 466, 62, 6381, 489, 5592, 25, 6407, 611, 1445, 422, 262, 1459, 2292, 13, 198, 220, 220, 220, 220, 220, 220, 220, 8229, 25, 383, 12705, 286, 257, 1351, 286, 513, 393, 767, 4847, 329, 262, 2496, 2292, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 611, 1735, 6624, 705, 9464, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 25035, 796, 2116, 13, 9464, 62, 1670, 198, 220, 220, 220, 220, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 25035, 796, 2116, 13, 3506, 62, 1670, 198, 220, 220, 220, 220, 220, 220, 220, 2496, 62, 3455, 796, 25035, 13, 1136, 62, 14421, 62, 3455, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 611, 466, 62, 6381, 489, 5592, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2496, 62, 3455, 13, 3455, 13, 9150, 13, 87, 15853, 2292, 58, 15, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2496, 62, 3455, 13, 3455, 13, 9150, 13, 88, 15853, 2292, 58, 16, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2496, 62, 3455, 13, 3455, 13, 9150, 13, 89, 15853, 2292, 58, 17, 60, 198, 220, 220, 220, 220, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2496, 62, 3455, 13, 3455, 13, 9150, 13, 87, 796, 2292, 58, 15, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2496, 62, 3455, 13, 3455, 13, 9150, 13, 88, 796, 2292, 58, 16, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2496, 62, 3455, 13, 3455, 13, 9150, 13, 89, 796, 2292, 58, 17, 60, 628, 220, 220, 220, 220, 220, 220, 220, 611, 18896, 7, 9150, 8, 6624, 767, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3601, 366, 7857, 286, 767, 0, 41461, 12852, 526, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2496, 62, 3455, 13, 3455, 13, 13989, 341, 13, 86, 796, 2292, 58, 18, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2496, 62, 3455, 13, 3455, 13, 13989, 341, 13, 87, 796, 2292, 58, 19, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2496, 62, 3455, 13, 3455, 13, 13989, 341, 13, 88, 796, 2292, 58, 20, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2496, 62, 3455, 13, 3455, 13, 13989, 341, 13, 89, 796, 2292, 58, 21, 60, 628, 220, 220, 220, 220, 220, 220, 220, 2496, 62, 3455, 796, 2116, 13, 35636, 62, 70, 380, 2848, 62, 1462, 62, 86, 1585, 7, 1589, 11, 2496, 62, 3455, 8, 628, 220, 220, 220, 220, 220, 220, 220, 1441, 2496, 62, 3455, 13, 3455, 628, 220, 220, 220, 825, 1445, 62, 26674, 35610, 62, 6978, 7, 944, 11, 25035, 62, 3672, 11, 835, 62, 13033, 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, 17510, 62, 18076, 796, 705, 17077, 6, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 10028, 262, 3211, 287, 6383, 35610, 3108, 5447, 416, 257, 900, 286, 835, 2173, 13, 628, 220, 220, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 25035, 62, 3672, 25, 9578, 393, 826, 3211, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 835, 62, 13033, 25, 317, 900, 286, 513, 35, 2173, 284, 1445, 262, 3211, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 17510, 62, 18076, 25, 705, 17077, 6, 611, 1445, 262, 3211, 530, 416, 530, 13, 198, 220, 220, 220, 220, 220, 220, 220, 8229, 25, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 611, 25035, 62, 3672, 6624, 705, 16885, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6818, 18896, 7, 1014, 62, 13033, 8, 6624, 362, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 14187, 796, 2116, 13, 8612, 378, 62, 26674, 35610, 62, 6978, 62, 11578, 10786, 9464, 3256, 835, 62, 13033, 58, 15, 12962, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 279, 65, 796, 2116, 13, 8612, 378, 62, 26674, 35610, 62, 6978, 62, 11578, 10786, 3506, 3256, 835, 62, 13033, 58, 16, 12962, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 14187, 290, 279, 65, 25, 1303, 361, 1111, 389, 4938, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1410, 796, 2116, 13, 647, 469, 62, 489, 504, 7, 8957, 11, 279, 65, 11, 17510, 62, 18076, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 16885, 62, 8357, 13, 41049, 7, 11578, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3601, 366, 44651, 13690, 35610, 10644, 1, 198, 220, 220, 220, 220, 220, 220, 220, 1288, 361, 25035, 62, 3672, 6624, 705, 9464, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1410, 796, 2116, 13, 8612, 378, 62, 26674, 35610, 62, 6978, 62, 11578, 7, 2475, 65, 62, 3672, 11, 835, 62, 13033, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 1410, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 9464, 62, 1670, 13, 41049, 7, 11578, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3601, 366, 44651, 13690, 35610, 10644, 1, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8420, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 1288, 361, 25035, 62, 3672, 6624, 705, 3506, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1410, 796, 2116, 13, 8612, 378, 62, 26674, 35610, 62, 6978, 62, 11578, 7, 2475, 65, 62, 3672, 11, 835, 62, 13033, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 1410, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 3506, 62, 1670, 13, 41049, 7, 11578, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3601, 366, 44651, 13690, 35610, 10644, 1, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8420, 3419, 628, 220, 220, 220, 825, 7716, 62, 26674, 35610, 62, 6978, 62, 11578, 7, 944, 11, 1735, 11, 835, 62, 13033, 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, 304, 891, 62, 9662, 796, 657, 13, 486, 11, 4391, 62, 400, 10126, 796, 657, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 2980, 378, 257, 1410, 1912, 319, 257, 8379, 286, 6383, 35610, 835, 12, 13033, 198, 220, 220, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1448, 25, 1445, 1448, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 835, 62, 13033, 25, 257, 1351, 286, 6383, 35610, 835, 2173, 11, 460, 307, 2035, 2124, 11, 88, 11, 89, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 357, 9150, 8, 393, 2124, 11, 88, 11, 89, 11, 86, 11, 87, 11, 88, 11, 89, 357, 3455, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 304, 891, 62, 9662, 25, 886, 1245, 273, 2239, 32315, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4391, 62, 400, 10126, 25, 198, 220, 220, 220, 220, 220, 220, 220, 8229, 25, 64, 10028, 1026, 1410, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 611, 1735, 6624, 705, 9464, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1448, 796, 2116, 13, 9464, 62, 1670, 198, 220, 220, 220, 220, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1448, 796, 2116, 13, 3506, 62, 1670, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 16622, 923, 351, 262, 1459, 12705, 13, 198, 220, 220, 220, 220, 220, 220, 220, 835, 62, 4122, 62, 4832, 796, 17635, 198, 220, 220, 220, 220, 220, 220, 220, 329, 266, 287, 835, 62, 13033, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 835, 62, 4122, 62, 4832, 13, 33295, 7, 944, 13, 8612, 378, 62, 3455, 7, 1589, 11, 266, 4008, 628, 220, 220, 220, 220, 220, 220, 220, 357, 11578, 11, 13390, 8, 796, 1448, 13, 5589, 1133, 62, 26674, 35610, 62, 6978, 7, 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, 835, 62, 4122, 62, 4832, 11, 220, 220, 1303, 6378, 2173, 284, 1061, 13, 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, 304, 891, 62, 9662, 11, 220, 220, 220, 220, 220, 220, 220, 1303, 304, 891, 62, 9662, 13, 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, 4391, 62, 400, 10126, 8, 220, 220, 1303, 4391, 62, 400, 10126, 13, 198, 220, 220, 220, 220, 220, 220, 220, 611, 13390, 6624, 532, 16, 25, 220, 1303, 13047, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1441, 10352, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 1410, 628, 220, 220, 220, 825, 20121, 62, 489, 504, 7, 944, 11, 14187, 11, 279, 65, 11, 17510, 62, 18076, 11639, 17077, 6, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 39407, 734, 10028, 1026, 3352, 13, 628, 220, 220, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 14187, 25, 5224, 257, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 279, 65, 25, 5224, 275, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 17510, 62, 18076, 25, 4043, 198, 220, 220, 220, 220, 220, 220, 220, 8229, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4638, 2004, 1410, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 39407, 734, 357, 9464, 1222, 826, 8, 3352, 13, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 647, 469, 62, 9535, 752, 1749, 7, 8957, 13, 73, 1563, 62, 9535, 752, 652, 11, 279, 65, 13, 73, 1563, 62, 9535, 752, 652, 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, 17510, 62, 18076, 8, 198, 220, 220, 220, 220, 220, 220, 220, 611, 18896, 7, 8957, 13, 73, 1563, 62, 9535, 752, 652, 13, 13033, 8, 6624, 657, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1441, 279, 65, 198, 220, 220, 220, 220, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1441, 14187, 628, 220, 220, 220, 825, 20121, 62, 13033, 7, 944, 11, 2496, 11, 2723, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 39407, 22942, 1366, 2173, 13, 628, 220, 220, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2496, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2723, 25, 198, 220, 220, 220, 220, 220, 220, 220, 8229, 25, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 2496, 13, 73, 1563, 62, 14933, 13, 2302, 437, 7, 10459, 13, 73, 1563, 62, 14933, 8, 198, 220, 220, 220, 220, 220, 220, 220, 329, 1312, 287, 2837, 7, 11925, 7, 16793, 13, 13033, 8, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2496, 13, 13033, 58, 72, 4083, 1930, 1756, 796, 2496, 13, 13033, 58, 72, 4083, 1930, 1756, 1343, 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, 2723, 13, 13033, 58, 72, 4083, 1930, 1756, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2496, 13, 13033, 58, 72, 4083, 330, 7015, 602, 796, 2496, 13, 13033, 58, 72, 4083, 330, 7015, 602, 1343, 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, 2723, 13, 13033, 58, 72, 4083, 330, 7015, 602, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2496, 13, 13033, 58, 72, 4083, 626, 420, 871, 796, 2496, 13, 13033, 58, 72, 4083, 626, 420, 871, 1343, 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, 2723, 13, 13033, 58, 72, 4083, 626, 420, 871, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2496, 13, 13033, 58, 72, 4083, 14822, 419, 796, 2496, 13, 13033, 58, 72, 4083, 14822, 419, 1343, 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, 2723, 13, 13033, 58, 72, 4083, 14822, 419, 198, 220, 220, 220, 220, 220, 220, 220, 2723, 13, 13033, 58, 47715, 796, 17635, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 2496, 628, 220, 220, 220, 825, 20121, 62, 9535, 752, 1749, 7, 944, 11, 1291, 73, 62, 75, 11, 1291, 73, 62, 81, 11, 17510, 62, 18076, 11639, 17077, 6, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 39407, 734, 20134, 1749, 416, 2972, 42133, 3689, 13, 628, 220, 220, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1291, 73, 62, 75, 25, 9578, 3211, 22942, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1291, 73, 62, 81, 25, 6498, 3211, 22942, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 17510, 62, 18076, 25, 4091, 2174, 13, 198, 220, 220, 220, 220, 220, 220, 220, 8229, 25, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 198, 220, 220, 220, 220, 220, 220, 220, 611, 18896, 7, 9535, 73, 62, 75, 13, 13033, 8, 1279, 18896, 7, 9535, 73, 62, 81, 13, 13033, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 890, 796, 1291, 73, 62, 81, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1790, 796, 1291, 73, 62, 75, 198, 220, 220, 220, 220, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 890, 796, 1291, 73, 62, 75, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1790, 796, 1291, 73, 62, 81, 628, 220, 220, 220, 220, 220, 220, 220, 611, 17510, 62, 18076, 6624, 705, 2213, 320, 6, 393, 18896, 7, 19509, 13, 13033, 8, 6624, 18896, 7, 6511, 13, 13033, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 20121, 284, 12238, 22942, 416, 15797, 2229, 262, 2392, 530, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 647, 469, 62, 13033, 7, 19509, 11, 890, 8, 1303, 20121, 890, 284, 1790, 13, 628, 220, 220, 220, 220, 220, 220, 220, 1288, 361, 17510, 62, 18076, 6624, 705, 17077, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 20121, 284, 2392, 22942, 416, 4953, 329, 262, 12238, 530, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2546, 62, 26069, 796, 18896, 7, 6511, 13, 13033, 8, 532, 18896, 7, 19509, 13, 13033, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1181, 796, 2769, 30073, 7, 19509, 13, 13033, 58, 12, 16, 12962, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 6632, 11555, 420, 871, 1222, 8320, 602, 1181, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1181, 13, 330, 7015, 602, 796, 357, 15, 11, 27493, 11925, 7, 5219, 13, 330, 7015, 602, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1181, 13, 626, 420, 871, 796, 357, 15, 11, 27493, 11925, 7, 5219, 13, 626, 420, 871, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 329, 1312, 287, 2837, 7, 7857, 62, 26069, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1790, 13, 13033, 13, 33295, 7, 22089, 30073, 7, 5219, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6818, 7, 11925, 7, 19509, 13, 13033, 8, 6624, 18896, 7, 6511, 13, 13033, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 647, 469, 62, 13033, 7, 6511, 11, 1790, 8, 1303, 647, 469, 1790, 284, 890, 628, 220, 220, 220, 220, 220, 220, 220, 1288, 361, 17510, 62, 18076, 6624, 705, 7217, 11813, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 39407, 284, 12238, 22942, 416, 3049, 43448, 262, 2392, 530, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1208, 198, 220, 220, 220, 220, 220, 220, 220, 1288, 361, 17510, 62, 18076, 6624, 705, 38246, 38714, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1208, 628, 220, 220, 220, 825, 12405, 62, 3455, 7, 944, 11, 25035, 62, 3672, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 43301, 262, 1459, 12705, 357, 22, 10007, 8, 286, 5101, 13, 628, 220, 220, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 25035, 62, 3672, 25, 9578, 393, 826, 3211, 13, 198, 220, 220, 220, 220, 220, 220, 220, 8229, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 37557, 286, 262, 42517, 798, 3211, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 611, 25035, 62, 3672, 6624, 705, 9464, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 12705, 796, 2116, 13, 9464, 62, 1670, 13, 1136, 62, 14421, 62, 3455, 22446, 3455, 198, 220, 220, 220, 220, 220, 220, 220, 611, 25035, 62, 3672, 6624, 705, 3506, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 12705, 796, 2116, 13, 3506, 62, 1670, 13, 1136, 62, 14421, 62, 3455, 22446, 3455, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 12705, 628, 220, 220, 220, 825, 12405, 62, 73, 1563, 7, 944, 11, 25035, 62, 3672, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 43301, 262, 1459, 6466, 286, 5101, 13, 628, 220, 220, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 25035, 62, 3672, 25, 9578, 393, 826, 3211, 13, 198, 220, 220, 220, 220, 220, 220, 220, 8229, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 16798, 286, 262, 42517, 798, 3211, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 611, 25035, 62, 3672, 6624, 705, 9464, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 12705, 796, 2116, 13, 9464, 62, 1670, 13, 1136, 62, 14421, 62, 73, 1563, 62, 27160, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 611, 25035, 62, 3672, 6624, 705, 3506, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 12705, 796, 2116, 13, 3506, 62, 1670, 13, 1136, 62, 14421, 62, 73, 1563, 62, 27160, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 12705, 628, 220, 220, 220, 825, 1459, 62, 9150, 7, 944, 11, 25035, 62, 3672, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 43301, 262, 1459, 12705, 357, 9150, 8, 286, 5101, 13, 628, 220, 220, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 25035, 62, 3672, 25, 9578, 393, 826, 3211, 13, 198, 220, 220, 220, 220, 220, 220, 220, 8229, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 37557, 286, 262, 42517, 798, 3211, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 611, 25035, 62, 3672, 6624, 705, 9464, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 12705, 796, 2116, 13, 9464, 62, 1670, 13, 1136, 62, 14421, 62, 3455, 22446, 3455, 198, 220, 220, 220, 220, 220, 220, 220, 611, 25035, 62, 3672, 6624, 705, 3506, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 12705, 796, 2116, 13, 3506, 62, 1670, 13, 1136, 62, 14421, 62, 3455, 22446, 3455, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 685, 3455, 13, 9150, 13, 87, 11, 12705, 13, 9150, 13, 88, 11, 12705, 13, 9150, 13, 89, 60, 628, 220, 220, 220, 825, 1459, 62, 13989, 341, 7, 944, 11, 25035, 62, 3672, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 43301, 262, 1459, 12705, 357, 13989, 341, 8, 286, 5101, 13, 628, 220, 220, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 25035, 62, 3672, 25, 9578, 393, 826, 3211, 13, 198, 220, 220, 220, 220, 220, 220, 220, 8229, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 37557, 286, 262, 42517, 798, 3211, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 611, 25035, 62, 3672, 6624, 705, 9464, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 12705, 796, 2116, 13, 9464, 62, 1670, 13, 1136, 62, 14421, 62, 3455, 22446, 3455, 198, 220, 220, 220, 220, 220, 220, 220, 611, 25035, 62, 3672, 6624, 705, 3506, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 12705, 796, 2116, 13, 3506, 62, 1670, 13, 1136, 62, 14421, 62, 3455, 22446, 3455, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 685, 3455, 13, 13989, 341, 13, 86, 11, 12705, 13, 13989, 341, 13, 87, 11, 12705, 13, 13989, 341, 13, 88, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 12705, 13, 13989, 341, 13, 89, 60, 628, 220, 220, 220, 825, 1459, 62, 70, 380, 2848, 62, 3455, 7, 944, 11, 25035, 62, 3672, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 43301, 262, 1459, 12705, 357, 13989, 341, 8, 286, 11120, 2848, 13, 198, 220, 220, 220, 220, 220, 220, 220, 5268, 1245, 273, 351, 6121, 284, 262, 11120, 2848, 13, 628, 220, 220, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 25035, 62, 3672, 25, 9578, 393, 826, 3211, 13, 198, 220, 220, 220, 220, 220, 220, 220, 8229, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 37557, 286, 262, 42517, 798, 11120, 2848, 357, 22, 10007, 737, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 611, 25035, 62, 3672, 6624, 705, 9464, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 12705, 796, 2116, 13, 9464, 62, 1670, 13, 1136, 62, 14421, 62, 3455, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 611, 25035, 62, 3672, 6624, 705, 3506, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 12705, 796, 2116, 13, 3506, 62, 1670, 13, 1136, 62, 14421, 62, 3455, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 12705, 796, 2116, 13, 35636, 62, 86, 1585, 62, 1462, 62, 70, 380, 2848, 7, 2475, 65, 62, 3672, 11, 12705, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 29565, 3455, 13, 3455, 13, 9150, 13, 87, 11, 12705, 13, 3455, 13, 9150, 13, 88, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 12705, 13, 3455, 13, 9150, 13, 89, 4357, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 685, 3455, 13, 3455, 13, 13989, 341, 13, 86, 11, 12705, 13, 3455, 13, 13989, 341, 13, 87, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 12705, 13, 3455, 13, 13989, 341, 13, 88, 11, 12705, 13, 3455, 13, 13989, 341, 13, 89, 12962, 628, 220, 220, 220, 825, 6121, 62, 70, 380, 2848, 62, 1462, 62, 86, 1585, 7, 944, 11, 1735, 11, 11120, 2848, 62, 16793, 62, 3455, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 26981, 257, 12705, 287, 1735, 62, 70, 380, 2848, 62, 16159, 5739, 284, 1735, 62, 86, 1585, 5739, 13, 628, 220, 220, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1735, 25, 9578, 393, 826, 3211, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 11120, 2848, 62, 16793, 62, 3455, 25, 5268, 1245, 273, 2292, 13, 198, 220, 220, 220, 220, 220, 220, 220, 8229, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 968, 12705, 286, 262, 886, 1245, 273, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 83, 4951, 13, 17077, 1890, 41762, 10786, 14, 8692, 3256, 1735, 1343, 705, 62, 70, 380, 2848, 62, 16159, 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, 686, 2777, 88, 13, 7575, 22784, 686, 2777, 88, 13, 26054, 7, 19, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 11120, 2848, 62, 16793, 62, 3455, 13, 25677, 13, 301, 696, 796, 3467, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 83, 4951, 13, 1136, 39478, 17227, 7575, 10786, 14, 8692, 3256, 1735, 1343, 705, 62, 70, 380, 2848, 62, 16159, 11537, 198, 220, 220, 220, 220, 220, 220, 220, 279, 796, 2116, 13, 83, 4951, 13, 35636, 47, 577, 7, 1589, 1343, 705, 62, 70, 380, 2848, 62, 16159, 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, 11120, 2848, 62, 16793, 62, 3455, 8, 198, 220, 220, 220, 220, 220, 220, 220, 279, 13, 25677, 13, 14535, 62, 312, 796, 1735, 1343, 705, 62, 86, 1585, 6, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 83, 4951, 13, 17077, 1890, 41762, 10786, 14, 8692, 3256, 1735, 1343, 705, 62, 86, 1585, 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, 686, 2777, 88, 13, 7575, 22784, 686, 2777, 88, 13, 26054, 7, 19, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 279, 13, 25677, 13, 301, 696, 796, 2116, 13, 83, 4951, 13, 1136, 39478, 17227, 7575, 10786, 14, 8692, 3256, 1735, 1343, 705, 62, 86, 1585, 11537, 198, 220, 220, 220, 220, 220, 220, 220, 279, 62, 3605, 796, 2116, 13, 83, 4951, 13, 35636, 47, 577, 10786, 8692, 3256, 279, 8, 628, 220, 220, 220, 220, 220, 220, 220, 1441, 279, 62, 3605, 628, 220, 220, 220, 825, 6121, 62, 86, 1585, 62, 1462, 62, 70, 380, 2848, 7, 944, 11, 1735, 11, 15980, 62, 3455, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 26981, 1022, 886, 1245, 273, 290, 11120, 2848, 13, 383, 4277, 886, 1245, 273, 198, 220, 220, 220, 220, 220, 220, 220, 318, 262, 15980, 636, 13, 628, 220, 220, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1735, 25, 9578, 393, 826, 3211, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 15980, 62, 3455, 25, 9236, 886, 1245, 273, 2292, 13, 198, 220, 220, 220, 220, 220, 220, 220, 8229, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 513, 35, 2292, 286, 262, 11120, 2848, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 83, 4951, 13, 17077, 1890, 41762, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 31051, 8692, 3256, 1735, 1343, 705, 62, 86, 1585, 3256, 305, 2777, 88, 13, 7575, 22784, 686, 2777, 88, 13, 26054, 7, 19, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 15980, 62, 3455, 13, 25677, 13, 301, 696, 796, 2116, 13, 83, 4951, 13, 1136, 39478, 17227, 7575, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 31051, 8692, 3256, 1735, 1343, 705, 62, 86, 1585, 11537, 198, 220, 220, 220, 220, 220, 220, 220, 279, 796, 2116, 13, 83, 4951, 13, 35636, 47, 577, 7, 1589, 1343, 705, 62, 86, 1585, 3256, 15980, 62, 3455, 8, 198, 220, 220, 220, 220, 220, 220, 220, 279, 13, 25677, 13, 14535, 62, 312, 796, 1735, 1343, 705, 62, 70, 380, 2848, 62, 16159, 6, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 83, 4951, 13, 17077, 1890, 41762, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 31051, 8692, 3256, 1735, 1343, 705, 62, 70, 380, 2848, 62, 16159, 3256, 305, 2777, 88, 13, 7575, 22784, 686, 2777, 88, 13, 26054, 7, 19, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 279, 13, 25677, 13, 301, 696, 796, 2116, 13, 83, 4951, 13, 1136, 39478, 17227, 7575, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 31051, 8692, 3256, 1735, 1343, 705, 62, 70, 380, 2848, 62, 16159, 11537, 198, 220, 220, 220, 220, 220, 220, 220, 279, 62, 3605, 796, 2116, 13, 83, 4951, 13, 35636, 47, 577, 10786, 8692, 3256, 279, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 279, 62, 3605, 628, 198, 361, 11593, 3672, 834, 6624, 705, 834, 12417, 834, 10354, 198, 220, 220, 220, 25064, 13, 37023, 7, 12417, 28955, 198 ]
1.9833
9,940
""" Hi! I intentionally wrote this script sort of weird so that it will only work in Python 3.7+, to make sure that you're using the right Python. Don't worry if you don't understand it! If you're curious, I'm happy to explain anything in it. -- C """ from __future__ import annotations print("Hello, ", end='World!\n')
[ 37811, 198, 17250, 0, 198, 40, 16464, 2630, 428, 4226, 3297, 286, 7650, 523, 326, 340, 481, 198, 8807, 670, 287, 11361, 513, 13, 22, 28200, 284, 787, 1654, 326, 345, 821, 1262, 198, 1169, 826, 11361, 13, 2094, 470, 5490, 611, 345, 836, 470, 1833, 340, 0, 198, 1532, 345, 821, 11040, 11, 314, 1101, 3772, 284, 4727, 1997, 287, 340, 13, 198, 198, 438, 327, 198, 37811, 198, 6738, 11593, 37443, 834, 1330, 37647, 198, 198, 4798, 7203, 15496, 11, 33172, 886, 11639, 10603, 0, 59, 77, 11537, 628, 198 ]
3.521739
92
from django.core.signals import Signal deleting = Signal(providing_args=['del_objs', 'rel_objs'])
[ 6738, 42625, 14208, 13, 7295, 13, 12683, 874, 1330, 26484, 201, 198, 201, 198, 2934, 293, 889, 796, 26484, 7, 15234, 2530, 62, 22046, 28, 17816, 12381, 62, 672, 8457, 3256, 705, 2411, 62, 672, 8457, 6, 12962, 201, 198 ]
2.55
40
#---------------------------------------------------------------------------------------------------------------| # Organization: AllenRing | # -- Created by Ritch | # | # This program is responsible for controlling the settings of RPi pins and the speed of the attached motors. | # It is also set up to execute other scripts (more to come). | # | # Scripts: | # motorSpeedLimiter | # This program will countinuously check the frequency and dutycycle ranges of all pins assigned with motors.| #---------------------------------------------------------------------------------------------------------------| import logging import sys import time import pigpio from Adafruit_BNO055 import BNO055 #---------------------------------------------------------------------------------------------------------------| # --- Initialize Orientation Sensor --- bno = BNO055.BNO055(serial_port='/dev/ttyAMA0', rst=18) # Enable verbose debug logging if -v is passed as a parameter. if len(sys.argv) == 2 and sys.argv[1].lower() == '-v': logging.basicConfig(level=logging.DEBUG) # Initialize the BNO055 and stop if something went wrong. if not bno.begin(): raise RuntimeError('Failed to initialize BNO055! Is the sensor connected?') # Print system status and self test result. status, self_test, error = bno.get_system_status() print('System status: {0}'.format(status)) print('Self test result (0x0F is normal): 0x{0:02X}'.format(self_test)) # Print out an error if system status is in error mode. if status == 0x01: print('System error: {0}'.format(error)) print('See datasheet section 4.3.59 for the meaning.') # Print BNO055 software revision and other diagnostic data. sw, bl, accel, mag, gyro = bno.get_revision() print('Software version: {0}'.format(sw)) print('Bootloader version: {0}'.format(bl)) print('Accelerometer ID: 0x{0:02X}'.format(accel)) print('Magnetometer ID: 0x{0:02X}'.format(mag)) print('Gyroscope ID: 0x{0:02X}\n'.format(gyro)) #---------------------------------------------------------------------------------------------------------------| pi = pigpio.pi() systemOn = True motorOneSpeed = 180 motorTwoSpeed = 180 motorThreeSpeed = 180 motorFourSpeed = 185 #--------------------- #------Functions------ #--------------------- #----------------------------- #------Movement Fucntions----- #----------------------------- #----------------------------- #------Begin the program------ #----------------------------- #---------------------------------------- # This will prompt for the pins to modify # Each entered pin will be initialized and have global values set to default #---------------------------------------- print('***Connect Battery & Press ENTER to start***') res = raw_input() print('***Enter Pins for Each Prompted Motor***') print('Motor 1') res = input() motorOne = res print('Motor 2') res = input() motorTwo = res print('Motor 3') res = input() motorThree = res print('Motor 4') res = input() motorFour = res #---------------------------------------- # All motors will now be initialized # The loop-to-follow will receive inputs and then change motorspeeds accordingly #---------------------------------------- initializeMotors(motorOne, motorTwo, motorThree, motorFour) res = raw_input() motorOneSpeed = 195 motorTwoSpeed = 185 motorThreeSpeed = 190 motorFourSpeed = 190 res = raw_input() print ('System initialized and running.') print ('Follow your reference key or press 9 to shutdown') strength = 218 #Sets base strength of motors OldRoll = 0 OldRoll2 = 0 OldPitch = 0 OldPitch2 = 0 RMark = 0 PMark = 0 Front = 0 Back = 0 Left = 0 Right = 0 rollV = 0 Change = 20 ACR = 0 #Acceleration Roll TestRV = 0 motorTwoSpeed = strength motorFourSpeed = strength motorThreeSpeed = strength motorOneSpeed = strength cycling = True try: while cycling: pi.set_PWM_dutycycle(motorOne, motorOneSpeed) pi.set_PWM_dutycycle(motorTwo, motorTwoSpeed) pi.set_PWM_dutycycle(motorThree, motorThreeSpeed) pi.set_PWM_dutycycle(motorFour, motorFourSpeed) print ("motorOne: %s" % (motorOneSpeed)) print ("motorTwo: %s" % (motorTwoSpeed)) print ("motorThree: %s" % (motorThreeSpeed)) print ("motorFour: %s" % (motorFourSpeed)) #print(roll) #print(OldRoll) print("rollV: %s" % rollV) # Read the Euler angles for heading, roll, pitch (all in degrees). heading, roll, pitch = bno.read_euler() # Read the calibration status, 0=uncalibrated and 3=fully calibrated. sys, gyro, accel, mag = bno.get_calibration_status() # Print everything out. print('Heading={0:0.2F} roll={1:0.2F} Pitch={2:0.2F}\tSys_cal={3} Gyro_cal={4} Accel_cal={5} Mag_cal={6}'.format(heading, roll, pitch, sys, gyro, accel, mag)) # positive roll = tilt to right # positive pitch = nose tilt up #===================================================== #calculates current roll and pitch velocity OldRollV = rollV rollV = ((roll - OldRoll) + (OldRoll - OldRoll2)) / 2 pitchV = ((pitch - OldPitch) + (OldPitch - OldPitch2)) / 2 TestRV = rollV if(TestRV < 0): TestRV *= -1 if(TestRV <= 0.03125): rollV = 0 ACR = rollV - OldRollV print("ACR %s" % ACR) #===================================================== #Start of roll calculations if(roll > 0): # tilted right if(rollV > 0): #Drone tilting right Right += 1 #RMark = roll elif(rollV < 0): # tilted right and tilting left if(rollV > -1): #not tilting fast enough Right += 1 elif(rollV < -1): Right += -1 elif(roll < 0): #Drone tilted left if(rollV < 0): # tilting left Right += -1 #RMark = roll elif(rollV > 0): #Drone tilting right if(rollV < 1): #not tilting fast enough Right += -1 elif(rollV > 1): #too fast Right += 1 #Limits the change in direction if(Right < Change * -1): Right = Change * -1 elif(Right > Change): Right = Change #===================================================== # start of pitch calculations if(pitch > 0): # nose tilted upward if(pitchV > 0): # nose tilting upward Front += -1 #PMark = pitch elif(pitchV < 0): # if moving down if(pitchV < -1): # too fast Front += 1 elif(pitchV > -1): #too slow Front += -1 elif(pitch < 0): #nose tilted down if(pitchV < 0): #nose tilting down Front += 1 #PMark = pitch elif(pitchV > 0): #tilting up if(pitchV > 1): Front += -1 elif(pitchV < 1): Front += 1 else: Front = 0 #limits the change in direction if(Front < Change * -1): Front = Change * -1 elif(Front > Change): Front = Change #===================================================== # Sets values for Left and Back Left = Right * float(-1) Back = Front * float(-1) #===================================================== # updates motor speeds motorTwoSpeed = Back + Right + strength motorFourSpeed = Back + Left + strength motorThreeSpeed = Front + Right + strength motorOneSpeed = Front + Left + strength #===================================================== # sets old roll and pitch values OldRoll2 = OldRoll OldRoll = roll OldPitch2 = OldPitch OldPitch = pitch time.sleep(1/20.0) # possible use in future for delay if ethan's idea doesnt work # End of while # End of Try #---------------------------------------- # When the while loop has ended, the code will proceed here # This will shutdown all motors in increments of one, until the speed value has reached '0' #---------------------------------------- finally: # shut down cleanly while (systemOn): if motorOneSpeed > 0: motorOneSpeed = motorOneSpeed - 1 if motorTwoSpeed > 0: motorTwoSpeed = motorTwoSpeed - 1 if motorThreeSpeed > 0: motorThreeSpeed = motorThreeSpeed - 1 if motorFourSpeed > 0: motorFourSpeed = motorFourSpeed - 1 pi.set_PWM_dutycycle(motorOne, motorOneSpeed) pi.set_PWM_dutycycle(motorTwo, motorTwoSpeed) pi.set_PWM_dutycycle(motorThree, motorThreeSpeed) pi.set_PWM_dutycycle(motorFour, motorFourSpeed) if (motorOneSpeed == 0) and (motorTwoSpeed == 0) and (motorThreeSpeed == 0) and (motorFourSpeed == 0): systemOn = False monitoring = False print ("System Shutdown") # Done
[ 2, 10097, 3880, 24305, 91, 201, 198, 2, 12275, 25, 9659, 39687, 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, 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, 930, 201, 198, 2, 1377, 15622, 416, 371, 2007, 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, 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, 930, 201, 198, 2, 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, 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, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 930, 201, 198, 2, 770, 1430, 318, 4497, 329, 12755, 262, 6460, 286, 25812, 72, 20567, 290, 262, 2866, 286, 262, 7223, 24699, 13, 220, 220, 220, 930, 201, 198, 2, 632, 318, 635, 900, 510, 284, 12260, 584, 14750, 357, 3549, 284, 1282, 737, 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, 220, 220, 220, 930, 201, 198, 2, 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, 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, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 930, 201, 198, 2, 12327, 82, 25, 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, 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, 220, 220, 220, 220, 220, 930, 220, 220, 220, 220, 201, 198, 2, 220, 220, 5584, 22785, 19352, 2676, 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, 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, 930, 201, 198, 2, 220, 220, 220, 220, 770, 1430, 481, 954, 259, 24987, 2198, 262, 8373, 290, 7077, 13696, 16069, 286, 477, 20567, 8686, 351, 24699, 13, 91, 201, 198, 2, 10097, 3880, 24305, 91, 201, 198, 201, 198, 11748, 18931, 201, 198, 11748, 25064, 201, 198, 11748, 640, 201, 198, 11748, 12967, 79, 952, 201, 198, 201, 198, 6738, 1215, 1878, 4872, 62, 33, 15285, 47838, 1330, 347, 15285, 47838, 201, 198, 201, 198, 2, 10097, 3880, 24305, 91, 201, 198, 2, 11420, 20768, 1096, 35275, 341, 35367, 11420, 220, 201, 198, 65, 3919, 796, 347, 15285, 47838, 13, 33, 15285, 47838, 7, 46911, 62, 634, 11639, 14, 7959, 14, 42852, 25087, 15, 3256, 374, 301, 28, 1507, 8, 201, 198, 201, 198, 2, 27882, 15942, 577, 14257, 18931, 611, 532, 85, 318, 3804, 355, 257, 11507, 13, 201, 198, 361, 18896, 7, 17597, 13, 853, 85, 8, 6624, 362, 290, 25064, 13, 853, 85, 58, 16, 4083, 21037, 3419, 6624, 705, 12, 85, 10354, 201, 198, 220, 220, 220, 18931, 13, 35487, 16934, 7, 5715, 28, 6404, 2667, 13, 30531, 8, 201, 198, 201, 198, 2, 20768, 1096, 262, 347, 15285, 47838, 290, 2245, 611, 1223, 1816, 2642, 13, 201, 198, 361, 407, 275, 3919, 13, 27471, 33529, 201, 198, 220, 220, 220, 5298, 43160, 12331, 10786, 37, 6255, 284, 41216, 347, 15285, 47838, 0, 1148, 262, 12694, 5884, 8348, 8, 201, 198, 201, 198, 2, 12578, 1080, 3722, 290, 2116, 1332, 1255, 13, 201, 198, 13376, 11, 2116, 62, 9288, 11, 4049, 796, 275, 3919, 13, 1136, 62, 10057, 62, 13376, 3419, 201, 198, 4798, 10786, 11964, 3722, 25, 1391, 15, 92, 4458, 18982, 7, 13376, 4008, 201, 198, 4798, 10786, 24704, 1332, 1255, 357, 15, 87, 15, 37, 318, 3487, 2599, 657, 87, 90, 15, 25, 2999, 55, 92, 4458, 18982, 7, 944, 62, 9288, 4008, 201, 198, 2, 12578, 503, 281, 4049, 611, 1080, 3722, 318, 287, 4049, 4235, 13, 201, 198, 361, 3722, 6624, 657, 87, 486, 25, 201, 198, 220, 220, 220, 3601, 10786, 11964, 4049, 25, 1391, 15, 92, 4458, 18982, 7, 18224, 4008, 201, 198, 220, 220, 220, 3601, 10786, 6214, 19395, 25473, 2665, 604, 13, 18, 13, 3270, 329, 262, 3616, 2637, 8, 201, 198, 201, 198, 2, 12578, 347, 15285, 47838, 3788, 18440, 290, 584, 23584, 1366, 13, 201, 198, 2032, 11, 698, 11, 936, 5276, 11, 2153, 11, 21486, 305, 796, 275, 3919, 13, 1136, 62, 260, 10178, 3419, 201, 198, 4798, 10786, 25423, 2196, 25, 220, 220, 1391, 15, 92, 4458, 18982, 7, 2032, 4008, 201, 198, 4798, 10786, 36476, 29356, 2196, 25, 1391, 15, 92, 4458, 18982, 7, 2436, 4008, 201, 198, 4798, 10786, 12832, 7015, 15635, 4522, 25, 220, 220, 657, 87, 90, 15, 25, 2999, 55, 92, 4458, 18982, 7, 330, 5276, 4008, 201, 198, 4798, 10786, 13436, 3262, 15635, 4522, 25, 220, 220, 220, 657, 87, 90, 15, 25, 2999, 55, 92, 4458, 18982, 7, 19726, 4008, 201, 198, 4798, 10786, 44802, 305, 29982, 4522, 25, 220, 220, 220, 220, 220, 220, 657, 87, 90, 15, 25, 2999, 55, 32239, 77, 4458, 18982, 7, 1360, 305, 4008, 201, 198, 2, 10097, 3880, 24305, 91, 201, 198, 201, 198, 14415, 796, 12967, 79, 952, 13, 14415, 3419, 201, 198, 10057, 2202, 796, 6407, 201, 198, 76, 20965, 3198, 22785, 796, 11546, 201, 198, 76, 20965, 7571, 22785, 796, 11546, 201, 198, 76, 20965, 12510, 22785, 796, 11546, 201, 198, 76, 20965, 15137, 22785, 796, 22855, 201, 198, 201, 198, 201, 198, 201, 198, 201, 198, 2, 19351, 12, 201, 198, 2, 23031, 24629, 2733, 23031, 201, 198, 2, 19351, 12, 201, 198, 201, 198, 2, 1783, 32501, 201, 198, 2, 23031, 21774, 434, 376, 1229, 429, 507, 30934, 201, 198, 2, 1783, 32501, 201, 198, 201, 198, 2, 1783, 32501, 201, 198, 2, 23031, 44140, 262, 1430, 23031, 201, 198, 2, 1783, 32501, 201, 198, 201, 198, 2, 3880, 982, 201, 198, 2, 770, 481, 6152, 329, 262, 20567, 284, 13096, 201, 198, 2, 5501, 5982, 6757, 481, 307, 23224, 290, 423, 3298, 3815, 900, 284, 4277, 201, 198, 2, 3880, 982, 201, 198, 201, 198, 4798, 10786, 8162, 13313, 23490, 1222, 4332, 46962, 284, 923, 8162, 11537, 201, 198, 411, 796, 8246, 62, 15414, 3419, 201, 198, 201, 198, 4798, 10786, 8162, 17469, 350, 1040, 329, 5501, 45965, 276, 12533, 8162, 11537, 201, 198, 201, 198, 4798, 10786, 34919, 352, 11537, 201, 198, 411, 796, 5128, 3419, 201, 198, 76, 20965, 3198, 796, 581, 201, 198, 201, 198, 4798, 10786, 34919, 362, 11537, 201, 198, 411, 796, 5128, 3419, 201, 198, 76, 20965, 7571, 796, 581, 201, 198, 201, 198, 4798, 10786, 34919, 513, 11537, 201, 198, 411, 796, 5128, 3419, 201, 198, 76, 20965, 12510, 796, 581, 201, 198, 201, 198, 4798, 10786, 34919, 604, 11537, 201, 198, 411, 796, 5128, 3419, 201, 198, 76, 20965, 15137, 796, 581, 201, 198, 201, 198, 2, 3880, 982, 201, 198, 2, 1439, 24699, 481, 783, 307, 23224, 201, 198, 2, 383, 9052, 12, 1462, 12, 27780, 481, 3328, 17311, 290, 788, 1487, 24699, 431, 5379, 16062, 201, 198, 2, 3880, 982, 201, 198, 201, 198, 36733, 1096, 47733, 669, 7, 76, 20965, 3198, 11, 5584, 7571, 11, 5584, 12510, 11, 5584, 15137, 8, 201, 198, 201, 198, 411, 796, 8246, 62, 15414, 3419, 201, 198, 76, 20965, 3198, 22785, 796, 24793, 201, 198, 76, 20965, 7571, 22785, 796, 22855, 201, 198, 76, 20965, 12510, 22785, 796, 19884, 201, 198, 76, 20965, 15137, 22785, 796, 19884, 201, 198, 201, 198, 411, 796, 8246, 62, 15414, 3419, 201, 198, 201, 198, 4798, 19203, 11964, 23224, 290, 2491, 2637, 8, 201, 198, 4798, 19203, 7155, 534, 4941, 1994, 393, 1803, 860, 284, 18325, 11537, 201, 198, 201, 198, 41402, 796, 29217, 220, 220, 220, 220, 1303, 50, 1039, 2779, 4202, 286, 24699, 201, 198, 19620, 26869, 796, 657, 201, 198, 19620, 26869, 17, 796, 657, 201, 198, 19620, 47, 2007, 796, 657, 201, 198, 19620, 47, 2007, 17, 796, 657, 201, 198, 49, 9704, 796, 657, 201, 198, 5868, 668, 796, 657, 201, 198, 25886, 796, 657, 201, 198, 7282, 796, 657, 201, 198, 18819, 796, 657, 201, 198, 11028, 796, 657, 201, 198, 2487, 53, 796, 657, 201, 198, 19400, 796, 1160, 201, 198, 2246, 49, 796, 657, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 12832, 7015, 341, 8299, 201, 198, 14402, 49, 53, 796, 657, 201, 198, 201, 198, 201, 198, 76, 20965, 7571, 22785, 796, 4202, 201, 198, 76, 20965, 15137, 22785, 796, 4202, 201, 198, 76, 20965, 12510, 22785, 796, 4202, 201, 198, 76, 20965, 3198, 22785, 796, 4202, 201, 198, 201, 198, 201, 198, 948, 8493, 796, 6407, 201, 198, 28311, 25, 201, 198, 220, 220, 220, 981, 16259, 25, 201, 198, 220, 220, 220, 220, 220, 220, 220, 31028, 13, 2617, 62, 47, 22117, 62, 26278, 13696, 7, 76, 20965, 3198, 11, 220, 5584, 3198, 22785, 8, 201, 198, 220, 220, 220, 220, 220, 220, 220, 31028, 13, 2617, 62, 47, 22117, 62, 26278, 13696, 7, 76, 20965, 7571, 11, 220, 5584, 7571, 22785, 8, 201, 198, 220, 220, 220, 220, 220, 220, 220, 31028, 13, 2617, 62, 47, 22117, 62, 26278, 13696, 7, 76, 20965, 12510, 11, 220, 5584, 12510, 22785, 8, 201, 198, 220, 220, 220, 220, 220, 220, 220, 31028, 13, 2617, 62, 47, 22117, 62, 26278, 13696, 7, 76, 20965, 15137, 11, 220, 5584, 15137, 22785, 8, 201, 198, 201, 198, 220, 220, 220, 220, 220, 220, 220, 3601, 5855, 76, 20965, 3198, 25, 4064, 82, 1, 4064, 357, 76, 20965, 3198, 22785, 4008, 201, 198, 220, 220, 220, 220, 220, 220, 220, 3601, 5855, 76, 20965, 7571, 25, 4064, 82, 1, 4064, 357, 76, 20965, 7571, 22785, 4008, 201, 198, 220, 220, 220, 220, 220, 220, 220, 3601, 5855, 76, 20965, 12510, 25, 4064, 82, 1, 4064, 357, 76, 20965, 12510, 22785, 4008, 201, 198, 220, 220, 220, 220, 220, 220, 220, 3601, 5855, 76, 20965, 15137, 25, 4064, 82, 1, 4064, 357, 76, 20965, 15137, 22785, 4008, 220, 220, 220, 220, 220, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 4798, 7, 2487, 8, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 4798, 7, 19620, 26869, 8, 201, 198, 220, 220, 220, 220, 220, 220, 220, 3601, 7203, 2487, 53, 25, 4064, 82, 1, 4064, 4836, 53, 8, 201, 198, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 4149, 262, 412, 18173, 18333, 329, 9087, 11, 4836, 11, 7078, 357, 439, 287, 7370, 737, 201, 198, 220, 220, 220, 220, 220, 220, 220, 9087, 11, 4836, 11, 7078, 796, 275, 3919, 13, 961, 62, 68, 18173, 3419, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 4149, 262, 36537, 3722, 11, 657, 28, 403, 9948, 2889, 515, 290, 513, 28, 2759, 48050, 13, 201, 198, 220, 220, 220, 220, 220, 220, 220, 25064, 11, 21486, 305, 11, 936, 5276, 11, 2153, 796, 275, 3919, 13, 1136, 62, 9948, 571, 1358, 62, 13376, 3419, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 12578, 2279, 503, 13, 201, 198, 220, 220, 220, 220, 220, 220, 220, 3601, 10786, 13847, 278, 34758, 15, 25, 15, 13, 17, 37, 92, 4836, 34758, 16, 25, 15, 13, 17, 37, 92, 33517, 34758, 17, 25, 15, 13, 17, 37, 32239, 83, 44387, 62, 9948, 34758, 18, 92, 18488, 305, 62, 9948, 34758, 19, 92, 4013, 5276, 62, 9948, 34758, 20, 92, 2944, 62, 9948, 34758, 21, 92, 4458, 18982, 7, 33878, 11, 4836, 11, 7078, 11, 25064, 11, 21486, 305, 11, 936, 5276, 11, 2153, 4008, 201, 198, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 220, 220, 3967, 4836, 796, 26500, 284, 826, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 3967, 7078, 796, 9686, 26500, 510, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 10052, 4770, 1421, 28, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 9948, 3129, 689, 1459, 4836, 290, 7078, 15432, 201, 198, 220, 220, 220, 220, 220, 220, 220, 5706, 26869, 53, 796, 4836, 53, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 201, 198, 220, 220, 220, 220, 220, 220, 220, 4836, 53, 796, 14808, 2487, 532, 5706, 26869, 8, 1343, 357, 19620, 26869, 532, 5706, 26869, 17, 4008, 1220, 362, 201, 198, 220, 220, 220, 220, 220, 220, 220, 7078, 53, 796, 14808, 79, 2007, 532, 5706, 47, 2007, 8, 1343, 357, 19620, 47, 2007, 532, 5706, 47, 2007, 17, 4008, 1220, 362, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 201, 198, 220, 220, 220, 220, 220, 220, 220, 6208, 49, 53, 796, 4836, 53, 201, 198, 220, 220, 220, 220, 220, 220, 220, 611, 7, 14402, 49, 53, 1279, 657, 2599, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6208, 49, 53, 1635, 28, 532, 16, 201, 198, 220, 220, 220, 220, 220, 220, 220, 611, 7, 14402, 49, 53, 19841, 657, 13, 3070, 11623, 2599, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4836, 53, 796, 657, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 201, 198, 220, 220, 220, 220, 220, 220, 220, 7125, 49, 796, 4836, 53, 532, 5706, 26869, 53, 201, 198, 220, 220, 220, 220, 220, 220, 220, 3601, 7203, 2246, 49, 4064, 82, 1, 4064, 7125, 49, 8, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 10052, 4770, 1421, 28, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 10434, 286, 4836, 16765, 201, 198, 220, 220, 220, 220, 220, 220, 220, 611, 7, 2487, 1875, 657, 2599, 220, 220, 220, 220, 220, 220, 1303, 37229, 826, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 7, 2487, 53, 1875, 657, 2599, 220, 220, 220, 220, 220, 1303, 6187, 505, 21502, 889, 826, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6498, 15853, 352, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 49, 9704, 796, 4836, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1288, 361, 7, 2487, 53, 1279, 657, 2599, 220, 220, 220, 1303, 37229, 826, 290, 21502, 889, 1364, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 7, 2487, 53, 1875, 532, 16, 2599, 220, 220, 220, 220, 1303, 1662, 21502, 889, 3049, 1576, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6498, 15853, 352, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1288, 361, 7, 2487, 53, 1279, 532, 16, 2599, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6498, 15853, 532, 16, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1288, 361, 7, 2487, 1279, 657, 2599, 220, 220, 220, 220, 1303, 6187, 505, 37229, 1364, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 7, 2487, 53, 1279, 657, 2599, 220, 220, 220, 1303, 21502, 889, 1364, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6498, 15853, 532, 16, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 49, 9704, 796, 4836, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1288, 361, 7, 2487, 53, 1875, 657, 2599, 220, 220, 220, 220, 220, 1303, 6187, 505, 21502, 889, 826, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 7, 2487, 53, 1279, 352, 2599, 220, 220, 220, 220, 220, 1303, 1662, 21502, 889, 3049, 1576, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6498, 15853, 532, 16, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1288, 361, 7, 2487, 53, 1875, 352, 2599, 220, 220, 220, 1303, 18820, 3049, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6498, 15853, 352, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 201, 198, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 19352, 896, 262, 1487, 287, 4571, 201, 198, 220, 220, 220, 220, 220, 220, 220, 611, 7, 11028, 1279, 9794, 1635, 532, 16, 2599, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6498, 796, 9794, 1635, 532, 16, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1288, 361, 7, 11028, 1875, 9794, 2599, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6498, 796, 9794, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 10052, 4770, 1421, 28, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 923, 286, 7078, 16765, 201, 198, 220, 220, 220, 220, 220, 220, 220, 611, 7, 79, 2007, 1875, 657, 2599, 220, 220, 220, 220, 220, 1303, 9686, 37229, 18644, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 7, 79, 2007, 53, 1875, 657, 2599, 1303, 9686, 21502, 889, 18644, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8880, 15853, 532, 16, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 5868, 668, 796, 7078, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1288, 361, 7, 79, 2007, 53, 1279, 657, 2599, 220, 220, 1303, 611, 3867, 866, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 7, 79, 2007, 53, 1279, 532, 16, 2599, 220, 220, 220, 1303, 1165, 3049, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8880, 15853, 352, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1288, 361, 7, 79, 2007, 53, 1875, 532, 16, 2599, 220, 1303, 18820, 3105, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8880, 15853, 532, 16, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1288, 361, 7, 79, 2007, 1279, 657, 2599, 220, 220, 220, 220, 220, 220, 220, 1303, 77, 577, 37229, 866, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 7, 79, 2007, 53, 1279, 657, 2599, 220, 220, 220, 220, 1303, 77, 577, 21502, 889, 866, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8880, 15853, 352, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 5868, 668, 796, 7078, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1288, 361, 7, 79, 2007, 53, 1875, 657, 2599, 220, 220, 1303, 47163, 889, 510, 220, 220, 220, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 7, 79, 2007, 53, 1875, 352, 2599, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8880, 15853, 532, 16, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1288, 361, 7, 79, 2007, 53, 1279, 352, 2599, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8880, 15853, 352, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 201, 198, 220, 220, 220, 220, 220, 220, 220, 2073, 25, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8880, 796, 657, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 49196, 262, 1487, 287, 4571, 201, 198, 220, 220, 220, 220, 220, 220, 220, 611, 7, 25886, 1279, 9794, 1635, 532, 16, 2599, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8880, 796, 9794, 1635, 532, 16, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1288, 361, 7, 25886, 1875, 9794, 2599, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8880, 796, 9794, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 10052, 4770, 1421, 28, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 21394, 3815, 329, 9578, 290, 5157, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 201, 198, 220, 220, 220, 220, 220, 220, 220, 9578, 796, 6498, 1635, 12178, 32590, 16, 8, 201, 198, 220, 220, 220, 220, 220, 220, 220, 5157, 796, 8880, 1635, 12178, 32590, 16, 8, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 10052, 4770, 1421, 28, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 5992, 5584, 12055, 201, 198, 201, 198, 220, 220, 220, 220, 220, 220, 220, 5584, 7571, 22785, 796, 5157, 1343, 6498, 1343, 4202, 201, 198, 220, 220, 220, 220, 220, 220, 220, 5584, 15137, 22785, 796, 5157, 1343, 9578, 1343, 4202, 201, 198, 220, 220, 220, 220, 220, 220, 220, 5584, 12510, 22785, 796, 8880, 1343, 6498, 1343, 4202, 201, 198, 220, 220, 220, 220, 220, 220, 220, 5584, 3198, 22785, 796, 8880, 1343, 9578, 1343, 4202, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 10052, 4770, 1421, 28, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 5621, 1468, 4836, 290, 7078, 3815, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 201, 198, 220, 220, 220, 220, 220, 220, 220, 5706, 26869, 17, 796, 5706, 26869, 201, 198, 220, 220, 220, 220, 220, 220, 220, 5706, 26869, 796, 4836, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 201, 198, 220, 220, 220, 220, 220, 220, 220, 5706, 47, 2007, 17, 796, 5706, 47, 2007, 201, 198, 220, 220, 220, 220, 220, 220, 220, 5706, 47, 2007, 796, 7078, 201, 198, 220, 220, 220, 220, 220, 220, 220, 640, 13, 42832, 7, 16, 14, 1238, 13, 15, 8, 220, 220, 220, 220, 1303, 1744, 779, 287, 2003, 329, 5711, 611, 4555, 272, 338, 2126, 46701, 670, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 201, 198, 201, 198, 220, 220, 220, 1303, 5268, 286, 981, 201, 198, 2, 5268, 286, 9993, 201, 198, 201, 198, 2, 3880, 982, 201, 198, 2, 1649, 262, 981, 9052, 468, 4444, 11, 262, 2438, 481, 5120, 994, 201, 198, 2, 770, 481, 18325, 477, 24699, 287, 41867, 286, 530, 11, 1566, 262, 2866, 1988, 468, 4251, 705, 15, 6, 201, 198, 2, 3880, 982, 201, 198, 201, 198, 69, 3289, 25, 201, 198, 220, 220, 220, 1303, 4423, 866, 3424, 306, 201, 198, 220, 220, 220, 981, 357, 10057, 2202, 2599, 201, 198, 220, 220, 220, 220, 220, 220, 220, 611, 5584, 3198, 22785, 1875, 657, 25, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5584, 3198, 22785, 796, 5584, 3198, 22785, 532, 352, 201, 198, 220, 220, 220, 220, 220, 220, 220, 611, 5584, 7571, 22785, 1875, 657, 25, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5584, 7571, 22785, 796, 5584, 7571, 22785, 532, 352, 201, 198, 220, 220, 220, 220, 220, 220, 220, 611, 5584, 12510, 22785, 1875, 657, 25, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5584, 12510, 22785, 796, 5584, 12510, 22785, 532, 352, 201, 198, 220, 220, 220, 220, 220, 220, 220, 611, 5584, 15137, 22785, 1875, 657, 25, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5584, 15137, 22785, 796, 5584, 15137, 22785, 532, 352, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 201, 198, 220, 220, 220, 220, 220, 220, 220, 31028, 13, 2617, 62, 47, 22117, 62, 26278, 13696, 7, 76, 20965, 3198, 11, 220, 5584, 3198, 22785, 8, 201, 198, 220, 220, 220, 220, 220, 220, 220, 31028, 13, 2617, 62, 47, 22117, 62, 26278, 13696, 7, 76, 20965, 7571, 11, 220, 5584, 7571, 22785, 8, 201, 198, 220, 220, 220, 220, 220, 220, 220, 31028, 13, 2617, 62, 47, 22117, 62, 26278, 13696, 7, 76, 20965, 12510, 11, 220, 5584, 12510, 22785, 8, 201, 198, 220, 220, 220, 220, 220, 220, 220, 31028, 13, 2617, 62, 47, 22117, 62, 26278, 13696, 7, 76, 20965, 15137, 11, 220, 5584, 15137, 22785, 8, 201, 198, 201, 198, 220, 220, 220, 220, 220, 220, 220, 611, 357, 76, 20965, 3198, 22785, 6624, 657, 8, 290, 357, 76, 20965, 7571, 22785, 6624, 657, 8, 290, 357, 76, 20965, 12510, 22785, 6624, 657, 8, 290, 357, 76, 20965, 15137, 22785, 6624, 657, 2599, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1080, 2202, 796, 10352, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 201, 198, 41143, 278, 796, 10352, 201, 198, 201, 198, 4798, 5855, 11964, 40411, 4943, 201, 198, 201, 198, 2, 24429 ]
2.141832
4,879
import os import json import random import time import numpy as np with open('../manifest/output.manifest', 'r') as f: output = [json.loads(line) for line in f.readlines()] # Shuffle output in place. np.random.shuffle(output) dataset_size = len(output) train_test_split_index = round(dataset_size*0.8) train_data = output[:int(train_test_split_index)] validation_data = output[int(train_test_split_index):] num_training_samples = 0 with open('train.manifest', 'w') as f: for line in train_data: f.write(json.dumps(line)) f.write('\n') num_training_samples += 1 with open('validation.manifest', 'w') as f: for line in validation_data: f.write(json.dumps(line)) f.write('\n')
[ 11748, 28686, 198, 11748, 33918, 198, 11748, 4738, 198, 11748, 640, 198, 11748, 299, 32152, 355, 45941, 198, 198, 4480, 1280, 10786, 40720, 805, 8409, 14, 22915, 13, 805, 8409, 3256, 705, 81, 11537, 355, 277, 25, 198, 220, 220, 220, 5072, 796, 685, 17752, 13, 46030, 7, 1370, 8, 329, 1627, 287, 277, 13, 961, 6615, 3419, 60, 198, 198, 2, 911, 18137, 5072, 287, 1295, 13, 198, 37659, 13, 25120, 13, 1477, 18137, 7, 22915, 8, 198, 220, 220, 220, 220, 198, 19608, 292, 316, 62, 7857, 796, 18896, 7, 22915, 8, 198, 27432, 62, 9288, 62, 35312, 62, 9630, 796, 2835, 7, 19608, 292, 316, 62, 7857, 9, 15, 13, 23, 8, 198, 198, 27432, 62, 7890, 796, 5072, 58, 25, 600, 7, 27432, 62, 9288, 62, 35312, 62, 9630, 15437, 198, 12102, 341, 62, 7890, 796, 5072, 58, 600, 7, 27432, 62, 9288, 62, 35312, 62, 9630, 2599, 60, 198, 198, 22510, 62, 34409, 62, 82, 12629, 796, 657, 198, 4480, 1280, 10786, 27432, 13, 805, 8409, 3256, 705, 86, 11537, 355, 277, 25, 198, 220, 220, 220, 329, 1627, 287, 4512, 62, 7890, 25, 198, 220, 220, 220, 220, 220, 220, 220, 277, 13, 13564, 7, 17752, 13, 67, 8142, 7, 1370, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 277, 13, 13564, 10786, 59, 77, 11537, 198, 220, 220, 220, 220, 220, 220, 220, 997, 62, 34409, 62, 82, 12629, 15853, 352, 198, 220, 220, 220, 220, 198, 4480, 1280, 10786, 12102, 341, 13, 805, 8409, 3256, 705, 86, 11537, 355, 277, 25, 198, 220, 220, 220, 329, 1627, 287, 21201, 62, 7890, 25, 198, 220, 220, 220, 220, 220, 220, 220, 277, 13, 13564, 7, 17752, 13, 67, 8142, 7, 1370, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 277, 13, 13564, 10786, 59, 77, 11537 ]
2.422951
305
num = int(input('Digite um número inteiro: ')) print('''Escolha uma das bases para convertê-lo: [1] Converter para \033[34mBinário\033[m [2] Convertar para \033[34mOctal\033[m [3] Converter para \033[34mHexadecimal\033[m ''') opçao = int(input('Sua opção: ')) if opçao == 1: print(f'{num} convertido para \033[31mBinário\033[m é igual a {bin(num)[2:]}') elif opçao == 2: print(f'{num} convertido para \033[31mOctal\033[m é igual a {oct(num)[2:]}') elif opçao == 3: print(f'{num} convertido para \033[31mHexadecimal\033[m é igual a {hex(num)[2:]}') else: print('A opção escolhida é \033[31minválida\033[m, selecione 1, 2 ou 3.')
[ 22510, 796, 493, 7, 15414, 10786, 19511, 578, 23781, 299, 21356, 647, 78, 493, 68, 7058, 25, 705, 4008, 198, 4798, 7, 7061, 6, 47051, 349, 3099, 334, 2611, 288, 292, 12536, 31215, 10385, 25792, 12, 5439, 25, 220, 198, 58, 16, 60, 35602, 353, 31215, 3467, 44427, 58, 2682, 76, 33, 259, 6557, 27250, 59, 44427, 58, 76, 198, 58, 17, 60, 38240, 283, 31215, 3467, 44427, 58, 2682, 76, 12349, 282, 59, 44427, 58, 76, 198, 58, 18, 60, 35602, 353, 31215, 3467, 44427, 58, 2682, 76, 39, 1069, 671, 66, 4402, 59, 44427, 58, 76, 705, 7061, 8, 198, 404, 16175, 5488, 796, 493, 7, 15414, 10786, 5606, 64, 1034, 16175, 28749, 25, 705, 4008, 198, 361, 1034, 16175, 5488, 6624, 352, 25, 198, 220, 220, 220, 3601, 7, 69, 6, 90, 22510, 92, 10385, 17305, 31215, 3467, 44427, 58, 3132, 76, 33, 259, 6557, 27250, 59, 44427, 58, 76, 38251, 45329, 723, 257, 1391, 8800, 7, 22510, 38381, 17, 47715, 92, 11537, 198, 417, 361, 1034, 16175, 5488, 6624, 362, 25, 198, 220, 220, 220, 3601, 7, 69, 6, 90, 22510, 92, 10385, 17305, 31215, 3467, 44427, 58, 3132, 76, 12349, 282, 59, 44427, 58, 76, 38251, 45329, 723, 257, 1391, 38441, 7, 22510, 38381, 17, 47715, 92, 11537, 198, 417, 361, 1034, 16175, 5488, 6624, 513, 25, 198, 220, 220, 220, 3601, 7, 69, 6, 90, 22510, 92, 10385, 17305, 31215, 3467, 44427, 58, 3132, 76, 39, 1069, 671, 66, 4402, 59, 44427, 58, 76, 38251, 45329, 723, 257, 1391, 33095, 7, 22510, 38381, 17, 47715, 92, 11537, 198, 17772, 25, 198, 220, 220, 220, 3601, 10786, 32, 1034, 16175, 28749, 3671, 349, 71, 3755, 38251, 3467, 44427, 58, 3132, 1084, 85, 6557, 75, 3755, 59, 44427, 58, 76, 11, 384, 293, 66, 7935, 352, 11, 362, 267, 84, 513, 2637, 8, 198 ]
2.094156
308
from rest_framework.authentication import TokenAuthentication
[ 6738, 1334, 62, 30604, 13, 41299, 3299, 1330, 29130, 47649, 3299, 628 ]
5.25
12
from typing import Dict from fastapi.testclient import TestClient from sqlalchemy.orm import Session from app.config import settings from tests.utils.utils import random_email, random_lower_string
[ 6738, 19720, 1330, 360, 713, 198, 198, 6738, 3049, 15042, 13, 9288, 16366, 1330, 6208, 11792, 198, 6738, 44161, 282, 26599, 13, 579, 1330, 23575, 198, 198, 6738, 598, 13, 11250, 1330, 6460, 198, 6738, 5254, 13, 26791, 13, 26791, 1330, 4738, 62, 12888, 11, 4738, 62, 21037, 62, 8841, 628, 198 ]
3.865385
52
from random import uniform import lepy from PySide2Wrapper.PySide2Wrapper.window import MainWindow from PySide2Wrapper.PySide2Wrapper.widget import OpenGLWidget from PySide2Wrapper.PySide2Wrapper.app import Application if __name__ == "__main__": simple_scene = SimpleScene() app = Application() gl_widget = OpenGLWidget(simple_scene.init, simple_scene.resize, simple_scene.draw) gl_widget.set_mouse_press_callback(simple_scene.process_mouse_press) gl_widget.set_mouse_move_callback(simple_scene.process_cursore_movement) gl_widget.set_wheel_scroll_event(simple_scene.process_wheel) main_window = MainWindow("Simple Scene Example") main_window.add_widget(gl_widget, need_stretch=False) main_window.resize(800, 700) main_window.move(100, 100) main_window.show() app.run()
[ 6738, 4738, 1330, 8187, 198, 198, 11748, 443, 9078, 198, 6738, 9485, 24819, 17, 36918, 2848, 13, 20519, 24819, 17, 36918, 2848, 13, 17497, 1330, 8774, 27703, 198, 6738, 9485, 24819, 17, 36918, 2848, 13, 20519, 24819, 17, 36918, 2848, 13, 42655, 1330, 30672, 38300, 198, 6738, 9485, 24819, 17, 36918, 2848, 13, 20519, 24819, 17, 36918, 2848, 13, 1324, 1330, 15678, 628, 198, 198, 361, 11593, 3672, 834, 6624, 366, 834, 12417, 834, 1298, 198, 220, 220, 220, 2829, 62, 29734, 796, 17427, 36542, 3419, 628, 220, 220, 220, 598, 796, 15678, 3419, 628, 220, 220, 220, 1278, 62, 42655, 796, 30672, 38300, 7, 36439, 62, 29734, 13, 15003, 11, 2829, 62, 29734, 13, 411, 1096, 11, 2829, 62, 29734, 13, 19334, 8, 198, 220, 220, 220, 1278, 62, 42655, 13, 2617, 62, 35888, 62, 8439, 62, 47423, 7, 36439, 62, 29734, 13, 14681, 62, 35888, 62, 8439, 8, 198, 220, 220, 220, 1278, 62, 42655, 13, 2617, 62, 35888, 62, 21084, 62, 47423, 7, 36439, 62, 29734, 13, 14681, 62, 66, 1834, 382, 62, 21084, 434, 8, 198, 220, 220, 220, 1278, 62, 42655, 13, 2617, 62, 22001, 62, 48728, 62, 15596, 7, 36439, 62, 29734, 13, 14681, 62, 22001, 8, 628, 220, 220, 220, 1388, 62, 17497, 796, 8774, 27703, 7203, 26437, 28315, 17934, 4943, 198, 220, 220, 220, 1388, 62, 17497, 13, 2860, 62, 42655, 7, 4743, 62, 42655, 11, 761, 62, 301, 22592, 28, 25101, 8, 198, 220, 220, 220, 1388, 62, 17497, 13, 411, 1096, 7, 7410, 11, 13037, 8, 198, 220, 220, 220, 1388, 62, 17497, 13, 21084, 7, 3064, 11, 1802, 8, 198, 220, 220, 220, 1388, 62, 17497, 13, 12860, 3419, 628, 220, 220, 220, 598, 13, 5143, 3419, 198 ]
2.858131
289
from dotenv import load_dotenv load_dotenv() from app.web import create_app app = create_app() if __name__ == '__main__': app.run()
[ 6738, 16605, 24330, 1330, 3440, 62, 26518, 24330, 198, 198, 2220, 62, 26518, 24330, 3419, 198, 198, 6738, 598, 13, 12384, 1330, 2251, 62, 1324, 198, 198, 1324, 796, 2251, 62, 1324, 3419, 198, 198, 361, 11593, 3672, 834, 6624, 705, 834, 12417, 834, 10354, 198, 220, 220, 220, 598, 13, 5143, 3419, 198 ]
2.592593
54
import numpy as np import base64 from PIL import Image import cv2 #from StringIO import StringIO import numpy as np import io from io import BytesIO # if(img): #img=cv2.imread(np1,cv2.IMREAD_UNCHANGED)
[ 198, 11748, 299, 32152, 355, 45941, 198, 11748, 2779, 2414, 198, 6738, 350, 4146, 1330, 7412, 198, 11748, 269, 85, 17, 198, 2, 6738, 10903, 9399, 1330, 10903, 9399, 198, 11748, 299, 32152, 355, 45941, 198, 11748, 33245, 198, 6738, 33245, 1330, 2750, 4879, 9399, 628, 220, 220, 1303, 611, 7, 9600, 2599, 628, 220, 220, 220, 1303, 9600, 28, 33967, 17, 13, 320, 961, 7, 37659, 16, 11, 33967, 17, 13, 3955, 15675, 62, 47461, 15567, 1961, 8, 628, 628 ]
2.654321
81
# Licensed to the StackStorm, Inc ('StackStorm') under one or more # contributor license agreements. See the NOTICE file distributed with # this work for additional information regarding copyright ownership. # The ASF licenses this file to You 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. import pecan import six from mongoengine import ValidationError from st2api.controllers import resource from st2common import log as logging from st2common.exceptions.apivalidation import ValueValidationException from st2common.exceptions.db import StackStormDBObjectConflictError from st2common.models.api.action import ActionAliasAPI from st2common.persistence.actionalias import ActionAlias from st2common.models.api.base import jsexpose http_client = six.moves.http_client LOG = logging.getLogger(__name__) class ActionAliasController(resource.ContentPackResourceController): """ Implements the RESTful interface for ActionAliases. """ model = ActionAliasAPI access = ActionAlias supported_filters = { 'name': 'name', 'pack': 'pack' } query_options = { 'sort': ['pack', 'name'] } @jsexpose(body_cls=ActionAliasAPI, status_code=http_client.CREATED) def post(self, action_alias): """ Create a new ActionAlias. Handles requests: POST /actionalias/ """ try: action_alias_db = ActionAliasAPI.to_model(action_alias) LOG.debug('/actionalias/ POST verified ActionAliasAPI and formulated ActionAliasDB=%s', action_alias_db) action_alias_db = ActionAlias.add_or_update(action_alias_db) except (ValidationError, ValueError, ValueValidationException) as e: LOG.exception('Validation failed for action alias data=%s.', action_alias) pecan.abort(http_client.BAD_REQUEST, str(e)) return except StackStormDBObjectConflictError as e: LOG.warn('ActionAlias creation of %s failed with uniqueness conflict.', action_alias, exc_info=True) pecan.abort(http_client.CONFLICT, str(e), body={'conflict-id': e.conflict_id}) return extra = {'action_alias_db': action_alias_db} LOG.audit('Action alias created. ActionAlias.id=%s' % (action_alias_db.id), extra=extra) action_alias_api = ActionAliasAPI.from_model(action_alias_db) return action_alias_api @jsexpose(arg_types=[str], body_cls=ActionAliasAPI) @jsexpose(arg_types=[str], status_code=http_client.NO_CONTENT) def delete(self, action_alias_ref_or_id): """ Delete an action alias. Handles requests: DELETE /actionalias/1 """ action_alias_db = self._get_by_ref_or_id(ref_or_id=action_alias_ref_or_id) LOG.debug('DELETE /actionalias/ lookup with id=%s found object: %s', action_alias_ref_or_id, action_alias_db) try: ActionAlias.delete(action_alias_db) except Exception as e: LOG.exception('Database delete encountered exception during delete of id="%s".', action_alias_ref_or_id) pecan.abort(http_client.INTERNAL_SERVER_ERROR, str(e)) return extra = {'action_alias_db': action_alias_db} LOG.audit('Action alias deleted. ActionAlias.id=%s.' % (action_alias_db.id), extra=extra)
[ 2, 49962, 284, 262, 23881, 32173, 11, 3457, 19203, 25896, 32173, 11537, 739, 530, 393, 517, 198, 2, 18920, 5964, 11704, 13, 220, 4091, 262, 28536, 2393, 9387, 351, 198, 2, 428, 670, 329, 3224, 1321, 5115, 6634, 9238, 13, 198, 2, 383, 7054, 37, 16625, 428, 2393, 284, 921, 739, 262, 24843, 13789, 11, 10628, 362, 13, 15, 198, 2, 357, 1169, 366, 34156, 15341, 345, 743, 407, 779, 428, 2393, 2845, 287, 11846, 351, 198, 2, 262, 13789, 13, 220, 921, 743, 7330, 257, 4866, 286, 262, 13789, 379, 198, 2, 198, 2, 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, 11748, 613, 5171, 198, 11748, 2237, 198, 198, 6738, 285, 25162, 18392, 1330, 3254, 24765, 12331, 198, 6738, 336, 17, 15042, 13, 3642, 36667, 1330, 8271, 198, 6738, 336, 17, 11321, 1330, 2604, 355, 18931, 198, 6738, 336, 17, 11321, 13, 1069, 11755, 13, 499, 2473, 24765, 1330, 11052, 7762, 24765, 16922, 198, 6738, 336, 17, 11321, 13, 1069, 11755, 13, 9945, 1330, 23881, 32173, 11012, 10267, 18546, 13758, 12331, 198, 6738, 336, 17, 11321, 13, 27530, 13, 15042, 13, 2673, 1330, 7561, 40489, 17614, 198, 6738, 336, 17, 11321, 13, 19276, 13274, 13, 529, 1538, 4448, 1330, 7561, 40489, 198, 6738, 336, 17, 11321, 13, 27530, 13, 15042, 13, 8692, 1330, 474, 8044, 3455, 198, 198, 4023, 62, 16366, 796, 2237, 13, 76, 5241, 13, 4023, 62, 16366, 198, 198, 25294, 796, 18931, 13, 1136, 11187, 1362, 7, 834, 3672, 834, 8, 628, 198, 4871, 7561, 40489, 22130, 7, 31092, 13, 19746, 11869, 26198, 22130, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1846, 1154, 902, 262, 30617, 913, 7071, 329, 7561, 37893, 1386, 13, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 2746, 796, 7561, 40489, 17614, 198, 220, 220, 220, 1895, 796, 7561, 40489, 198, 220, 220, 220, 4855, 62, 10379, 1010, 796, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 705, 3672, 10354, 705, 3672, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 705, 8002, 10354, 705, 8002, 6, 198, 220, 220, 220, 1782, 628, 220, 220, 220, 12405, 62, 25811, 796, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 705, 30619, 10354, 37250, 8002, 3256, 705, 3672, 20520, 198, 220, 220, 220, 1782, 628, 220, 220, 220, 2488, 73, 8044, 3455, 7, 2618, 62, 565, 82, 28, 12502, 40489, 17614, 11, 3722, 62, 8189, 28, 4023, 62, 16366, 13, 43387, 11617, 8, 198, 220, 220, 220, 825, 1281, 7, 944, 11, 2223, 62, 26011, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 13610, 257, 649, 7561, 40489, 13, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 7157, 829, 7007, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 24582, 1220, 529, 1538, 4448, 14, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1949, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2223, 62, 26011, 62, 9945, 796, 7561, 40489, 17614, 13, 1462, 62, 19849, 7, 2673, 62, 26011, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 41605, 13, 24442, 10786, 14, 529, 1538, 4448, 14, 24582, 19000, 7561, 40489, 17614, 290, 34391, 7561, 40489, 11012, 28, 4, 82, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2223, 62, 26011, 62, 9945, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2223, 62, 26011, 62, 9945, 796, 7561, 40489, 13, 2860, 62, 273, 62, 19119, 7, 2673, 62, 26011, 62, 9945, 8, 198, 220, 220, 220, 220, 220, 220, 220, 2845, 357, 7762, 24765, 12331, 11, 11052, 12331, 11, 11052, 7762, 24765, 16922, 8, 355, 304, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 41605, 13, 1069, 4516, 10786, 7762, 24765, 4054, 329, 2223, 16144, 1366, 28, 4, 82, 2637, 11, 2223, 62, 26011, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 613, 5171, 13, 397, 419, 7, 4023, 62, 16366, 13, 33, 2885, 62, 2200, 35780, 11, 965, 7, 68, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1441, 198, 220, 220, 220, 220, 220, 220, 220, 2845, 23881, 32173, 11012, 10267, 18546, 13758, 12331, 355, 304, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 41605, 13, 40539, 10786, 12502, 40489, 6282, 286, 4064, 82, 4054, 351, 49650, 5358, 2637, 11, 2223, 62, 26011, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2859, 62, 10951, 28, 17821, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 613, 5171, 13, 397, 419, 7, 4023, 62, 16366, 13, 10943, 3697, 18379, 11, 965, 7, 68, 828, 1767, 34758, 6, 10414, 13758, 12, 312, 10354, 304, 13, 10414, 13758, 62, 312, 30072, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1441, 628, 220, 220, 220, 220, 220, 220, 220, 3131, 796, 1391, 6, 2673, 62, 26011, 62, 9945, 10354, 2223, 62, 26011, 62, 9945, 92, 198, 220, 220, 220, 220, 220, 220, 220, 41605, 13, 3885, 270, 10786, 12502, 16144, 2727, 13, 7561, 40489, 13, 312, 28, 4, 82, 6, 4064, 357, 2673, 62, 26011, 62, 9945, 13, 312, 828, 3131, 28, 26086, 8, 198, 220, 220, 220, 220, 220, 220, 220, 2223, 62, 26011, 62, 15042, 796, 7561, 40489, 17614, 13, 6738, 62, 19849, 7, 2673, 62, 26011, 62, 9945, 8, 628, 220, 220, 220, 220, 220, 220, 220, 1441, 2223, 62, 26011, 62, 15042, 628, 220, 220, 220, 2488, 73, 8044, 3455, 7, 853, 62, 19199, 41888, 2536, 4357, 1767, 62, 565, 82, 28, 12502, 40489, 17614, 8, 628, 220, 220, 220, 2488, 73, 8044, 3455, 7, 853, 62, 19199, 41888, 2536, 4357, 3722, 62, 8189, 28, 4023, 62, 16366, 13, 15285, 62, 37815, 3525, 8, 198, 220, 220, 220, 825, 12233, 7, 944, 11, 2223, 62, 26011, 62, 5420, 62, 273, 62, 312, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 23520, 281, 2223, 16144, 13, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 7157, 829, 7007, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5550, 2538, 9328, 1220, 529, 1538, 4448, 14, 16, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 2223, 62, 26011, 62, 9945, 796, 2116, 13557, 1136, 62, 1525, 62, 5420, 62, 273, 62, 312, 7, 5420, 62, 273, 62, 312, 28, 2673, 62, 26011, 62, 5420, 62, 273, 62, 312, 8, 198, 220, 220, 220, 220, 220, 220, 220, 41605, 13, 24442, 10786, 7206, 2538, 9328, 1220, 529, 1538, 4448, 14, 35847, 351, 4686, 28, 4, 82, 1043, 2134, 25, 4064, 82, 3256, 2223, 62, 26011, 62, 5420, 62, 273, 62, 312, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2223, 62, 26011, 62, 9945, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1949, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 7561, 40489, 13, 33678, 7, 2673, 62, 26011, 62, 9945, 8, 198, 220, 220, 220, 220, 220, 220, 220, 2845, 35528, 355, 304, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 41605, 13, 1069, 4516, 10786, 38105, 12233, 12956, 6631, 1141, 12233, 286, 4686, 2625, 4, 82, 1911, 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, 2223, 62, 26011, 62, 5420, 62, 273, 62, 312, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 613, 5171, 13, 397, 419, 7, 4023, 62, 16366, 13, 1268, 31800, 1847, 62, 35009, 5959, 62, 24908, 11, 965, 7, 68, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1441, 628, 220, 220, 220, 220, 220, 220, 220, 3131, 796, 1391, 6, 2673, 62, 26011, 62, 9945, 10354, 2223, 62, 26011, 62, 9945, 92, 198, 220, 220, 220, 220, 220, 220, 220, 41605, 13, 3885, 270, 10786, 12502, 16144, 13140, 13, 7561, 40489, 13, 312, 28, 4, 82, 2637, 4064, 357, 2673, 62, 26011, 62, 9945, 13, 312, 828, 3131, 28, 26086, 8, 198 ]
2.556708
1,543
import sys from .escape_seq import csi from .escape_seq import CSI, SGR, ColorsMode, Color """Rudimentary ANSI support. See: https://en.wikipedia.org/wiki/ANSI_escape_code """ def cursor_position(n=1, m=1): """Move cursor to row n, column m (1-indexed from top-left).""" return csi(CSI.CUP, n, m)
[ 11748, 25064, 198, 198, 6738, 764, 41915, 62, 41068, 1330, 269, 13396, 198, 6738, 764, 41915, 62, 41068, 1330, 49911, 11, 311, 10761, 11, 29792, 19076, 11, 5315, 628, 198, 37811, 49, 463, 39051, 3537, 11584, 1104, 13, 198, 198, 6214, 25, 3740, 1378, 268, 13, 31266, 13, 2398, 14, 15466, 14, 1565, 11584, 62, 41915, 62, 8189, 198, 198, 37811, 628, 198, 4299, 23493, 62, 9150, 7, 77, 28, 16, 11, 285, 28, 16, 2599, 198, 220, 220, 220, 37227, 21774, 23493, 284, 5752, 299, 11, 5721, 285, 357, 16, 12, 9630, 276, 422, 1353, 12, 9464, 21387, 15931, 198, 220, 220, 220, 1441, 269, 13396, 7, 7902, 40, 13, 34, 8577, 11, 299, 11, 285, 8, 628, 628, 628, 628, 628, 628 ]
2.604839
124
n = int(input('digite um número inteiro: ')) op = int(input('''escolha uma opção de conversão: [ 1 ] Binário [ 2 ] Octal [ 3 ] Hexadecimal''')) if op == 1: print(bin(n)[2:]) elif op == 2: print(oct(n)[2:]) elif op == 3: print(hex(n)[2:])
[ 77, 796, 493, 7, 15414, 10786, 12894, 578, 23781, 299, 21356, 647, 78, 493, 68, 7058, 25, 705, 4008, 201, 198, 201, 198, 404, 796, 493, 7, 15414, 7, 7061, 6, 3798, 349, 3099, 334, 2611, 1034, 16175, 28749, 390, 3453, 28749, 25, 220, 201, 198, 58, 352, 2361, 20828, 6557, 27250, 201, 198, 58, 362, 2361, 2556, 282, 201, 198, 58, 513, 2361, 22212, 671, 66, 4402, 7061, 6, 4008, 201, 198, 201, 198, 361, 1034, 6624, 352, 25, 201, 198, 220, 220, 220, 3601, 7, 8800, 7, 77, 38381, 17, 25, 12962, 201, 198, 201, 198, 417, 361, 1034, 6624, 362, 25, 201, 198, 220, 220, 220, 3601, 7, 38441, 7, 77, 38381, 17, 25, 12962, 201, 198, 201, 198, 417, 361, 1034, 6624, 513, 25, 201, 198, 220, 220, 220, 3601, 7, 33095, 7, 77, 38381, 17, 25, 12962, 201, 198 ]
1.875
144
try: from loader.loader import loader except ImportError as err: print(f"Import failed, {err}")
[ 28311, 25, 201, 198, 220, 220, 220, 422, 40213, 13, 29356, 1330, 40213, 201, 198, 16341, 17267, 12331, 355, 11454, 25, 201, 198, 220, 220, 220, 3601, 7, 69, 1, 20939, 4054, 11, 1391, 8056, 92, 4943 ]
2.864865
37
import itertools import os import string import numpy as np from msibi import MSIBI, Pair, State, mie os.system("rm rdfs/pair_C3*_state*-step*.txt f_fits.log") os.system("rm state_*/*.txt state*/run.py state*/*query.dcd") # Set up global parameters. rdf_cutoff = 5.0 opt = MSIBI( rdf_cutoff=rdf_cutoff, n_rdf_points=201, pot_cutoff=3.0, smooth_rdfs=True ) # Specify states. stateA = State( kT=0.5, state_dir="./state_A", top_file="start.hoomdxml", name="stateA", backup_trajectory=True, ) stateB = State( kT=1.5, state_dir="./state_B", top_file="start.hoomdxml", name="stateB", backup_trajectory=True, ) stateC = State( kT=2.0, state_dir="./state_C", top_file="start.hoomdxml", name="stateC", backup_trajectory=True, ) states = [stateA, stateB, stateC] # Specify pairs. indices = list(itertools.combinations(range(1024), 2)) # all-all for 1024 atoms initial_guess = mie(opt.pot_r, 1.0, 1.0) # 1-D array of potential values. alphabet = ["A", "B", "C"] rdf_targets = [ np.loadtxt("rdfs/C3-C3-state_{0}.txt".format(i)) for i in alphabet ] pair0 = Pair("C3", "C3", initial_guess) alphas = [1.0, 1.0, 1.0] # Add targets to pair. for state, target, alpha in zip(states, rdf_targets, alphas): pair0.add_state(state, target, alpha, indices) pairs = [pair0] # optimize() expects a list of pairs # Do magic. opt.optimize(states, pairs, n_iterations=5, engine="hoomd")
[ 11748, 340, 861, 10141, 198, 11748, 28686, 198, 11748, 4731, 198, 198, 11748, 299, 32152, 355, 45941, 198, 198, 6738, 13845, 27567, 1330, 30781, 3483, 11, 39645, 11, 1812, 11, 285, 494, 198, 198, 418, 13, 10057, 7203, 26224, 374, 7568, 82, 14, 24874, 62, 34, 18, 9, 62, 5219, 9, 12, 9662, 24620, 14116, 277, 62, 21013, 13, 6404, 4943, 198, 418, 13, 10057, 7203, 26224, 1181, 62, 9, 15211, 13, 14116, 1181, 16208, 5143, 13, 9078, 1181, 9, 15211, 22766, 13, 67, 10210, 4943, 628, 198, 2, 5345, 510, 3298, 10007, 13, 198, 4372, 69, 62, 8968, 2364, 796, 642, 13, 15, 198, 8738, 796, 30781, 3483, 7, 198, 220, 220, 220, 374, 7568, 62, 8968, 2364, 28, 4372, 69, 62, 8968, 2364, 11, 299, 62, 4372, 69, 62, 13033, 28, 1264, 11, 1787, 62, 8968, 2364, 28, 18, 13, 15, 11, 7209, 62, 4372, 9501, 28, 17821, 198, 8, 198, 198, 2, 18291, 1958, 2585, 13, 198, 5219, 32, 796, 1812, 7, 198, 220, 220, 220, 479, 51, 28, 15, 13, 20, 11, 198, 220, 220, 220, 1181, 62, 15908, 28, 1911, 14, 5219, 62, 32, 1600, 198, 220, 220, 220, 1353, 62, 7753, 2625, 9688, 13, 71, 4207, 67, 19875, 1600, 198, 220, 220, 220, 1438, 2625, 5219, 32, 1600, 198, 220, 220, 220, 11559, 62, 9535, 752, 652, 28, 17821, 11, 198, 8, 198, 5219, 33, 796, 1812, 7, 198, 220, 220, 220, 479, 51, 28, 16, 13, 20, 11, 198, 220, 220, 220, 1181, 62, 15908, 28, 1911, 14, 5219, 62, 33, 1600, 198, 220, 220, 220, 1353, 62, 7753, 2625, 9688, 13, 71, 4207, 67, 19875, 1600, 198, 220, 220, 220, 1438, 2625, 5219, 33, 1600, 198, 220, 220, 220, 11559, 62, 9535, 752, 652, 28, 17821, 11, 198, 8, 198, 5219, 34, 796, 1812, 7, 198, 220, 220, 220, 479, 51, 28, 17, 13, 15, 11, 198, 220, 220, 220, 1181, 62, 15908, 28, 1911, 14, 5219, 62, 34, 1600, 198, 220, 220, 220, 1353, 62, 7753, 2625, 9688, 13, 71, 4207, 67, 19875, 1600, 198, 220, 220, 220, 1438, 2625, 5219, 34, 1600, 198, 220, 220, 220, 11559, 62, 9535, 752, 652, 28, 17821, 11, 198, 8, 198, 27219, 796, 685, 5219, 32, 11, 1181, 33, 11, 1181, 34, 60, 198, 198, 2, 18291, 1958, 14729, 13, 198, 521, 1063, 796, 1351, 7, 270, 861, 10141, 13, 24011, 7352, 7, 9521, 7, 35500, 828, 362, 4008, 220, 1303, 477, 12, 439, 329, 28119, 23235, 198, 198, 36733, 62, 5162, 408, 796, 285, 494, 7, 8738, 13, 13059, 62, 81, 11, 352, 13, 15, 11, 352, 13, 15, 8, 220, 1303, 352, 12, 35, 7177, 286, 2785, 3815, 13, 198, 17307, 8380, 796, 14631, 32, 1600, 366, 33, 1600, 366, 34, 8973, 198, 4372, 69, 62, 83, 853, 1039, 796, 685, 198, 220, 220, 220, 45941, 13, 2220, 14116, 7203, 4372, 9501, 14, 34, 18, 12, 34, 18, 12, 5219, 23330, 15, 27422, 14116, 1911, 18982, 7, 72, 4008, 329, 1312, 287, 24830, 198, 60, 198, 198, 24874, 15, 796, 39645, 7203, 34, 18, 1600, 366, 34, 18, 1600, 4238, 62, 5162, 408, 8, 198, 282, 5902, 796, 685, 16, 13, 15, 11, 352, 13, 15, 11, 352, 13, 15, 60, 198, 198, 2, 3060, 6670, 284, 5166, 13, 198, 1640, 1181, 11, 2496, 11, 17130, 287, 19974, 7, 27219, 11, 374, 7568, 62, 83, 853, 1039, 11, 435, 5902, 2599, 198, 220, 220, 220, 5166, 15, 13, 2860, 62, 5219, 7, 5219, 11, 2496, 11, 17130, 11, 36525, 8, 198, 79, 3468, 796, 685, 24874, 15, 60, 220, 1303, 27183, 3419, 13423, 257, 1351, 286, 14729, 198, 198, 2, 2141, 5536, 13, 198, 8738, 13, 40085, 1096, 7, 27219, 11, 14729, 11, 299, 62, 2676, 602, 28, 20, 11, 3113, 2625, 71, 4207, 67, 4943, 198 ]
2.274016
635
# -*- test-case-name: twisted.web2.dav.test.test_delete -*- ## # Copyright (c) 2005 Apple Computer, Inc. All rights reserved. # # Permission is hereby granted, free of charge, to any person obtaining a copy # of this software and associated documentation files (the "Software"), to deal # in the Software without restriction, including without limitation the rights # to use, copy, modify, merge, publish, distribute, sublicense, and/or sell # copies of the Software, and to permit persons to whom the Software is # furnished to do so, subject to the following conditions: # # The above copyright notice and this permission notice shall be included in all # copies or substantial portions of the Software. # # THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR # IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, # FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE # AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER # LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, # OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE # SOFTWARE. # # DRI: Wilfredo Sanchez, [email protected] ## """ WebDAV DELETE method """ __all__ = ["http_DELETE"] from twisted.python import log from twisted.web2 import responsecode from twisted.web2.dav.fileop import delete def http_DELETE(self, request): """ Respond to a DELETE request. (RFC 2518, section 8.6) """ if not self.fp.exists(): log.err("File not found: %s" % (self.fp.path,)) return responsecode.NOT_FOUND depth = request.headers.getHeader("depth", "infinity") return delete(request.uri, self.fp, depth)
[ 2, 532, 9, 12, 1332, 12, 7442, 12, 3672, 25, 19074, 13, 12384, 17, 13, 67, 615, 13, 9288, 13, 9288, 62, 33678, 532, 9, 12, 198, 2235, 198, 2, 15069, 357, 66, 8, 5075, 4196, 13851, 11, 3457, 13, 1439, 2489, 10395, 13, 198, 2, 198, 2, 2448, 3411, 318, 29376, 7520, 11, 1479, 286, 3877, 11, 284, 597, 1048, 16727, 257, 4866, 198, 2, 286, 428, 3788, 290, 3917, 10314, 3696, 357, 1169, 366, 25423, 12340, 284, 1730, 198, 2, 287, 262, 10442, 1231, 17504, 11, 1390, 1231, 17385, 262, 2489, 198, 2, 284, 779, 11, 4866, 11, 13096, 11, 20121, 11, 7715, 11, 14983, 11, 850, 43085, 11, 290, 14, 273, 3677, 198, 2, 9088, 286, 262, 10442, 11, 290, 284, 8749, 6506, 284, 4150, 262, 10442, 318, 198, 2, 30760, 284, 466, 523, 11, 2426, 284, 262, 1708, 3403, 25, 198, 2, 220, 198, 2, 383, 2029, 6634, 4003, 290, 428, 7170, 4003, 2236, 307, 3017, 287, 477, 198, 2, 9088, 393, 8904, 16690, 286, 262, 10442, 13, 198, 2, 220, 198, 2, 3336, 47466, 3180, 36592, 2389, 1961, 366, 1921, 3180, 1600, 42881, 34764, 56, 3963, 15529, 509, 12115, 11, 7788, 32761, 6375, 198, 2, 8959, 49094, 11, 47783, 2751, 21728, 5626, 40880, 5390, 3336, 34764, 11015, 3963, 34482, 3398, 1565, 5603, 25382, 11, 198, 2, 376, 46144, 7473, 317, 16652, 2149, 37232, 33079, 48933, 5357, 44521, 1268, 10913, 2751, 12529, 13, 3268, 8005, 49261, 50163, 3336, 198, 2, 37195, 20673, 6375, 27975, 38162, 9947, 367, 15173, 4877, 9348, 43031, 19146, 7473, 15529, 47666, 3955, 11, 29506, 25552, 6375, 25401, 198, 2, 43031, 25382, 11, 7655, 2767, 16879, 3268, 3537, 40282, 3963, 27342, 10659, 11, 309, 9863, 6375, 25401, 54, 24352, 11, 5923, 1797, 2751, 16034, 11, 198, 2, 16289, 3963, 6375, 3268, 7102, 45, 24565, 13315, 3336, 47466, 6375, 3336, 23210, 6375, 25401, 5550, 1847, 20754, 3268, 3336, 198, 2, 47466, 13, 198, 2, 198, 2, 360, 7112, 25, 5187, 39193, 78, 21909, 11, 266, 82, 20364, 31, 18040, 13, 785, 198, 2235, 198, 198, 37811, 198, 13908, 5631, 53, 5550, 2538, 9328, 2446, 198, 37811, 198, 198, 834, 439, 834, 796, 14631, 4023, 62, 7206, 2538, 9328, 8973, 198, 198, 6738, 19074, 13, 29412, 1330, 2604, 198, 6738, 19074, 13, 12384, 17, 1330, 1217, 261, 2363, 1098, 198, 198, 6738, 19074, 13, 12384, 17, 13, 67, 615, 13, 7753, 404, 1330, 12233, 198, 198, 4299, 2638, 62, 7206, 2538, 9328, 7, 944, 11, 2581, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 33556, 284, 257, 5550, 2538, 9328, 2581, 13, 357, 41150, 1679, 1507, 11, 2665, 807, 13, 21, 8, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 611, 407, 2116, 13, 46428, 13, 1069, 1023, 33529, 198, 220, 220, 220, 220, 220, 220, 220, 2604, 13, 8056, 7203, 8979, 407, 1043, 25, 4064, 82, 1, 4064, 357, 944, 13, 46428, 13, 6978, 11, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 1217, 261, 2363, 1098, 13, 11929, 62, 37, 15919, 628, 220, 220, 220, 6795, 796, 2581, 13, 50145, 13, 1136, 39681, 7203, 18053, 1600, 366, 10745, 6269, 4943, 628, 220, 220, 220, 1441, 12233, 7, 25927, 13, 9900, 11, 2116, 13, 46428, 11, 6795, 8, 198 ]
3.225926
540
# flake8: noqa from .draw_curve import draw_froc_curve, draw_roc_curve, draw_pr_curve from .image import Color, imshow, imshow_bboxes __all__ = [k for k in globals().keys() if not k.startswith("_")]
[ 2, 781, 539, 23, 25, 645, 20402, 198, 198, 6738, 764, 19334, 62, 22019, 303, 1330, 3197, 62, 69, 12204, 62, 22019, 303, 11, 3197, 62, 12204, 62, 22019, 303, 11, 3197, 62, 1050, 62, 22019, 303, 198, 6738, 764, 9060, 1330, 5315, 11, 545, 12860, 11, 545, 12860, 62, 65, 29305, 198, 198, 834, 439, 834, 796, 685, 74, 329, 479, 287, 15095, 874, 22446, 13083, 3419, 611, 407, 479, 13, 9688, 2032, 342, 7203, 62, 4943, 60, 198 ]
2.5125
80
import matplotlib.pyplot as plt import matplotlib.dates as mdates import tensorflow as tf import xarray as xr def plot_loss(history: tf.keras.callbacks.History): """ Visualizes the progress of a trained model by plotting the loss per epoch Parameters ---------- history: tf.keras.callbacks.History A Tensorflow history object that holds information about training progress """ plt.plot(history.history['loss'], label='Loss') plt.plot(history.history['val_loss'], label='Validation Loss') plt.xlabel('Epoche') plt.ylabel('RMSE') plt.legend() plt.grid(True)
[ 11748, 2603, 29487, 8019, 13, 9078, 29487, 355, 458, 83, 198, 11748, 2603, 29487, 8019, 13, 19581, 355, 285, 19581, 198, 11748, 11192, 273, 11125, 355, 48700, 198, 11748, 2124, 18747, 355, 2124, 81, 628, 198, 4299, 7110, 62, 22462, 7, 23569, 25, 48700, 13, 6122, 292, 13, 13345, 10146, 13, 18122, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 15612, 4340, 262, 4371, 286, 257, 8776, 2746, 416, 29353, 262, 2994, 583, 36835, 628, 220, 220, 220, 40117, 198, 220, 220, 220, 24200, 438, 198, 220, 220, 220, 2106, 25, 48700, 13, 6122, 292, 13, 13345, 10146, 13, 18122, 198, 220, 220, 220, 220, 220, 220, 220, 317, 309, 22854, 11125, 2106, 2134, 326, 6622, 1321, 546, 3047, 4371, 628, 220, 220, 220, 37227, 198, 220, 220, 220, 458, 83, 13, 29487, 7, 23569, 13, 23569, 17816, 22462, 6, 4357, 6167, 11639, 43, 793, 11537, 198, 220, 220, 220, 458, 83, 13, 29487, 7, 23569, 13, 23569, 17816, 2100, 62, 22462, 6, 4357, 6167, 11639, 7762, 24765, 22014, 11537, 198, 220, 220, 220, 458, 83, 13, 87, 18242, 10786, 13807, 30848, 11537, 198, 220, 220, 220, 458, 83, 13, 2645, 9608, 10786, 29138, 5188, 11537, 198, 220, 220, 220, 458, 83, 13, 1455, 437, 3419, 198, 220, 220, 220, 458, 83, 13, 25928, 7, 17821, 8, 628 ]
2.804545
220
from enum import Enum # Maps token symbol to the token type ONE_SYMBOL_TOKENS = { "+": TokenType.PLUS, "-": TokenType.MINUS, "*": TokenType.MULTIPLY, "/": TokenType.REAL_DIV, "(": TokenType.LPAR, ")": TokenType.RPAR, ";": TokenType.SEMI, ":": TokenType.COLON, ",": TokenType.COMMA, ".": TokenType.DOT, } # Maps token word to the token type RESERVED_KEYWORDS = { "program": TokenType.PROGRAM, "procedure": TokenType.PROCEDURE, "var": TokenType.VAR, "integer": TokenType.INTEGER, "real": TokenType.REAL, "begin": TokenType.BEGIN, "end": TokenType.END, "div": TokenType.INTEGER_DIV, }
[ 6738, 33829, 1330, 2039, 388, 628, 628, 198, 2, 20347, 11241, 6194, 284, 262, 11241, 2099, 198, 11651, 62, 23060, 10744, 3535, 62, 10468, 42, 16938, 796, 1391, 198, 220, 220, 220, 43825, 1298, 29130, 6030, 13, 6489, 2937, 11, 198, 220, 220, 220, 27444, 1298, 29130, 6030, 13, 23678, 2937, 11, 198, 220, 220, 220, 366, 9, 1298, 29130, 6030, 13, 44, 16724, 4061, 11319, 11, 198, 220, 220, 220, 12813, 1298, 29130, 6030, 13, 2200, 1847, 62, 33569, 11, 198, 220, 220, 220, 30629, 1298, 29130, 6030, 13, 19930, 1503, 11, 198, 220, 220, 220, 366, 8, 1298, 29130, 6030, 13, 20031, 1503, 11, 198, 220, 220, 220, 366, 26, 1298, 29130, 6030, 13, 50, 3620, 40, 11, 198, 220, 220, 220, 366, 25, 1298, 29130, 6030, 13, 25154, 1340, 11, 198, 220, 220, 220, 366, 553, 25, 29130, 6030, 13, 9858, 5673, 11, 198, 220, 220, 220, 366, 526, 25, 29130, 6030, 13, 35, 2394, 11, 198, 92, 198, 198, 2, 20347, 11241, 1573, 284, 262, 11241, 2099, 198, 19535, 1137, 53, 1961, 62, 20373, 45359, 5258, 796, 1391, 198, 220, 220, 220, 366, 23065, 1298, 29130, 6030, 13, 4805, 7730, 24115, 11, 198, 220, 220, 220, 366, 1676, 771, 495, 1298, 29130, 6030, 13, 4805, 4503, 1961, 11335, 11, 198, 220, 220, 220, 366, 7785, 1298, 29130, 6030, 13, 53, 1503, 11, 198, 220, 220, 220, 366, 41433, 1298, 29130, 6030, 13, 12394, 7156, 1137, 11, 198, 220, 220, 220, 366, 5305, 1298, 29130, 6030, 13, 2200, 1847, 11, 198, 220, 220, 220, 366, 27471, 1298, 29130, 6030, 13, 33, 43312, 11, 198, 220, 220, 220, 366, 437, 1298, 29130, 6030, 13, 10619, 11, 198, 220, 220, 220, 366, 7146, 1298, 29130, 6030, 13, 12394, 7156, 1137, 62, 33569, 11, 198, 92 ]
2.222973
296
import os import logging import boto3 from botocore.exceptions import ClientError from .common import get_file, create_path
[ 11748, 28686, 198, 11748, 18931, 198, 11748, 275, 2069, 18, 198, 6738, 10214, 420, 382, 13, 1069, 11755, 1330, 20985, 12331, 198, 6738, 764, 11321, 1330, 651, 62, 7753, 11, 2251, 62, 6978, 628 ]
3.676471
34
#!/usr/bin/env python from sys import exit, stdin from os import environ, path, unlink from tempfile import NamedTemporaryFile from subprocess import Popen, PIPE from argparse import ArgumentParser import parser import lexer __author__ = "Juan J. Martinez <[email protected]>" __version__ = "0.6.3" app_name = "JTC" project_url = "http://www.usebox.net/jjm/jtc/" operators = ('+', '-', '*', '/', '=', '<>', '>', '<', '>=', '<=', 'and', 'or', 'mod', 'not') enum = ('ADD', 'SUB', 'MUL', 'DIV', 'EQ', 'NE', 'GT', 'LT', 'GE', 'LE', 'AND', 'OR', 'MOD', 'NOT') op_trans = dict(zip(operators, enum)) if __name__ == "__main__": ap = ArgumentParser(description="%s (Juan's Toy Compiler)" % app_name, epilog=project_url, ) ap.add_argument("source", help="source file to compile (use - for stdin)") ap.add_argument("--lexer", action="store_true", help="dump lexer output and exit") ap.add_argument("--parser", action="store_true", help="dump parser output and exit") ap.add_argument("-c", action="store_true", help="dump C output and exit") ap.add_argument("--debug", action="store_true", help="enable debug") ap.add_argument("--no-gc", action="store_true", help="disable the garbage collector") ap.add_argument("--verbose", action="store_true", help="enable verbose output") ap.add_argument("--version", action="version", version="%(prog)s " + __version__) args = ap.parse_args() if args.verbose: print("starting: %s ver %s" % (app_name, __version__)) if args.verbose: print("reading source from:", args.source) if args.source == "-": source = "<stdin>" data = stdin.read() else: source = args.source try: fd = open(args.source, "rt") except IOError: ap.error("failed to open %r" % args.source) try: data = fd.read() except IOError as ex: ap.error("failed to read %r: %s" % (args.source, ex)) finally: fd.close() if args.lexer: l = lexer.Lexer() l.build() print(l.test(data)) exit(0) ast = parser.parse(data, debug=args.debug) if not ast: exit(1) ast.source = source if args.parser: print(ast) exit(0) if args.verbose: print("generating code: %d function(s)" % len(ast.funcs)) c = generate(ast) if args.c: print(c) exit(1) cc = environ.get("CC", "gcc") cflags = environ.get("CFLAGS", None) home = environ.get("JTCHOME", path.abspath(path.dirname(__file__))) fd = NamedTemporaryFile(mode="wt", suffix=".c", delete=False) try: fd.write(c) fd.close() cmd = [cc,] if cflags: cmd += cflags.split(" ") cmd += ["-std=c99", "-Wall", "-I%s" % path.join(home, "include"), fd.name, "-o", source + ".out", "-lm"] if not args.no_gc: cmd.append("-lgc") else: cmd.append("-DDISABLE_GC") if args.debug: cmd.append("-ggdb") else: cmd.extend(["-s", "-O2"]) if args.verbose: print("compiling:", ' '.join(cmd)) try: p = Popen(cmd, stderr=PIPE, close_fds=True) if p.wait() != 0: errors = p.stderr.read() if any(e in errors for e in (b"-lgc", b"gc.h:")): print("*** gc not found, use --no-gc to disable the garbage collector") print("%s output: %r" % (cc, errors)) exit(1) except BaseException as ex: print("error running the C compiler: %s" % ex) exit(1) finally: unlink(fd.name) if args.verbose: print("done") exit(0)
[ 2, 48443, 14629, 14, 8800, 14, 24330, 21015, 198, 198, 6738, 25064, 1330, 8420, 11, 14367, 259, 198, 6738, 28686, 1330, 551, 2268, 11, 3108, 11, 555, 8726, 198, 6738, 20218, 7753, 1330, 34441, 12966, 5551, 8979, 198, 6738, 850, 14681, 1330, 8099, 268, 11, 350, 4061, 36, 198, 6738, 1822, 29572, 1330, 45751, 46677, 198, 198, 11748, 30751, 198, 11748, 31191, 263, 198, 198, 834, 9800, 834, 796, 366, 41, 7258, 449, 13, 20741, 1279, 41098, 76, 31, 1904, 3524, 13, 3262, 24618, 198, 834, 9641, 834, 796, 366, 15, 13, 21, 13, 18, 1, 198, 1324, 62, 3672, 796, 366, 41, 4825, 1, 198, 16302, 62, 6371, 796, 366, 4023, 1378, 2503, 13, 1904, 3524, 13, 3262, 14, 41098, 76, 14, 73, 23047, 30487, 198, 198, 3575, 2024, 796, 19203, 10, 3256, 705, 12, 3256, 705, 9, 3256, 31051, 3256, 705, 28, 3256, 705, 27, 29, 3256, 705, 29, 3256, 705, 27, 3256, 705, 29, 28, 3256, 705, 27, 28, 3256, 705, 392, 3256, 705, 273, 3256, 705, 4666, 3256, 705, 1662, 11537, 198, 44709, 796, 19203, 29266, 3256, 705, 50, 10526, 3256, 705, 44, 6239, 3256, 705, 33569, 3256, 705, 36, 48, 3256, 705, 12161, 3256, 705, 19555, 3256, 705, 27734, 3256, 705, 8264, 3256, 705, 2538, 3256, 705, 6981, 3256, 705, 1581, 3256, 705, 33365, 3256, 705, 11929, 11537, 198, 404, 62, 7645, 796, 8633, 7, 13344, 7, 3575, 2024, 11, 33829, 4008, 628, 628, 628, 628, 628, 628, 198, 198, 361, 11593, 3672, 834, 6624, 366, 834, 12417, 834, 1298, 628, 220, 220, 220, 2471, 796, 45751, 46677, 7, 11213, 2625, 4, 82, 357, 41, 7258, 338, 10977, 3082, 5329, 16725, 4064, 598, 62, 3672, 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, 2462, 346, 519, 28, 16302, 62, 6371, 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, 1267, 628, 220, 220, 220, 2471, 13, 2860, 62, 49140, 7203, 10459, 1600, 1037, 2625, 10459, 2393, 284, 17632, 357, 1904, 532, 329, 14367, 259, 8, 4943, 198, 220, 220, 220, 2471, 13, 2860, 62, 49140, 7203, 438, 2588, 263, 1600, 2223, 2625, 8095, 62, 7942, 1600, 1037, 2625, 39455, 31191, 263, 5072, 290, 8420, 4943, 198, 220, 220, 220, 2471, 13, 2860, 62, 49140, 7203, 438, 48610, 1600, 2223, 2625, 8095, 62, 7942, 1600, 1037, 2625, 39455, 30751, 5072, 290, 8420, 4943, 198, 220, 220, 220, 2471, 13, 2860, 62, 49140, 7203, 12, 66, 1600, 2223, 2625, 8095, 62, 7942, 1600, 1037, 2625, 39455, 327, 5072, 290, 8420, 4943, 198, 220, 220, 220, 2471, 13, 2860, 62, 49140, 7203, 438, 24442, 1600, 2223, 2625, 8095, 62, 7942, 1600, 1037, 2625, 21633, 14257, 4943, 198, 220, 220, 220, 2471, 13, 2860, 62, 49140, 7203, 438, 3919, 12, 36484, 1600, 2223, 2625, 8095, 62, 7942, 1600, 1037, 2625, 40223, 262, 15413, 22967, 4943, 198, 220, 220, 220, 2471, 13, 2860, 62, 49140, 7203, 438, 19011, 577, 1600, 2223, 2625, 8095, 62, 7942, 1600, 1037, 2625, 21633, 15942, 577, 5072, 4943, 198, 220, 220, 220, 2471, 13, 2860, 62, 49140, 7203, 438, 9641, 1600, 2223, 2625, 9641, 1600, 2196, 2625, 4, 7, 1676, 70, 8, 82, 366, 1343, 11593, 9641, 834, 8, 628, 220, 220, 220, 26498, 796, 2471, 13, 29572, 62, 22046, 3419, 628, 220, 220, 220, 611, 26498, 13, 19011, 577, 25, 198, 220, 220, 220, 220, 220, 220, 220, 3601, 7203, 38690, 25, 4064, 82, 3326, 4064, 82, 1, 4064, 357, 1324, 62, 3672, 11, 11593, 9641, 834, 4008, 628, 220, 220, 220, 611, 26498, 13, 19011, 577, 25, 198, 220, 220, 220, 220, 220, 220, 220, 3601, 7203, 25782, 2723, 422, 25, 1600, 26498, 13, 10459, 8, 628, 220, 220, 220, 611, 26498, 13, 10459, 6624, 27444, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 2723, 796, 33490, 19282, 259, 24618, 198, 220, 220, 220, 220, 220, 220, 220, 1366, 796, 14367, 259, 13, 961, 3419, 628, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 2723, 796, 26498, 13, 10459, 198, 220, 220, 220, 220, 220, 220, 220, 1949, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 277, 67, 796, 1280, 7, 22046, 13, 10459, 11, 366, 17034, 4943, 198, 220, 220, 220, 220, 220, 220, 220, 2845, 24418, 12331, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2471, 13, 18224, 7203, 47904, 284, 1280, 4064, 81, 1, 4064, 26498, 13, 10459, 8, 628, 220, 220, 220, 220, 220, 220, 220, 1949, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1366, 796, 277, 67, 13, 961, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 2845, 24418, 12331, 355, 409, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2471, 13, 18224, 7203, 47904, 284, 1100, 4064, 81, 25, 4064, 82, 1, 4064, 357, 22046, 13, 10459, 11, 409, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 3443, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 277, 67, 13, 19836, 3419, 628, 220, 220, 220, 611, 26498, 13, 2588, 263, 25, 198, 220, 220, 220, 220, 220, 220, 220, 300, 796, 31191, 263, 13, 45117, 263, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 300, 13, 11249, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 3601, 7, 75, 13, 9288, 7, 7890, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 8420, 7, 15, 8, 628, 220, 220, 220, 6468, 796, 30751, 13, 29572, 7, 7890, 11, 14257, 28, 22046, 13, 24442, 8, 198, 220, 220, 220, 611, 407, 6468, 25, 198, 220, 220, 220, 220, 220, 220, 220, 8420, 7, 16, 8, 198, 220, 220, 220, 6468, 13, 10459, 796, 2723, 628, 220, 220, 220, 611, 26498, 13, 48610, 25, 198, 220, 220, 220, 220, 220, 220, 220, 3601, 7, 459, 8, 198, 220, 220, 220, 220, 220, 220, 220, 8420, 7, 15, 8, 628, 220, 220, 220, 611, 26498, 13, 19011, 577, 25, 198, 220, 220, 220, 220, 220, 220, 220, 3601, 7203, 8612, 803, 2438, 25, 4064, 67, 2163, 7, 82, 16725, 4064, 18896, 7, 459, 13, 12543, 6359, 4008, 628, 220, 220, 220, 269, 796, 7716, 7, 459, 8, 198, 220, 220, 220, 611, 26498, 13, 66, 25, 198, 220, 220, 220, 220, 220, 220, 220, 3601, 7, 66, 8, 198, 220, 220, 220, 220, 220, 220, 220, 8420, 7, 16, 8, 628, 220, 220, 220, 36624, 796, 551, 2268, 13, 1136, 7203, 4093, 1600, 366, 70, 535, 4943, 198, 220, 220, 220, 269, 33152, 796, 551, 2268, 13, 1136, 7203, 34, 38948, 50, 1600, 6045, 8, 198, 220, 220, 220, 1363, 796, 551, 2268, 13, 1136, 7203, 41, 51, 3398, 13649, 1600, 3108, 13, 397, 2777, 776, 7, 6978, 13, 15908, 3672, 7, 834, 7753, 834, 22305, 198, 220, 220, 220, 277, 67, 796, 34441, 12966, 5551, 8979, 7, 14171, 2625, 46569, 1600, 35488, 28, 1911, 66, 1600, 12233, 28, 25101, 8, 198, 220, 220, 220, 1949, 25, 198, 220, 220, 220, 220, 220, 220, 220, 277, 67, 13, 13564, 7, 66, 8, 198, 220, 220, 220, 220, 220, 220, 220, 277, 67, 13, 19836, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 23991, 796, 685, 535, 11, 60, 198, 220, 220, 220, 220, 220, 220, 220, 611, 269, 33152, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 23991, 15853, 269, 33152, 13, 35312, 7203, 366, 8, 198, 220, 220, 220, 220, 220, 220, 220, 23991, 15853, 220, 14631, 12, 19282, 28, 66, 2079, 1600, 27444, 22401, 1600, 27444, 40, 4, 82, 1, 4064, 3108, 13, 22179, 7, 11195, 11, 366, 17256, 12340, 277, 67, 13, 3672, 11, 27444, 78, 1600, 2723, 1343, 27071, 448, 1600, 27444, 75, 76, 8973, 198, 220, 220, 220, 220, 220, 220, 220, 611, 407, 26498, 13, 3919, 62, 36484, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 23991, 13, 33295, 7203, 12, 75, 36484, 4943, 198, 220, 220, 220, 220, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 23991, 13, 33295, 7203, 12, 16458, 1797, 17534, 62, 15916, 4943, 198, 220, 220, 220, 220, 220, 220, 220, 611, 26498, 13, 24442, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 23991, 13, 33295, 7203, 12, 1130, 9945, 4943, 198, 220, 220, 220, 220, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 23991, 13, 2302, 437, 7, 14692, 12, 82, 1600, 27444, 46, 17, 8973, 8, 198, 220, 220, 220, 220, 220, 220, 220, 611, 26498, 13, 19011, 577, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3601, 7203, 5589, 4386, 25, 1600, 705, 45302, 22179, 7, 28758, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 1949, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 279, 796, 8099, 268, 7, 28758, 11, 336, 1082, 81, 28, 47, 4061, 36, 11, 1969, 62, 69, 9310, 28, 17821, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 279, 13, 17077, 3419, 14512, 657, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8563, 796, 279, 13, 301, 1082, 81, 13, 961, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 597, 7, 68, 287, 8563, 329, 304, 287, 357, 65, 26793, 75, 36484, 1600, 220, 275, 1, 36484, 13, 71, 25, 4943, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3601, 7203, 8162, 308, 66, 407, 1043, 11, 779, 1377, 3919, 12, 36484, 284, 15560, 262, 15413, 22967, 4943, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3601, 7203, 4, 82, 5072, 25, 4064, 81, 1, 4064, 357, 535, 11, 8563, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8420, 7, 16, 8, 198, 220, 220, 220, 220, 220, 220, 220, 2845, 7308, 16922, 355, 409, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3601, 7203, 18224, 2491, 262, 327, 17050, 25, 4064, 82, 1, 4064, 409, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8420, 7, 16, 8, 198, 220, 220, 220, 3443, 25, 198, 220, 220, 220, 220, 220, 220, 220, 555, 8726, 7, 16344, 13, 3672, 8, 628, 220, 220, 220, 611, 26498, 13, 19011, 577, 25, 198, 220, 220, 220, 220, 220, 220, 220, 3601, 7203, 28060, 4943, 628, 220, 220, 220, 8420, 7, 15, 8, 628 ]
2.093596
1,827
# -*- coding: utf-8 -*- from setuptools import find_packages, setup __version__ = "0.1.1" __desc__ = "A dead-simple GraphQL client that supports subscriptions over websockets" with open('README.md') as readme_file: readme = readme_file.read() requirements = [ 'websocket-client==0.54.0' ] test_requirements = [] setup( name='py-graphql-client', version=__version__, description=__desc__, long_description=readme, long_description_content_type='text/markdown', author="Anon Ray", author_email='[email protected]', url='https://github.com/ecthiender/py-graphql-client', packages=find_packages(exclude=['tests', 'tests.*']), package_data={'': ['LICENSE']}, package_dir={'graphql_client': 'graphql_client'}, python_requires=">=3.4", include_package_data=True, install_requires=requirements, license="BSD3", zip_safe=False, keywords=['graphql', 'websocket', 'subscriptions', 'graphql-client'], classifiers=[ 'Development Status :: 3 - Alpha', 'Intended Audience :: Developers', 'License :: OSI Approved :: BSD License', 'Natural Language :: English', 'Programming Language :: Python :: 3', 'Programming Language :: Python :: 3.8', 'Environment :: Console', 'Environment :: Web Environment', 'Environment :: Other Environment', 'Topic :: Internet :: WWW/HTTP', 'Topic :: Software Development :: Libraries', ], test_suite='tests', tests_require=test_requirements )
[ 2, 532, 9, 12, 19617, 25, 3384, 69, 12, 23, 532, 9, 12, 198, 6738, 900, 37623, 10141, 1330, 1064, 62, 43789, 11, 9058, 628, 198, 834, 9641, 834, 796, 366, 15, 13, 16, 13, 16, 1, 198, 834, 20147, 834, 796, 366, 32, 2636, 12, 36439, 29681, 9711, 5456, 326, 6971, 35675, 625, 2639, 11603, 1, 198, 198, 4480, 1280, 10786, 15675, 11682, 13, 9132, 11537, 355, 1100, 1326, 62, 7753, 25, 198, 220, 220, 220, 1100, 1326, 796, 1100, 1326, 62, 7753, 13, 961, 3419, 198, 198, 8897, 18883, 796, 685, 198, 220, 220, 220, 705, 732, 1443, 5459, 12, 16366, 855, 15, 13, 4051, 13, 15, 6, 198, 60, 198, 198, 9288, 62, 8897, 18883, 796, 17635, 198, 198, 40406, 7, 198, 220, 220, 220, 1438, 11639, 9078, 12, 34960, 13976, 12, 16366, 3256, 198, 220, 220, 220, 2196, 28, 834, 9641, 834, 11, 198, 220, 220, 220, 6764, 28, 834, 20147, 834, 11, 198, 220, 220, 220, 890, 62, 11213, 28, 961, 1326, 11, 198, 220, 220, 220, 890, 62, 11213, 62, 11299, 62, 4906, 11639, 5239, 14, 4102, 2902, 3256, 198, 220, 220, 220, 1772, 2625, 2025, 261, 7760, 1600, 198, 220, 220, 220, 1772, 62, 12888, 11639, 2433, 36902, 22914, 31, 14816, 13, 785, 3256, 198, 220, 220, 220, 19016, 11639, 5450, 1378, 12567, 13, 785, 14, 478, 5303, 2194, 14, 9078, 12, 34960, 13976, 12, 16366, 3256, 198, 220, 220, 220, 10392, 28, 19796, 62, 43789, 7, 1069, 9152, 28, 17816, 41989, 3256, 705, 41989, 15885, 20520, 828, 198, 220, 220, 220, 5301, 62, 7890, 34758, 7061, 25, 37250, 43, 2149, 24290, 20520, 5512, 198, 220, 220, 220, 5301, 62, 15908, 34758, 6, 34960, 13976, 62, 16366, 10354, 705, 34960, 13976, 62, 16366, 6, 5512, 198, 220, 220, 220, 21015, 62, 47911, 2625, 29, 28, 18, 13, 19, 1600, 198, 220, 220, 220, 2291, 62, 26495, 62, 7890, 28, 17821, 11, 198, 220, 220, 220, 2721, 62, 47911, 28, 8897, 18883, 11, 198, 220, 220, 220, 5964, 2625, 21800, 18, 1600, 198, 220, 220, 220, 19974, 62, 21230, 28, 25101, 11, 198, 220, 220, 220, 26286, 28, 17816, 34960, 13976, 3256, 705, 732, 1443, 5459, 3256, 705, 7266, 12048, 507, 3256, 705, 34960, 13976, 12, 16366, 6, 4357, 198, 220, 220, 220, 1398, 13350, 41888, 198, 220, 220, 220, 220, 220, 220, 220, 705, 41206, 12678, 7904, 513, 532, 12995, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 705, 5317, 1631, 7591, 1240, 7904, 34152, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 705, 34156, 7904, 7294, 40, 20010, 1079, 7904, 347, 10305, 13789, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 705, 35364, 15417, 7904, 3594, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 705, 15167, 2229, 15417, 7904, 11361, 7904, 513, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 705, 15167, 2229, 15417, 7904, 11361, 7904, 513, 13, 23, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 705, 31441, 7904, 24371, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 705, 31441, 7904, 5313, 9344, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 705, 31441, 7904, 3819, 9344, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 705, 33221, 7904, 4455, 7904, 13505, 54, 14, 40717, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 705, 33221, 7904, 10442, 7712, 7904, 46267, 3256, 198, 220, 220, 220, 16589, 198, 220, 220, 220, 1332, 62, 2385, 578, 11639, 41989, 3256, 198, 220, 220, 220, 5254, 62, 46115, 28, 9288, 62, 8897, 18883, 198, 8, 198 ]
2.622034
590
# # Copyright (c) 2019-2021 James Thorne. # # This file is part of factual error correction. # See https://jamesthorne.co.uk for further info. # # 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. # import json from argparse import ArgumentParser if __name__ == "__main__": parser = ArgumentParser() parser.add_argument("in_file") args = parser.parse_args() any_masks = 0 total_read = 0 mask_lens = [] tok_lens = [] mask_prop = [] with open(args.in_file) as f: for line in f: instance = json.loads(line) total_read += 1 tok_lens.append(len(instance["original_claim"].split())) if len(instance["master_explanation"]): any_masks += 1 mask_lens.append(len(instance["master_explanation"])) mask_prop.append(mask_lens[-1] / tok_lens[-1]) print(f"Read {total_read} instances, of which {any_masks} have masks") print("Average mask length is: ", sum(mask_lens) / len(mask_lens)) print("Average mask prop is: ", sum(mask_prop) / len(mask_prop)) print("Average tok length is: ", sum(tok_lens) / len(tok_lens)) print()
[ 2, 198, 2, 15069, 357, 66, 8, 13130, 12, 1238, 2481, 3700, 536, 8553, 13, 198, 2, 198, 2, 770, 2393, 318, 636, 286, 27234, 4049, 17137, 13, 198, 2, 4091, 3740, 1378, 39159, 395, 71, 8553, 13, 1073, 13, 2724, 329, 2252, 7508, 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, 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, 198, 11748, 33918, 198, 6738, 1822, 29572, 1330, 45751, 46677, 198, 198, 361, 11593, 3672, 834, 6624, 366, 834, 12417, 834, 1298, 198, 220, 220, 220, 30751, 796, 45751, 46677, 3419, 198, 220, 220, 220, 30751, 13, 2860, 62, 49140, 7203, 259, 62, 7753, 4943, 198, 220, 220, 220, 26498, 796, 30751, 13, 29572, 62, 22046, 3419, 628, 220, 220, 220, 597, 62, 5356, 591, 796, 657, 198, 220, 220, 220, 2472, 62, 961, 796, 657, 198, 220, 220, 220, 9335, 62, 75, 641, 796, 17635, 198, 220, 220, 220, 284, 74, 62, 75, 641, 796, 17635, 198, 220, 220, 220, 9335, 62, 22930, 796, 17635, 628, 220, 220, 220, 351, 1280, 7, 22046, 13, 259, 62, 7753, 8, 355, 277, 25, 198, 220, 220, 220, 220, 220, 220, 220, 329, 1627, 287, 277, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4554, 796, 33918, 13, 46030, 7, 1370, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2472, 62, 961, 15853, 352, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 284, 74, 62, 75, 641, 13, 33295, 7, 11925, 7, 39098, 14692, 14986, 62, 6604, 1, 4083, 35312, 3419, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 18896, 7, 39098, 14692, 9866, 62, 1069, 11578, 341, 8973, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 597, 62, 5356, 591, 15853, 352, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 9335, 62, 75, 641, 13, 33295, 7, 11925, 7, 39098, 14692, 9866, 62, 1069, 11578, 341, 8973, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 9335, 62, 22930, 13, 33295, 7, 27932, 62, 75, 641, 58, 12, 16, 60, 1220, 284, 74, 62, 75, 641, 58, 12, 16, 12962, 628, 220, 220, 220, 220, 220, 220, 220, 3601, 7, 69, 1, 5569, 1391, 23350, 62, 961, 92, 10245, 11, 286, 543, 1391, 1092, 62, 5356, 591, 92, 423, 20680, 4943, 198, 220, 220, 220, 220, 220, 220, 220, 3601, 7203, 26287, 9335, 4129, 318, 25, 33172, 2160, 7, 27932, 62, 75, 641, 8, 1220, 18896, 7, 27932, 62, 75, 641, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 3601, 7203, 26287, 9335, 2632, 318, 25, 33172, 2160, 7, 27932, 62, 22930, 8, 1220, 18896, 7, 27932, 62, 22930, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 3601, 7203, 26287, 284, 74, 4129, 318, 25, 33172, 2160, 7, 83, 482, 62, 75, 641, 8, 1220, 18896, 7, 83, 482, 62, 75, 641, 4008, 628, 220, 220, 220, 220, 220, 220, 220, 3601, 3419, 198 ]
2.597843
649
""" Data loader for TACRED json files. """ import json import random import torch import numpy as np class DataLoader(object): """ Load data from json files, preprocess and prepare batches. """ def preprocess(self, data, opt): """ Preprocess the data and convert to ids. """ processed = [] self.user_item_pair = [] for mytuple in data: processed.append((mytuple[0],mytuple[1])) if len(self.user_real_dict[mytuple[0]]) > self.opt["min_neighbor"] and len(self.user_fake_dict[mytuple[0]]) > self.opt[ "min_neighbor"] and len(self.item_real_dict[mytuple[1]]) > self.opt["min_neighbor"] and len( self.item_fake_dict[mytuple[1]]) > self.opt["min_neighbor"]: self.user_item_pair.append((mytuple[0],mytuple[1])) return processed def __getitem__(self, key): """ Get a batch with index. """ if not isinstance(key, int): raise TypeError if key < 0 or key >= len(self.data): raise IndexError batch = self.data[key] batch_size = len(batch) if self.eval : batch = list(zip(*batch)) return torch.LongTensor(batch[0]), batch[1] else : negative_tmp = [] for i in range(batch_size): for j in range(self.opt["negative"]): while 1: rand = random.randint(0,self.opt["number_item"]-1) if rand not in self.user_real_dict[batch[i][0]]: negative_tmp.append((batch[i][0],rand)) break batch = list(zip(*batch)) negative_tmp = list(zip(*negative_tmp)) if self.opt["number_user"] * self.opt["number_item"] > 10000000: user_index = [] item_index = [] real_user_index_id = [] fake_user_index_id = [] real_item_index_id = [] fake_item_index_id = [] random.shuffle(self.user_item_pair) for id in range(10): user = self.user_item_pair[id][0] item = self.user_item_pair[id][1] real_item_id = list(self.user_real_dict[user]) real_user_id = list(self.item_real_dict[item]) fake_item_id = list(self.user_fake_dict[user]) fake_user_id = list(self.item_fake_dict[item]) random.shuffle(real_item_id) random.shuffle(fake_item_id) random.shuffle(real_user_id) random.shuffle(fake_user_id) real_item_id = real_item_id[:self.opt["min_neighbor"]] fake_item_id = fake_item_id[:self.opt["min_neighbor"]] real_user_id = real_user_id[:self.opt["min_neighbor"]] fake_user_id = fake_user_id[:self.opt["min_neighbor"]] user_index.append(user) item_index.append(item) fake_user_id = real_user_id fake_item_id = real_item_id real_item_index_id.append(real_item_id) real_user_index_id.append(real_user_id) fake_item_index_id.append(fake_item_id) fake_user_index_id.append(fake_user_id) return torch.LongTensor(batch[0]), torch.LongTensor(batch[1]) , torch.LongTensor(negative_tmp[1]) , torch.LongTensor(user_index), torch.LongTensor(item_index), torch.LongTensor(real_user_index_id), torch.LongTensor(fake_user_index_id), torch.LongTensor(real_item_index_id), torch.LongTensor(fake_item_index_id) return torch.LongTensor(batch[0]), torch.LongTensor(batch[1]),torch.LongTensor(negative_tmp[1]) class wikiDataLoader(object): """ Load data from json files, preprocess and prepare batches. """ def preprocess(self, data, opt): """ Preprocess the data and convert to ids. """ processed = [] self.user_item_pair = [] for mytuple in data: processed.append((mytuple[0],mytuple[1],mytuple[2])) if len(self.user_real_dict[mytuple[0]]) > self.opt["min_neighbor"] and len( self.user_fake_dict[mytuple[0]]) > self.opt[ "min_neighbor"] and len(self.item_real_dict[mytuple[1]]) > self.opt["min_neighbor"] and len( self.item_fake_dict[mytuple[1]]) > self.opt["min_neighbor"]: self.user_item_pair.append((mytuple[0], mytuple[1])) return processed def __getitem__(self, key): """ Get a batch with index. """ if not isinstance(key, int): raise TypeError if key < 0 or key >= len(self.data): raise IndexError batch = self.data[key] batch_size = len(batch) if self.eval : batch = list(zip(*batch)) return torch.LongTensor(batch[0]), torch.LongTensor(batch[1])+torch.tensor(self.opt["number_user"]), np.array(batch[2]) else : negative_tmp = [] for i in range(batch_size): for j in range(self.opt["negative"]): while 1: rand = random.randint(0,self.opt["number_item"]-1) if rand not in self.user_real_dict[batch[i][0]]: negative_tmp.append((batch[i][0],rand)) break batch = list(zip(*batch)) negative_tmp = list(zip(*negative_tmp)) if self.opt["number_user"] * self.opt["number_item"] > 10000000: user_index = [] item_index = [] real_user_index_id = [] fake_user_index_id = [] real_item_index_id = [] fake_item_index_id = [] random.shuffle(self.user_item_pair) for id in range(10): user = self.user_item_pair[id][0] item = self.user_item_pair[id][1] real_item_id = list(self.user_real_dict[user]) real_user_id = list(self.item_real_dict[item]) fake_item_id = list(self.user_fake_dict[user]) fake_user_id = list(self.item_fake_dict[item]) random.shuffle(real_item_id) random.shuffle(fake_item_id) random.shuffle(real_user_id) random.shuffle(fake_user_id) real_item_id = real_item_id[:self.opt["min_neighbor"]] fake_item_id = fake_item_id[:self.opt["min_neighbor"]] real_user_id = real_user_id[:self.opt["min_neighbor"]] fake_user_id = fake_user_id[:self.opt["min_neighbor"]] user_index.append(user) item_index.append(item) fake_user_id = real_user_id fake_item_id = real_item_id real_item_index_id.append(real_item_id) real_user_index_id.append(real_user_id) fake_item_index_id.append(fake_item_id) fake_user_index_id.append(fake_user_id) return torch.LongTensor(batch[0]), torch.LongTensor(batch[1]) , torch.LongTensor(negative_tmp[1]) , torch.LongTensor(user_index), torch.LongTensor(item_index), torch.LongTensor(real_user_index_id), torch.LongTensor(fake_user_index_id), torch.LongTensor(real_item_index_id), torch.LongTensor(fake_item_index_id) # User , item, label -> batch | batch | batch return torch.LongTensor(batch[0]), torch.LongTensor(batch[1]),torch.LongTensor(negative_tmp[1]) # User , item, neg_item -> batch | batch | batch
[ 37811, 198, 6601, 40213, 329, 309, 2246, 22083, 33918, 3696, 13, 198, 37811, 198, 198, 11748, 33918, 198, 11748, 4738, 198, 11748, 28034, 198, 11748, 299, 32152, 355, 45941, 628, 198, 4871, 6060, 17401, 7, 15252, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 8778, 1366, 422, 33918, 3696, 11, 662, 14681, 290, 8335, 37830, 13, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 825, 662, 14681, 7, 944, 11, 1366, 11, 2172, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 3771, 14681, 262, 1366, 290, 10385, 284, 220, 2340, 13, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 13686, 796, 17635, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 7220, 62, 9186, 62, 24874, 796, 17635, 198, 220, 220, 220, 220, 220, 220, 220, 329, 616, 83, 29291, 287, 1366, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 13686, 13, 33295, 19510, 1820, 83, 29291, 58, 15, 4357, 1820, 83, 29291, 58, 16, 60, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 18896, 7, 944, 13, 7220, 62, 5305, 62, 11600, 58, 1820, 83, 29291, 58, 15, 11907, 8, 1875, 2116, 13, 8738, 14692, 1084, 62, 710, 394, 2865, 8973, 290, 18896, 7, 944, 13, 7220, 62, 30706, 62, 11600, 58, 1820, 83, 29291, 58, 15, 11907, 8, 1875, 2116, 13, 8738, 58, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 1084, 62, 710, 394, 2865, 8973, 290, 18896, 7, 944, 13, 9186, 62, 5305, 62, 11600, 58, 1820, 83, 29291, 58, 16, 11907, 8, 1875, 2116, 13, 8738, 14692, 1084, 62, 710, 394, 2865, 8973, 290, 18896, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 9186, 62, 30706, 62, 11600, 58, 1820, 83, 29291, 58, 16, 11907, 8, 1875, 2116, 13, 8738, 14692, 1084, 62, 710, 394, 2865, 1, 5974, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 7220, 62, 9186, 62, 24874, 13, 33295, 19510, 1820, 83, 29291, 58, 15, 4357, 1820, 83, 29291, 58, 16, 60, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 13686, 628, 220, 220, 220, 825, 11593, 1136, 9186, 834, 7, 944, 11, 1994, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 3497, 257, 15458, 351, 6376, 13, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 611, 407, 318, 39098, 7, 2539, 11, 493, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5298, 5994, 12331, 198, 220, 220, 220, 220, 220, 220, 220, 611, 1994, 1279, 657, 393, 1994, 18189, 18896, 7, 944, 13, 7890, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5298, 12901, 12331, 198, 220, 220, 220, 220, 220, 220, 220, 15458, 796, 2116, 13, 7890, 58, 2539, 60, 198, 220, 220, 220, 220, 220, 220, 220, 15458, 62, 7857, 796, 18896, 7, 43501, 8, 198, 220, 220, 220, 220, 220, 220, 220, 611, 2116, 13, 18206, 1058, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 15458, 796, 1351, 7, 13344, 46491, 43501, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1441, 28034, 13, 14617, 51, 22854, 7, 43501, 58, 15, 46570, 15458, 58, 16, 60, 198, 220, 220, 220, 220, 220, 220, 220, 2073, 1058, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4633, 62, 22065, 796, 17635, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 329, 1312, 287, 2837, 7, 43501, 62, 7857, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 329, 474, 287, 2837, 7, 944, 13, 8738, 14692, 31591, 8973, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 981, 352, 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, 43720, 796, 4738, 13, 25192, 600, 7, 15, 11, 944, 13, 8738, 14692, 17618, 62, 9186, 8973, 12, 16, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 43720, 407, 287, 2116, 13, 7220, 62, 5305, 62, 11600, 58, 43501, 58, 72, 7131, 15, 60, 5974, 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, 4633, 62, 22065, 13, 33295, 19510, 43501, 58, 72, 7131, 15, 4357, 25192, 4008, 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, 2270, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 15458, 796, 1351, 7, 13344, 46491, 43501, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4633, 62, 22065, 796, 1351, 7, 13344, 46491, 31591, 62, 22065, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 2116, 13, 8738, 14692, 17618, 62, 7220, 8973, 1635, 2116, 13, 8738, 14692, 17618, 62, 9186, 8973, 1875, 1802, 20483, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2836, 62, 9630, 796, 17635, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2378, 62, 9630, 796, 17635, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1103, 62, 7220, 62, 9630, 62, 312, 796, 17635, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8390, 62, 7220, 62, 9630, 62, 312, 796, 17635, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1103, 62, 9186, 62, 9630, 62, 312, 796, 17635, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8390, 62, 9186, 62, 9630, 62, 312, 796, 17635, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4738, 13, 1477, 18137, 7, 944, 13, 7220, 62, 9186, 62, 24874, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 329, 4686, 287, 2837, 7, 940, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2836, 796, 2116, 13, 7220, 62, 9186, 62, 24874, 58, 312, 7131, 15, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2378, 796, 2116, 13, 7220, 62, 9186, 62, 24874, 58, 312, 7131, 16, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1103, 62, 9186, 62, 312, 796, 1351, 7, 944, 13, 7220, 62, 5305, 62, 11600, 58, 7220, 12962, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1103, 62, 7220, 62, 312, 796, 1351, 7, 944, 13, 9186, 62, 5305, 62, 11600, 58, 9186, 12962, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8390, 62, 9186, 62, 312, 796, 1351, 7, 944, 13, 7220, 62, 30706, 62, 11600, 58, 7220, 12962, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8390, 62, 7220, 62, 312, 796, 1351, 7, 944, 13, 9186, 62, 30706, 62, 11600, 58, 9186, 12962, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4738, 13, 1477, 18137, 7, 5305, 62, 9186, 62, 312, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4738, 13, 1477, 18137, 7, 30706, 62, 9186, 62, 312, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4738, 13, 1477, 18137, 7, 5305, 62, 7220, 62, 312, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4738, 13, 1477, 18137, 7, 30706, 62, 7220, 62, 312, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1103, 62, 9186, 62, 312, 796, 1103, 62, 9186, 62, 312, 58, 25, 944, 13, 8738, 14692, 1084, 62, 710, 394, 2865, 8973, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8390, 62, 9186, 62, 312, 796, 8390, 62, 9186, 62, 312, 58, 25, 944, 13, 8738, 14692, 1084, 62, 710, 394, 2865, 8973, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1103, 62, 7220, 62, 312, 796, 1103, 62, 7220, 62, 312, 58, 25, 944, 13, 8738, 14692, 1084, 62, 710, 394, 2865, 8973, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8390, 62, 7220, 62, 312, 796, 8390, 62, 7220, 62, 312, 58, 25, 944, 13, 8738, 14692, 1084, 62, 710, 394, 2865, 8973, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2836, 62, 9630, 13, 33295, 7, 7220, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2378, 62, 9630, 13, 33295, 7, 9186, 8, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8390, 62, 7220, 62, 312, 796, 1103, 62, 7220, 62, 312, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8390, 62, 9186, 62, 312, 796, 1103, 62, 9186, 62, 312, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1103, 62, 9186, 62, 9630, 62, 312, 13, 33295, 7, 5305, 62, 9186, 62, 312, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1103, 62, 7220, 62, 9630, 62, 312, 13, 33295, 7, 5305, 62, 7220, 62, 312, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8390, 62, 9186, 62, 9630, 62, 312, 13, 33295, 7, 30706, 62, 9186, 62, 312, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8390, 62, 7220, 62, 9630, 62, 312, 13, 33295, 7, 30706, 62, 7220, 62, 312, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1441, 28034, 13, 14617, 51, 22854, 7, 43501, 58, 15, 46570, 28034, 13, 14617, 51, 22854, 7, 43501, 58, 16, 12962, 837, 28034, 13, 14617, 51, 22854, 7, 31591, 62, 22065, 58, 16, 12962, 837, 28034, 13, 14617, 51, 22854, 7, 7220, 62, 9630, 828, 28034, 13, 14617, 51, 22854, 7, 9186, 62, 9630, 828, 28034, 13, 14617, 51, 22854, 7, 5305, 62, 7220, 62, 9630, 62, 312, 828, 28034, 13, 14617, 51, 22854, 7, 30706, 62, 7220, 62, 9630, 62, 312, 828, 28034, 13, 14617, 51, 22854, 7, 5305, 62, 9186, 62, 9630, 62, 312, 828, 28034, 13, 14617, 51, 22854, 7, 30706, 62, 9186, 62, 9630, 62, 312, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1441, 28034, 13, 14617, 51, 22854, 7, 43501, 58, 15, 46570, 28034, 13, 14617, 51, 22854, 7, 43501, 58, 16, 46570, 13165, 354, 13, 14617, 51, 22854, 7, 31591, 62, 22065, 58, 16, 12962, 628, 198, 198, 4871, 22719, 6601, 17401, 7, 15252, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 8778, 1366, 422, 33918, 3696, 11, 662, 14681, 290, 8335, 37830, 13, 198, 220, 220, 220, 37227, 628, 220, 220, 220, 825, 662, 14681, 7, 944, 11, 1366, 11, 2172, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 3771, 14681, 262, 1366, 290, 10385, 284, 220, 2340, 13, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 13686, 796, 17635, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 7220, 62, 9186, 62, 24874, 796, 17635, 198, 220, 220, 220, 220, 220, 220, 220, 329, 616, 83, 29291, 287, 1366, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 13686, 13, 33295, 19510, 1820, 83, 29291, 58, 15, 4357, 1820, 83, 29291, 58, 16, 4357, 1820, 83, 29291, 58, 17, 60, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 18896, 7, 944, 13, 7220, 62, 5305, 62, 11600, 58, 1820, 83, 29291, 58, 15, 11907, 8, 1875, 2116, 13, 8738, 14692, 1084, 62, 710, 394, 2865, 8973, 290, 18896, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 7220, 62, 30706, 62, 11600, 58, 1820, 83, 29291, 58, 15, 11907, 8, 1875, 2116, 13, 8738, 58, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 1084, 62, 710, 394, 2865, 8973, 290, 18896, 7, 944, 13, 9186, 62, 5305, 62, 11600, 58, 1820, 83, 29291, 58, 16, 11907, 8, 1875, 2116, 13, 8738, 14692, 1084, 62, 710, 394, 2865, 8973, 290, 18896, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 9186, 62, 30706, 62, 11600, 58, 1820, 83, 29291, 58, 16, 11907, 8, 1875, 2116, 13, 8738, 14692, 1084, 62, 710, 394, 2865, 1, 5974, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 7220, 62, 9186, 62, 24874, 13, 33295, 19510, 1820, 83, 29291, 58, 15, 4357, 616, 83, 29291, 58, 16, 60, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 13686, 628, 220, 220, 220, 825, 11593, 1136, 9186, 834, 7, 944, 11, 1994, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 3497, 257, 15458, 351, 6376, 13, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 611, 407, 318, 39098, 7, 2539, 11, 493, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5298, 5994, 12331, 198, 220, 220, 220, 220, 220, 220, 220, 611, 1994, 1279, 657, 393, 1994, 18189, 18896, 7, 944, 13, 7890, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5298, 12901, 12331, 198, 220, 220, 220, 220, 220, 220, 220, 15458, 796, 2116, 13, 7890, 58, 2539, 60, 198, 220, 220, 220, 220, 220, 220, 220, 15458, 62, 7857, 796, 18896, 7, 43501, 8, 198, 220, 220, 220, 220, 220, 220, 220, 611, 2116, 13, 18206, 1058, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 15458, 796, 1351, 7, 13344, 46491, 43501, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1441, 28034, 13, 14617, 51, 22854, 7, 43501, 58, 15, 46570, 28034, 13, 14617, 51, 22854, 7, 43501, 58, 16, 12962, 10, 13165, 354, 13, 83, 22854, 7, 944, 13, 8738, 14692, 17618, 62, 7220, 8973, 828, 45941, 13, 18747, 7, 43501, 58, 17, 12962, 198, 220, 220, 220, 220, 220, 220, 220, 2073, 1058, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4633, 62, 22065, 796, 17635, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 329, 1312, 287, 2837, 7, 43501, 62, 7857, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 329, 474, 287, 2837, 7, 944, 13, 8738, 14692, 31591, 8973, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 981, 352, 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, 43720, 796, 4738, 13, 25192, 600, 7, 15, 11, 944, 13, 8738, 14692, 17618, 62, 9186, 8973, 12, 16, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 43720, 407, 287, 2116, 13, 7220, 62, 5305, 62, 11600, 58, 43501, 58, 72, 7131, 15, 60, 5974, 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, 4633, 62, 22065, 13, 33295, 19510, 43501, 58, 72, 7131, 15, 4357, 25192, 4008, 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, 2270, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 15458, 796, 1351, 7, 13344, 46491, 43501, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4633, 62, 22065, 796, 1351, 7, 13344, 46491, 31591, 62, 22065, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 2116, 13, 8738, 14692, 17618, 62, 7220, 8973, 1635, 2116, 13, 8738, 14692, 17618, 62, 9186, 8973, 1875, 1802, 20483, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2836, 62, 9630, 796, 17635, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2378, 62, 9630, 796, 17635, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1103, 62, 7220, 62, 9630, 62, 312, 796, 17635, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8390, 62, 7220, 62, 9630, 62, 312, 796, 17635, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1103, 62, 9186, 62, 9630, 62, 312, 796, 17635, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8390, 62, 9186, 62, 9630, 62, 312, 796, 17635, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4738, 13, 1477, 18137, 7, 944, 13, 7220, 62, 9186, 62, 24874, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 329, 4686, 287, 2837, 7, 940, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2836, 796, 2116, 13, 7220, 62, 9186, 62, 24874, 58, 312, 7131, 15, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2378, 796, 2116, 13, 7220, 62, 9186, 62, 24874, 58, 312, 7131, 16, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1103, 62, 9186, 62, 312, 796, 1351, 7, 944, 13, 7220, 62, 5305, 62, 11600, 58, 7220, 12962, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1103, 62, 7220, 62, 312, 796, 1351, 7, 944, 13, 9186, 62, 5305, 62, 11600, 58, 9186, 12962, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8390, 62, 9186, 62, 312, 796, 1351, 7, 944, 13, 7220, 62, 30706, 62, 11600, 58, 7220, 12962, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8390, 62, 7220, 62, 312, 796, 1351, 7, 944, 13, 9186, 62, 30706, 62, 11600, 58, 9186, 12962, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4738, 13, 1477, 18137, 7, 5305, 62, 9186, 62, 312, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4738, 13, 1477, 18137, 7, 30706, 62, 9186, 62, 312, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4738, 13, 1477, 18137, 7, 5305, 62, 7220, 62, 312, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4738, 13, 1477, 18137, 7, 30706, 62, 7220, 62, 312, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1103, 62, 9186, 62, 312, 796, 1103, 62, 9186, 62, 312, 58, 25, 944, 13, 8738, 14692, 1084, 62, 710, 394, 2865, 8973, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8390, 62, 9186, 62, 312, 796, 8390, 62, 9186, 62, 312, 58, 25, 944, 13, 8738, 14692, 1084, 62, 710, 394, 2865, 8973, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1103, 62, 7220, 62, 312, 796, 1103, 62, 7220, 62, 312, 58, 25, 944, 13, 8738, 14692, 1084, 62, 710, 394, 2865, 8973, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8390, 62, 7220, 62, 312, 796, 8390, 62, 7220, 62, 312, 58, 25, 944, 13, 8738, 14692, 1084, 62, 710, 394, 2865, 8973, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2836, 62, 9630, 13, 33295, 7, 7220, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2378, 62, 9630, 13, 33295, 7, 9186, 8, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8390, 62, 7220, 62, 312, 796, 1103, 62, 7220, 62, 312, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8390, 62, 9186, 62, 312, 796, 1103, 62, 9186, 62, 312, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1103, 62, 9186, 62, 9630, 62, 312, 13, 33295, 7, 5305, 62, 9186, 62, 312, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1103, 62, 7220, 62, 9630, 62, 312, 13, 33295, 7, 5305, 62, 7220, 62, 312, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8390, 62, 9186, 62, 9630, 62, 312, 13, 33295, 7, 30706, 62, 9186, 62, 312, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8390, 62, 7220, 62, 9630, 62, 312, 13, 33295, 7, 30706, 62, 7220, 62, 312, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1441, 28034, 13, 14617, 51, 22854, 7, 43501, 58, 15, 46570, 28034, 13, 14617, 51, 22854, 7, 43501, 58, 16, 12962, 837, 28034, 13, 14617, 51, 22854, 7, 31591, 62, 22065, 58, 16, 12962, 837, 28034, 13, 14617, 51, 22854, 7, 7220, 62, 9630, 828, 28034, 13, 14617, 51, 22854, 7, 9186, 62, 9630, 828, 28034, 13, 14617, 51, 22854, 7, 5305, 62, 7220, 62, 9630, 62, 312, 828, 28034, 13, 14617, 51, 22854, 7, 30706, 62, 7220, 62, 9630, 62, 312, 828, 28034, 13, 14617, 51, 22854, 7, 5305, 62, 9186, 62, 9630, 62, 312, 828, 28034, 13, 14617, 51, 22854, 7, 30706, 62, 9186, 62, 9630, 62, 312, 8, 220, 1303, 11787, 837, 2378, 11, 6167, 4613, 15458, 930, 15458, 930, 15458, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1441, 28034, 13, 14617, 51, 22854, 7, 43501, 58, 15, 46570, 28034, 13, 14617, 51, 22854, 7, 43501, 58, 16, 46570, 13165, 354, 13, 14617, 51, 22854, 7, 31591, 62, 22065, 58, 16, 12962, 1303, 11787, 837, 2378, 11, 220, 2469, 62, 9186, 4613, 15458, 930, 15458, 930, 15458, 628 ]
1.887422
4,166
import csv import json import sys def make_json(args): """ Pretty simple and somewhat naive script that =takes a `.xsv` file as an argument, converts it to JSON, and outputs it as a json file of the same name as the original csv. It can handle .csv or .tsv files. It does, however, make a lot of assumptions about the nature of the file and PKs, so... we'll see how well it works. """ jsondata = [] # convert from args list cvspath = args[0] with open(cvspath, encoding='utf-8', errors='replace') as csvf: if cvspath.endswith('.tsv'): read_file = csv.DictReader(csvf, delimiter="\t") else: read_file = csv.DictReader(csvf) for row in read_file: jsondata.append(row) jsonpath = cvspath.rsplit('.')[0] + '.json' with open(jsonpath, 'w', encoding='utf-8') as jsonf: jsonf.write(json.dumps(jsondata, indent=4)) if __name__ == "__main__": make_json(sys.argv[1:])
[ 11748, 269, 21370, 198, 11748, 33918, 198, 11748, 25064, 628, 198, 4299, 787, 62, 17752, 7, 22046, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 20090, 2829, 290, 6454, 24354, 4226, 326, 796, 83, 1124, 257, 4600, 13, 87, 21370, 63, 2393, 355, 281, 4578, 11, 198, 220, 220, 220, 26161, 340, 284, 19449, 11, 290, 23862, 340, 355, 257, 33918, 2393, 286, 262, 976, 1438, 355, 262, 2656, 269, 21370, 13, 628, 220, 220, 220, 632, 460, 5412, 764, 40664, 393, 764, 912, 85, 3696, 13, 628, 220, 220, 220, 632, 857, 11, 2158, 11, 787, 257, 1256, 286, 14895, 546, 262, 3450, 286, 262, 2393, 290, 29673, 82, 11, 198, 220, 220, 220, 523, 986, 356, 1183, 766, 703, 880, 340, 2499, 13, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 44804, 623, 1045, 796, 17635, 220, 198, 220, 220, 220, 1303, 10385, 422, 26498, 1351, 198, 220, 220, 220, 269, 85, 2777, 776, 796, 26498, 58, 15, 60, 198, 220, 220, 220, 351, 1280, 7, 33967, 2777, 776, 11, 21004, 11639, 40477, 12, 23, 3256, 8563, 11639, 33491, 11537, 355, 269, 21370, 69, 25, 198, 220, 220, 220, 220, 220, 220, 220, 611, 220, 269, 85, 2777, 776, 13, 437, 2032, 342, 7, 4458, 912, 85, 6, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1100, 62, 7753, 796, 269, 21370, 13, 35, 713, 33634, 7, 40664, 69, 11, 46728, 2676, 2625, 59, 83, 4943, 198, 220, 220, 220, 220, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1100, 62, 7753, 796, 269, 21370, 13, 35, 713, 33634, 7, 40664, 69, 8, 198, 220, 220, 220, 220, 220, 220, 220, 329, 5752, 287, 1100, 62, 7753, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 44804, 623, 1045, 13, 33295, 7, 808, 8, 198, 220, 198, 220, 220, 220, 220, 220, 220, 220, 33918, 6978, 796, 269, 85, 2777, 776, 13, 3808, 489, 270, 10786, 2637, 38381, 15, 60, 1343, 45302, 17752, 6, 198, 220, 220, 220, 220, 220, 220, 220, 351, 1280, 7, 17752, 6978, 11, 705, 86, 3256, 21004, 11639, 40477, 12, 23, 11537, 355, 33918, 69, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 33918, 69, 13, 13564, 7, 17752, 13, 67, 8142, 7, 8457, 623, 1045, 11, 33793, 28, 19, 4008, 198, 198, 361, 11593, 3672, 834, 6624, 366, 834, 12417, 834, 1298, 198, 220, 220, 787, 62, 17752, 7, 17597, 13, 853, 85, 58, 16, 25, 12962 ]
2.322506
431
"""Functions to test the difference of DEMs tools.""" import warnings import geoutils as gu import numpy as np with warnings.catch_warnings(): warnings.simplefilter("ignore") import xdem
[ 37811, 24629, 2733, 284, 1332, 262, 3580, 286, 40101, 82, 4899, 526, 15931, 198, 11748, 14601, 198, 198, 11748, 4903, 448, 4487, 355, 915, 198, 11748, 299, 32152, 355, 45941, 198, 198, 4480, 14601, 13, 40198, 62, 40539, 654, 33529, 198, 220, 220, 220, 14601, 13, 36439, 24455, 7203, 46430, 4943, 198, 220, 220, 220, 1330, 2124, 9536, 628 ]
3.355932
59
import os import sys ## Modify this path sys.path.append("C:\\Program Files (x86)\\Apache Software Foundation\\Trafodion Command Interface\\lib\\python") import Session # create a new session sess = Session.Session() # Connect to the database x=sess. connect ("user1","password","16.123.456.78","23400") # Execute sample queries # execute takes the query string as argument setSchema = "set schema TRAFODION.CI_SAMPLE" selectTable = "select * from employee" getStats = "get statistics" #Contruct a list of SQL statements to be executed queryList = [setSchema, selectTable, getStats] print "\n"; for query in queryList: print sess.execute (query) # disconnect the session sess.disconnect() del sess sess=None
[ 11748, 28686, 1330, 25064, 198, 198, 2235, 3401, 1958, 428, 3108, 198, 17597, 13, 6978, 13, 33295, 7203, 34, 25, 6852, 15167, 13283, 357, 87, 4521, 8, 6852, 25189, 4891, 10442, 5693, 6852, 15721, 69, 375, 295, 9455, 26491, 6852, 8019, 6852, 29412, 4943, 198, 11748, 23575, 198, 198, 2, 2251, 257, 649, 6246, 198, 82, 408, 796, 23575, 13, 36044, 3419, 198, 198, 2, 8113, 284, 262, 6831, 198, 87, 28, 82, 408, 13, 2018, 5855, 7220, 16, 2430, 28712, 2430, 1433, 13, 10163, 13, 29228, 13, 3695, 2430, 1954, 7029, 4943, 198, 198, 2, 8393, 1133, 6291, 20743, 198, 198, 2, 12260, 2753, 262, 12405, 4731, 355, 4578, 198, 2617, 27054, 2611, 796, 366, 2617, 32815, 29125, 37, 3727, 2849, 13, 25690, 62, 49302, 16437, 1, 198, 19738, 10962, 796, 366, 19738, 1635, 422, 6538, 1, 198, 1136, 29668, 796, 366, 1136, 7869, 1, 198, 198, 2, 4264, 1356, 257, 1351, 286, 16363, 6299, 284, 307, 10945, 198, 22766, 8053, 796, 685, 2617, 27054, 2611, 11, 2922, 10962, 11, 651, 29668, 60, 3601, 37082, 77, 8172, 198, 198, 1640, 12405, 287, 12405, 8053, 25, 198, 220, 220, 3601, 264, 408, 13, 41049, 357, 22766, 8, 198, 198, 2, 22837, 262, 6246, 198, 82, 408, 13, 6381, 8443, 3419, 198, 12381, 264, 408, 198, 82, 408, 28, 14202, 198 ]
3.268182
220
import os import pytest import numpy as np AWNAS_TEST_NASBENCH = os.environ.get("AWNAS_TEST_NASBENCH", None) @pytest.mark.skipif( not AWNAS_TEST_NASBENCH, reason="do not test the nasbench BTC by default.") @pytest.mark.parametrize("case", [ {"cls": "nasbench-101", "load_nasbench": False, "validate_spec": False}]) @pytest.mark.skipif( not AWNAS_TEST_NASBENCH, reason="do not test the nasbench BTC by default.") @pytest.mark.skipif( not AWNAS_TEST_NASBENCH, reason="do not test the nasbench BTC by default.") @pytest.mark.parametrize( "case", [ {"embedder_type": "nb101-lstm"}, {"embedder_type": "nb101-lstm", "embedder_cfg": { "use_hid": True, "num_layers": 3 }}, {"embedder_type": "nb101-seq"}, {"embedder_type": "nb101-flow"}, {"embedder_type": "nb101-flow", "embedder_cfg": { "use_final_only": True, "use_global_node": True }}, {"embedder_type": "nb101-gcn"}, {"embedder_type": "nb101-gcn", "embedder_cfg": { "use_final_only": True, "use_global_node": True }}, ]) @pytest.mark.skipif( not AWNAS_TEST_NASBENCH, reason="do not test the nasbench BTC by default.") @pytest.mark.skipif( not AWNAS_TEST_NASBENCH, reason="do not test the nasbench BTC by default.")
[ 11748, 28686, 198, 11748, 12972, 9288, 198, 11748, 299, 32152, 355, 45941, 198, 198, 12298, 18293, 62, 51, 6465, 62, 18293, 33, 1677, 3398, 796, 28686, 13, 268, 2268, 13, 1136, 7203, 12298, 18293, 62, 51, 6465, 62, 18293, 33, 1677, 3398, 1600, 6045, 8, 198, 198, 31, 9078, 9288, 13, 4102, 13, 48267, 361, 7, 198, 220, 220, 220, 407, 14356, 18293, 62, 51, 6465, 62, 18293, 33, 1677, 3398, 11, 1738, 2625, 4598, 407, 1332, 262, 25221, 26968, 14503, 416, 4277, 19570, 198, 31, 9078, 9288, 13, 4102, 13, 17143, 316, 380, 2736, 7203, 7442, 1600, 685, 198, 220, 220, 220, 19779, 565, 82, 1298, 366, 24716, 26968, 12, 8784, 1600, 366, 2220, 62, 24716, 26968, 1298, 10352, 11, 366, 12102, 378, 62, 16684, 1298, 10352, 92, 12962, 198, 198, 31, 9078, 9288, 13, 4102, 13, 48267, 361, 7, 198, 220, 220, 220, 407, 14356, 18293, 62, 51, 6465, 62, 18293, 33, 1677, 3398, 11, 1738, 2625, 4598, 407, 1332, 262, 25221, 26968, 14503, 416, 4277, 19570, 198, 198, 31, 9078, 9288, 13, 4102, 13, 48267, 361, 7, 198, 220, 220, 220, 407, 14356, 18293, 62, 51, 6465, 62, 18293, 33, 1677, 3398, 11, 1738, 2625, 4598, 407, 1332, 262, 25221, 26968, 14503, 416, 4277, 19570, 198, 31, 9078, 9288, 13, 4102, 13, 17143, 316, 380, 2736, 7, 198, 220, 220, 220, 366, 7442, 1600, 685, 198, 220, 220, 220, 220, 220, 220, 220, 19779, 20521, 1082, 62, 4906, 1298, 366, 46803, 8784, 12, 75, 301, 76, 25719, 198, 220, 220, 220, 220, 220, 220, 220, 19779, 20521, 1082, 62, 4906, 1298, 366, 46803, 8784, 12, 75, 301, 76, 1600, 198, 220, 220, 220, 220, 220, 220, 220, 220, 366, 20521, 1082, 62, 37581, 1298, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 1904, 62, 49675, 1298, 6407, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 22510, 62, 75, 6962, 1298, 513, 198, 220, 220, 220, 220, 220, 220, 220, 220, 1782, 5512, 198, 220, 220, 220, 220, 220, 220, 220, 19779, 20521, 1082, 62, 4906, 1298, 366, 46803, 8784, 12, 41068, 25719, 198, 220, 220, 220, 220, 220, 220, 220, 19779, 20521, 1082, 62, 4906, 1298, 366, 46803, 8784, 12, 11125, 25719, 198, 220, 220, 220, 220, 220, 220, 220, 19779, 20521, 1082, 62, 4906, 1298, 366, 46803, 8784, 12, 11125, 1600, 198, 220, 220, 220, 220, 220, 220, 220, 220, 366, 20521, 1082, 62, 37581, 1298, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 1904, 62, 20311, 62, 8807, 1298, 6407, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 1904, 62, 20541, 62, 17440, 1298, 6407, 198, 220, 220, 220, 220, 220, 220, 220, 220, 1782, 5512, 198, 220, 220, 220, 220, 220, 220, 220, 19779, 20521, 1082, 62, 4906, 1298, 366, 46803, 8784, 12, 70, 31522, 25719, 198, 220, 220, 220, 220, 220, 220, 220, 19779, 20521, 1082, 62, 4906, 1298, 366, 46803, 8784, 12, 70, 31522, 1600, 198, 220, 220, 220, 220, 220, 220, 220, 220, 366, 20521, 1082, 62, 37581, 1298, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 1904, 62, 20311, 62, 8807, 1298, 6407, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 1904, 62, 20541, 62, 17440, 1298, 6407, 198, 220, 220, 220, 220, 220, 220, 220, 220, 1782, 5512, 198, 220, 220, 220, 33761, 198, 198, 31, 9078, 9288, 13, 4102, 13, 48267, 361, 7, 198, 220, 220, 220, 407, 14356, 18293, 62, 51, 6465, 62, 18293, 33, 1677, 3398, 11, 1738, 2625, 4598, 407, 1332, 262, 25221, 26968, 14503, 416, 4277, 19570, 198, 198, 31, 9078, 9288, 13, 4102, 13, 48267, 361, 7, 198, 220, 220, 220, 407, 14356, 18293, 62, 51, 6465, 62, 18293, 33, 1677, 3398, 11, 1738, 2625, 4598, 407, 1332, 262, 25221, 26968, 14503, 416, 4277, 19570, 198 ]
2.087218
665
from __future__ import absolute_import from __future__ import division from __future__ import print_function import shutil import sys import tempfile from observations.r.forbes2000 import forbes2000 def test_forbes2000(): """Test module forbes2000.py by downloading forbes2000.csv and testing shape of extracted data has 2000 rows and 8 columns """ test_path = tempfile.mkdtemp() x_train, metadata = forbes2000(test_path) try: assert x_train.shape == (2000, 8) except: shutil.rmtree(test_path) raise()
[ 6738, 11593, 37443, 834, 1330, 4112, 62, 11748, 198, 6738, 11593, 37443, 834, 1330, 7297, 198, 6738, 11593, 37443, 834, 1330, 3601, 62, 8818, 198, 198, 11748, 4423, 346, 198, 11748, 25064, 198, 11748, 20218, 7753, 198, 198, 6738, 13050, 13, 81, 13, 1640, 12636, 11024, 1330, 11747, 274, 11024, 628, 198, 4299, 1332, 62, 1640, 12636, 11024, 33529, 198, 220, 37227, 14402, 8265, 11747, 274, 11024, 13, 9078, 416, 22023, 198, 220, 220, 11747, 274, 11024, 13, 40664, 290, 4856, 5485, 286, 198, 220, 220, 21242, 1366, 468, 4751, 15274, 290, 807, 15180, 198, 220, 37227, 198, 220, 1332, 62, 6978, 796, 20218, 7753, 13, 28015, 67, 29510, 3419, 198, 220, 2124, 62, 27432, 11, 20150, 796, 11747, 274, 11024, 7, 9288, 62, 6978, 8, 198, 220, 1949, 25, 198, 220, 220, 220, 6818, 2124, 62, 27432, 13, 43358, 6624, 357, 11024, 11, 807, 8, 198, 220, 2845, 25, 198, 220, 220, 220, 4423, 346, 13, 81, 16762, 631, 7, 9288, 62, 6978, 8, 198, 220, 220, 220, 5298, 3419, 198 ]
3.116279
172
# Copyright The PyTorch Lightning team. # # 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 abc import ABC, abstractmethod from typing import Any, Optional import numbers import torch from torch import nn import numpy as np from pytorch_lightning.metrics.converters import ( sync_ddp_if_available, gather_all_tensors_if_available, convert_to_tensor, convert_to_numpy) from pytorch_lightning.utilities.apply_func import apply_to_collection from pytorch_lightning.utilities.device_dtype_mixin import DeviceDtypeModuleMixin class Metric(DeviceDtypeModuleMixin, nn.Module, ABC): """ Abstract base class for metric implementation. Should be used to implement metrics that 1. Return multiple Outputs 2. Handle their own DDP sync Metric hooks that can be implemented are * input_convert: pre-forward hook that takes care of input conversion * output_convert: post-forward hook that takes care of output convertion * ddp_sync: implementation of ddp sync, default is gather all * aggregate: implement how values should be aggregated * compute: post-ddp sync for additional metric computations Call order input_convert -> forward -> output_convert -> ddp_sync -> aggregate -> compute """ def __init__(self, name: str): """ Args: name: the metric's name """ super().__init__() self.name = name self._dtype = torch.get_default_dtype() self._device = torch.device('cpu') # Register hooks self.register_forward_pre_hook(self.input_convert) self.register_forward_hook(self.output_convert) self.register_forward_hook(self.ddp_sync) self.register_forward_hook(self.aggregate) self.register_forward_hook(self.compute) @staticmethod def input_convert(self, data: Any): """ Implement how the inputs should be casted before calling forward Args: data: input to forward method Returns: casted data """ return data @abstractmethod def forward(self, *args, **kwargs): """ Implements the actual metric computation. Returns: metric value or metric state """ raise NotImplementedError @staticmethod def output_convert(self, data: Any, output: Any): """ Implement how outputs from forward should be casted Args: data: input to forward method output: output from forward method Returns: casted outputs """ return output @staticmethod def ddp_sync(self, data: Any, output: Any): """ Implement how the outputs from forward should be synced Args: data: input to forward method output: output from the `output_convert` hook Returns: synced output """ return output @staticmethod def aggregate(self, data: Any, output: Any): """ Implement aggregation of values on the same device Args: data: input to forward method output: output from the `ddp_sync` hook Returns: aggregated values """ return output @staticmethod def compute(self, data: Any, output: Any): """ Implement additionally metric computations to be done after the ddp sync Args: data: input to forward method output: output from the `aggregate` hook Returns: final metric value """ return output class TensorMetric(Metric): """ Base class for metric implementation operating directly on tensors. All inputs and outputs will be casted to tensors if necessary. Already handles DDP sync and input/output conversions. """ def __init__(self, name: str, reduce_group: Optional[Any] = None, reduce_op: Optional[Any] = None): """ Args: name: the metric's name reduce_group: the process group for DDP reduces (only needed for DDP training). Defaults to all processes (world) reduce_op: the operation to perform during reduction within DDP (only needed for DDP training). Defaults to sum. """ super().__init__(name) self.reduce_group = reduce_group self.reduce_op = reduce_op @staticmethod @staticmethod @staticmethod class TensorCollectionMetric(Metric): """ Base class for metric implementation operating directly on tensors. All inputs will be casted to tensors if necessary. Outputs won't be casted. Already handles DDP sync and input conversions. This class differs from :class:`TensorMetric`, as it assumes all outputs to be collections of tensors and does not explicitly convert them. This is necessary, since some collections (like for ROC, Precision-Recall Curve etc.) cannot be converted to tensors at the highest level. All numpy arrays and numbers occuring in these outputs will still be converted. Use this class as a baseclass, whenever you want to ensure inputs are tensors and outputs cannot be converted to tensors automatically """ def __init__(self, name: str, reduce_group: Optional[Any] = None, reduce_op: Optional[Any] = None): """ Args: name: the metric's name reduce_group: the process group for DDP reduces (only needed for DDP training). Defaults to all processes (world) reduce_op: the operation to perform during reduction within DDP (only needed for DDP training). Defaults to sum. """ super().__init__(name) self.reduce_group = reduce_group self.reduce_op = reduce_op @staticmethod @staticmethod @staticmethod class NumpyMetric(Metric): """ Base class for metric implementation operating on numpy arrays. All inputs will be casted to numpy if necessary and all outputs will be casted to tensors if necessary. Already handles DDP sync and input/output conversions. """ def __init__(self, name: str, reduce_group: Optional[Any] = None, reduce_op: Optional[Any] = None): """ Args: name: the metric's name reduce_group: the process group for DDP reduces (only needed for DDP training). Defaults to all processes (world) reduce_op: the operation to perform during reduction within DDP (only needed for DDP training). Defaults to sum. """ super().__init__(name) self.reduce_group = reduce_group self.reduce_op = reduce_op @staticmethod @staticmethod @staticmethod
[ 2, 15069, 383, 9485, 15884, 354, 12469, 1074, 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, 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, 450, 66, 1330, 9738, 11, 12531, 24396, 198, 6738, 19720, 1330, 4377, 11, 32233, 198, 11748, 3146, 198, 198, 11748, 28034, 198, 6738, 28034, 1330, 299, 77, 198, 11748, 299, 32152, 355, 45941, 198, 198, 6738, 12972, 13165, 354, 62, 2971, 768, 13, 4164, 10466, 13, 1102, 332, 1010, 1330, 357, 198, 220, 220, 220, 17510, 62, 1860, 79, 62, 361, 62, 15182, 11, 6431, 62, 439, 62, 83, 641, 669, 62, 361, 62, 15182, 11, 198, 220, 220, 220, 10385, 62, 1462, 62, 83, 22854, 11, 10385, 62, 1462, 62, 77, 32152, 8, 198, 6738, 12972, 13165, 354, 62, 2971, 768, 13, 315, 2410, 13, 39014, 62, 20786, 1330, 4174, 62, 1462, 62, 43681, 198, 6738, 12972, 13165, 354, 62, 2971, 768, 13, 315, 2410, 13, 25202, 62, 67, 4906, 62, 19816, 259, 1330, 16232, 35, 4906, 26796, 35608, 259, 628, 198, 4871, 3395, 1173, 7, 24728, 35, 4906, 26796, 35608, 259, 11, 299, 77, 13, 26796, 11, 9738, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 27741, 2779, 1398, 329, 18663, 7822, 13, 628, 220, 220, 220, 10358, 307, 973, 284, 3494, 20731, 326, 628, 220, 220, 220, 220, 220, 220, 220, 352, 13, 8229, 3294, 25235, 82, 198, 220, 220, 220, 220, 220, 220, 220, 362, 13, 33141, 511, 898, 360, 6322, 17510, 628, 220, 220, 220, 3395, 1173, 26569, 326, 460, 307, 9177, 389, 628, 220, 220, 220, 220, 220, 220, 220, 1635, 5128, 62, 1102, 1851, 25, 662, 12, 11813, 8011, 326, 2753, 1337, 286, 5128, 11315, 198, 220, 220, 220, 220, 220, 220, 220, 1635, 5072, 62, 1102, 1851, 25, 1281, 12, 11813, 8011, 326, 2753, 1337, 286, 5072, 10385, 295, 198, 220, 220, 220, 220, 220, 220, 220, 1635, 288, 26059, 62, 27261, 25, 7822, 286, 288, 26059, 17510, 11, 4277, 318, 6431, 477, 198, 220, 220, 220, 220, 220, 220, 220, 1635, 19406, 25, 3494, 703, 3815, 815, 307, 13262, 515, 198, 220, 220, 220, 220, 220, 220, 220, 1635, 24061, 25, 1281, 12, 1860, 79, 17510, 329, 3224, 18663, 2653, 602, 628, 220, 220, 220, 4889, 1502, 628, 220, 220, 220, 220, 220, 220, 220, 5128, 62, 1102, 1851, 4613, 2651, 4613, 5072, 62, 1102, 1851, 4613, 288, 26059, 62, 27261, 4613, 19406, 4613, 24061, 628, 220, 220, 220, 37227, 628, 220, 220, 220, 825, 11593, 15003, 834, 7, 944, 11, 1438, 25, 965, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1438, 25, 262, 18663, 338, 1438, 628, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 2208, 22446, 834, 15003, 834, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 3672, 796, 1438, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13557, 67, 4906, 796, 28034, 13, 1136, 62, 12286, 62, 67, 4906, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13557, 25202, 796, 28034, 13, 25202, 10786, 36166, 11537, 628, 220, 220, 220, 220, 220, 220, 220, 1303, 17296, 26569, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 30238, 62, 11813, 62, 3866, 62, 25480, 7, 944, 13, 15414, 62, 1102, 1851, 8, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 30238, 62, 11813, 62, 25480, 7, 944, 13, 22915, 62, 1102, 1851, 8, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 30238, 62, 11813, 62, 25480, 7, 944, 13, 1860, 79, 62, 27261, 8, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 30238, 62, 11813, 62, 25480, 7, 944, 13, 9460, 49373, 8, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 30238, 62, 11813, 62, 25480, 7, 944, 13, 5589, 1133, 8, 628, 220, 220, 220, 2488, 12708, 24396, 198, 220, 220, 220, 825, 5128, 62, 1102, 1851, 7, 944, 11, 1366, 25, 4377, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 48282, 703, 262, 17311, 815, 307, 3350, 276, 878, 4585, 2651, 628, 220, 220, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1366, 25, 5128, 284, 2651, 2446, 628, 220, 220, 220, 220, 220, 220, 220, 16409, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3350, 276, 1366, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 1366, 628, 220, 220, 220, 2488, 397, 8709, 24396, 198, 220, 220, 220, 825, 2651, 7, 944, 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, 1846, 1154, 902, 262, 4036, 18663, 29964, 13, 628, 220, 220, 220, 220, 220, 220, 220, 16409, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 18663, 1988, 393, 18663, 1181, 628, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 5298, 1892, 3546, 1154, 12061, 12331, 628, 220, 220, 220, 2488, 12708, 24396, 198, 220, 220, 220, 825, 5072, 62, 1102, 1851, 7, 944, 11, 1366, 25, 4377, 11, 5072, 25, 4377, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 48282, 703, 23862, 422, 2651, 815, 307, 3350, 276, 628, 220, 220, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1366, 25, 5128, 284, 2651, 2446, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5072, 25, 5072, 422, 2651, 2446, 628, 220, 220, 220, 220, 220, 220, 220, 16409, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3350, 276, 23862, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 5072, 628, 220, 220, 220, 2488, 12708, 24396, 198, 220, 220, 220, 825, 288, 26059, 62, 27261, 7, 944, 11, 1366, 25, 4377, 11, 5072, 25, 4377, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 48282, 703, 262, 23862, 422, 2651, 815, 307, 6171, 771, 628, 220, 220, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1366, 25, 5128, 284, 2651, 2446, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5072, 25, 5072, 422, 262, 4600, 22915, 62, 1102, 1851, 63, 8011, 628, 220, 220, 220, 220, 220, 220, 220, 16409, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6171, 771, 5072, 628, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 5072, 628, 220, 220, 220, 2488, 12708, 24396, 198, 220, 220, 220, 825, 19406, 7, 944, 11, 1366, 25, 4377, 11, 5072, 25, 4377, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 48282, 46500, 286, 3815, 319, 262, 976, 3335, 628, 220, 220, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1366, 25, 5128, 284, 2651, 2446, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5072, 25, 5072, 422, 262, 4600, 1860, 79, 62, 27261, 63, 8011, 628, 220, 220, 220, 220, 220, 220, 220, 16409, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 13262, 515, 3815, 628, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 5072, 628, 220, 220, 220, 2488, 12708, 24396, 198, 220, 220, 220, 825, 24061, 7, 944, 11, 1366, 25, 4377, 11, 5072, 25, 4377, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 48282, 36527, 18663, 2653, 602, 284, 307, 1760, 706, 262, 288, 26059, 17510, 628, 220, 220, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1366, 25, 5128, 284, 2651, 2446, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5072, 25, 5072, 422, 262, 4600, 9460, 49373, 63, 8011, 628, 220, 220, 220, 220, 220, 220, 220, 16409, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2457, 18663, 1988, 628, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 5072, 628, 198, 4871, 309, 22854, 9171, 1173, 7, 9171, 1173, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 7308, 1398, 329, 18663, 7822, 5361, 3264, 319, 11192, 669, 13, 198, 220, 220, 220, 1439, 17311, 290, 23862, 481, 307, 3350, 276, 284, 11192, 669, 611, 3306, 13, 198, 220, 220, 220, 27511, 17105, 360, 6322, 17510, 290, 5128, 14, 22915, 32626, 13, 198, 220, 220, 220, 37227, 628, 220, 220, 220, 825, 11593, 15003, 834, 7, 944, 11, 1438, 25, 965, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4646, 62, 8094, 25, 32233, 58, 7149, 60, 796, 6045, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4646, 62, 404, 25, 32233, 58, 7149, 60, 796, 6045, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 628, 220, 220, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1438, 25, 262, 18663, 338, 1438, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4646, 62, 8094, 25, 262, 1429, 1448, 329, 360, 6322, 12850, 357, 8807, 2622, 329, 360, 6322, 3047, 737, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2896, 13185, 284, 477, 7767, 357, 6894, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4646, 62, 404, 25, 262, 4905, 284, 1620, 1141, 7741, 1626, 360, 6322, 357, 8807, 2622, 329, 360, 6322, 3047, 737, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2896, 13185, 284, 2160, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 2208, 22446, 834, 15003, 834, 7, 3672, 8, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 445, 7234, 62, 8094, 796, 4646, 62, 8094, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 445, 7234, 62, 404, 796, 4646, 62, 404, 628, 220, 220, 220, 2488, 12708, 24396, 628, 220, 220, 220, 2488, 12708, 24396, 628, 220, 220, 220, 2488, 12708, 24396, 628, 198, 4871, 309, 22854, 36307, 9171, 1173, 7, 9171, 1173, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 7308, 1398, 329, 18663, 7822, 5361, 3264, 319, 11192, 669, 13, 198, 220, 220, 220, 1439, 17311, 481, 307, 3350, 276, 284, 11192, 669, 611, 3306, 13, 25235, 82, 1839, 470, 307, 3350, 276, 13, 198, 220, 220, 220, 27511, 17105, 360, 6322, 17510, 290, 5128, 32626, 13, 628, 220, 220, 220, 770, 1398, 24242, 422, 1058, 4871, 25, 63, 51, 22854, 9171, 1173, 47671, 355, 340, 18533, 477, 23862, 284, 198, 220, 220, 220, 307, 17268, 286, 11192, 669, 290, 857, 407, 11777, 10385, 606, 13, 770, 318, 198, 220, 220, 220, 3306, 11, 1201, 617, 17268, 357, 2339, 329, 371, 4503, 11, 39281, 12, 6690, 439, 46300, 3503, 2014, 198, 220, 220, 220, 2314, 307, 11513, 284, 11192, 669, 379, 262, 4511, 1241, 13, 198, 220, 220, 220, 1439, 299, 32152, 26515, 290, 3146, 1609, 870, 287, 777, 23862, 481, 991, 307, 11513, 13, 628, 220, 220, 220, 5765, 428, 1398, 355, 257, 2779, 4871, 11, 8797, 345, 765, 284, 4155, 17311, 389, 198, 220, 220, 220, 11192, 669, 290, 23862, 2314, 307, 11513, 284, 11192, 669, 6338, 628, 220, 220, 220, 37227, 628, 220, 220, 220, 825, 11593, 15003, 834, 7, 944, 11, 1438, 25, 965, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4646, 62, 8094, 25, 32233, 58, 7149, 60, 796, 6045, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4646, 62, 404, 25, 32233, 58, 7149, 60, 796, 6045, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 628, 220, 220, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1438, 25, 262, 18663, 338, 1438, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4646, 62, 8094, 25, 262, 1429, 1448, 329, 360, 6322, 12850, 357, 8807, 2622, 329, 360, 6322, 3047, 737, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2896, 13185, 284, 477, 7767, 357, 6894, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4646, 62, 404, 25, 262, 4905, 284, 1620, 1141, 7741, 1626, 360, 6322, 357, 8807, 2622, 329, 360, 6322, 3047, 737, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2896, 13185, 284, 2160, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 2208, 22446, 834, 15003, 834, 7, 3672, 8, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 445, 7234, 62, 8094, 796, 4646, 62, 8094, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 445, 7234, 62, 404, 796, 4646, 62, 404, 628, 220, 220, 220, 2488, 12708, 24396, 628, 220, 220, 220, 2488, 12708, 24396, 628, 220, 220, 220, 2488, 12708, 24396, 628, 198, 4871, 399, 32152, 9171, 1173, 7, 9171, 1173, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 7308, 1398, 329, 18663, 7822, 5361, 319, 299, 32152, 26515, 13, 198, 220, 220, 220, 1439, 17311, 481, 307, 3350, 276, 284, 299, 32152, 611, 3306, 290, 477, 23862, 481, 198, 220, 220, 220, 307, 3350, 276, 284, 11192, 669, 611, 3306, 13, 198, 220, 220, 220, 27511, 17105, 360, 6322, 17510, 290, 5128, 14, 22915, 32626, 13, 198, 220, 220, 220, 37227, 628, 220, 220, 220, 825, 11593, 15003, 834, 7, 944, 11, 1438, 25, 965, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4646, 62, 8094, 25, 32233, 58, 7149, 60, 796, 6045, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4646, 62, 404, 25, 32233, 58, 7149, 60, 796, 6045, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 628, 220, 220, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1438, 25, 262, 18663, 338, 1438, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4646, 62, 8094, 25, 262, 1429, 1448, 329, 360, 6322, 12850, 357, 8807, 2622, 329, 360, 6322, 3047, 737, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2896, 13185, 284, 477, 7767, 357, 6894, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4646, 62, 404, 25, 262, 4905, 284, 1620, 1141, 7741, 1626, 360, 6322, 357, 8807, 2622, 329, 360, 6322, 3047, 737, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2896, 13185, 284, 2160, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 2208, 22446, 834, 15003, 834, 7, 3672, 8, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 445, 7234, 62, 8094, 796, 4646, 62, 8094, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 445, 7234, 62, 404, 796, 4646, 62, 404, 628, 220, 220, 220, 2488, 12708, 24396, 628, 220, 220, 220, 2488, 12708, 24396, 628, 220, 220, 220, 2488, 12708, 24396, 198 ]
2.615035
2,860
#!/usr/bin/env python3 # Copyright (c) 2017 The Bitcoin Core developers # Distributed under the MIT software license, see the accompanying # file COPYING or http://www.opensource.org/licenses/mit-license.php. import os import argparse from framework.argparse.option import add_tmp_directory_option from framework.bitcoin.setup import bitcoin_setup_repo from framework.test.exec import exec_cmd_no_error from framework.test.exec import exec_cmd_error from framework.test.exec import exec_cmd_json_no_error from framework.test.exec import exec_cmd_json_error from framework.test.exec import exec_modify_fixes_check from framework.test.exec import exec_modify_doesnt_fix_check from framework.test.cmd import ScriptTestCmd ############################################################################### # test ############################################################################### ############################################################################### # UI ############################################################################### if __name__ == "__main__": description = ("Tests basic_style.py through its range of subcommands and " "options.") parser = argparse.ArgumentParser(description=description) add_tmp_directory_option(parser) settings = parser.parse_args() settings.repository = bitcoin_setup_repo(settings.tmp_directory, branch="v0.14.0") TestBasicStyleCmd(settings).run()
[ 2, 48443, 14629, 14, 8800, 14, 24330, 21015, 18, 198, 2, 15069, 357, 66, 8, 2177, 383, 6185, 7231, 6505, 198, 2, 4307, 6169, 739, 262, 17168, 3788, 5964, 11, 766, 262, 19249, 198, 2, 2393, 27975, 45761, 393, 2638, 1378, 2503, 13, 44813, 1668, 13, 2398, 14, 677, 4541, 14, 2781, 12, 43085, 13, 10121, 13, 198, 198, 11748, 28686, 198, 11748, 1822, 29572, 198, 198, 6738, 9355, 13, 853, 29572, 13, 18076, 1330, 751, 62, 22065, 62, 34945, 62, 18076, 198, 6738, 9355, 13, 35395, 13, 40406, 1330, 8550, 62, 40406, 62, 260, 7501, 198, 6738, 9355, 13, 9288, 13, 18558, 1330, 2452, 62, 28758, 62, 3919, 62, 18224, 198, 6738, 9355, 13, 9288, 13, 18558, 1330, 2452, 62, 28758, 62, 18224, 198, 6738, 9355, 13, 9288, 13, 18558, 1330, 2452, 62, 28758, 62, 17752, 62, 3919, 62, 18224, 198, 6738, 9355, 13, 9288, 13, 18558, 1330, 2452, 62, 28758, 62, 17752, 62, 18224, 198, 6738, 9355, 13, 9288, 13, 18558, 1330, 2452, 62, 4666, 1958, 62, 42624, 62, 9122, 198, 6738, 9355, 13, 9288, 13, 18558, 1330, 2452, 62, 4666, 1958, 62, 22437, 429, 62, 13049, 62, 9122, 198, 6738, 9355, 13, 9288, 13, 28758, 1330, 12327, 14402, 40109, 198, 198, 29113, 29113, 7804, 4242, 21017, 198, 2, 1332, 198, 29113, 29113, 7804, 4242, 21017, 628, 628, 628, 628, 198, 29113, 29113, 7804, 4242, 21017, 198, 2, 12454, 198, 29113, 29113, 7804, 4242, 21017, 198, 198, 361, 11593, 3672, 834, 6624, 366, 834, 12417, 834, 1298, 198, 220, 220, 220, 6764, 796, 5855, 51, 3558, 4096, 62, 7635, 13, 9078, 832, 663, 2837, 286, 850, 9503, 1746, 290, 366, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 25811, 19570, 198, 220, 220, 220, 30751, 796, 1822, 29572, 13, 28100, 1713, 46677, 7, 11213, 28, 11213, 8, 198, 220, 220, 220, 751, 62, 22065, 62, 34945, 62, 18076, 7, 48610, 8, 198, 220, 220, 220, 6460, 796, 30751, 13, 29572, 62, 22046, 3419, 198, 220, 220, 220, 6460, 13, 260, 1930, 37765, 796, 8550, 62, 40406, 62, 260, 7501, 7, 33692, 13, 22065, 62, 34945, 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, 8478, 2625, 85, 15, 13, 1415, 13, 15, 4943, 198, 220, 220, 220, 6208, 26416, 21466, 40109, 7, 33692, 737, 5143, 3419, 198 ]
3.516355
428
from typing import Dict, Tuple import pytest # store history of failures per test class name and per index # in parametrize (if parametrize used) _test_failed_incremental: Dict[str, Dict[Tuple[int, ...], str]] = {}
[ 6738, 19720, 1330, 360, 713, 11, 309, 29291, 198, 198, 11748, 12972, 9288, 198, 198, 2, 3650, 2106, 286, 15536, 583, 1332, 1398, 1438, 290, 583, 6376, 198, 2, 287, 5772, 316, 380, 2736, 357, 361, 5772, 316, 380, 2736, 973, 8, 198, 62, 9288, 62, 47904, 62, 24988, 37098, 25, 360, 713, 58, 2536, 11, 360, 713, 58, 51, 29291, 58, 600, 11, 2644, 4357, 965, 11907, 796, 23884, 628, 198 ]
3.041667
72
# **************************************************************************** # # Air Hockey Table Project # Author: Ricardo Valverde # ------------------------- #This Code is Created for UCR's EE175 Senior Design Project # This Code contains The Puck Object Striker #For Pygame Documentation please see: #https://www.pygame.org/docs/index.html # **************************************************************************** # import math from pygame.math import Vector2 import pygame from Constants import* from linex import*
[ 2, 41906, 17174, 46068, 1303, 198, 2, 3701, 17277, 8655, 4935, 198, 198, 2, 6434, 25, 38847, 3254, 332, 2934, 198, 2, 220, 22369, 12, 198, 198, 2, 1212, 6127, 318, 15622, 329, 471, 9419, 338, 27254, 17430, 14017, 8495, 4935, 198, 198, 2, 770, 6127, 4909, 383, 350, 1347, 9515, 26137, 6122, 198, 198, 2, 1890, 9485, 6057, 43925, 3387, 766, 25, 198, 2, 5450, 1378, 2503, 13, 9078, 6057, 13, 2398, 14, 31628, 14, 9630, 13, 6494, 198, 198, 2, 41906, 17174, 46068, 1303, 198, 11748, 10688, 198, 6738, 12972, 6057, 13, 11018, 1330, 20650, 17, 198, 11748, 12972, 6057, 198, 6738, 4757, 1187, 1330, 9, 198, 6738, 1627, 87, 1330, 9, 628, 628, 628, 198 ]
4.559322
118
from CC3501Utils import * from Bombs import * from Vista import * from Pared import * from Player import * from Explosion import * from PDes import * from Enemy import * from Win import * from Power import * import pygame import math as m import random as rand ################################################################# #######MODULO DE FUNCIONES AUXILIARES PARA EL BOMBERMAN ################################################################# ################### ######choques###### ################### def chocaPared(p,l_pared,l_destructibles,direccion,dx,dy): """ True si esta chocando una pared :param p: Player or Enemy :param l_pared: List (listas de paredes) :param direccion: str :param dx: float :param dy: float :return: boolean """ (x,y)=p.getcenter() epsilon=20 if direccion=="arriba": y+=dy if direccion=="abajo": y-=dy if direccion=="izquierda": x-=dx if direccion=="derecha": x+=dx for j in l_pared: (z,w)=j.getcenter() if abs(z-x)<epsilon and abs(w-y)<epsilon: return True for j in l_destructibles: (z,w)=j.getcenter() if abs(z-x)<epsilon and abs(w-y)<epsilon: return True return False def chocar(obj1,obj2): """ True si objeto 1 y objeto 2 chocan :param obj1: Object :param obj2: Object :return: boolean """ (x,y)=obj1.getcenter() (z,w)=obj2.getcenter() epsilon=20 return abs(z-x)<epsilon and abs(w-y)<epsilon def frenteEnemigo(p,l_enemigos,direccion,dx,dy): """ True si p esta en frente de un enemigo :param p: Enemy or Player :param l_enemigos: list(Enemy) :param direccion: str :param dx: float :param dy: float :return: boolean """ (x,y)=p.getcenter() epsilon=20 if direccion=="arriba": y+=dy if direccion=="abajo": y-=dy if direccion=="izquierda": x-=dx if direccion=="derecha": x+=dx for enemigo in l_enemigos: (z,w)=enemigo.getcenter() if abs(z-x)<epsilon and abs(w-y)<epsilon: return True return False def moverEnemigo(l_enemigos,l_pared,l_destructibles,l_bombas,dificultad,dx,dy): """ Mueve los enemigos a posiciones adyacentes aleatorias :param enemigo: Enemy :param l_pared: list :param l_destructibles: list :param dx: float :param dy: float :return: none """ n=100 if dificultad=="medio": n=50 if dificultad=="dificil": n=25 if dificultad=="extremo": n=5 direcciones = ["arriba", "abajo", "izquierda", "derecha"] for enemigo in l_enemigos: aux=[] for e in l_enemigos: if e!=enemigo: aux.append(e) j=rand.randint(0,n) if j<4: dire=direcciones[j] if not chocaPared(enemigo,l_pared,l_destructibles,dire,dx,dy) and not chocaBomba(enemigo,l_bombas,dire,dx,dy) and not frenteEnemigo(enemigo,aux,dire,dx,dy): if dire=="arriba": enemigo.movery(1) if dire=="abajo": enemigo.movery(-1) if dire=="izquierda": enemigo.moverx(-1) if dire=="derecha": enemigo.moverx(1) def chocaBorde(p,l_borde,direccion,dx,dy): """ True si el player o enemy apunta hacia un borde del laberinto :param p: Player or Enemy :param l_borde: List :param direccion: str :param dx: num :param dy: num :return: boolean """ (x, y) = p.getcenter() epsilon = 20 if direccion == "arriba": y += dy if direccion == "abajo": y -= dy if direccion == "izquierda": x -= dx if direccion == "derecha": x += dx for j in l_borde: (z, w) = j.getcenter() if abs(z - x) < epsilon and abs(w - y) < epsilon: return True return False ##################### ######power ups###### ##################### #mecanicas: def dis_prox_espacio(p,l_paredes,l_borde,l_destructibles,l_bomba,direccion,dx,dy): """ Da cuantos pasos debe hacer el jugador para llegar al proximo sin una pared o bomba, sirve para los power ups de saltos :param p: Player :param l_paredes: list :param l_bordes: list :param l_destructibles: list :param l_bomba: list :param direccion: str :param dx:num :param dy:num :return:int """ i=1 inc=1 (x,y)=p.getpos() aux=Player(Vector(x,y)) if direccion=="abajo" or direccion=="izquierda": i=-1 inc=-1 while True: if chocaBorde(aux, l_borde, direccion, dx, dy): i = 0 break if not chocaPared(aux,l_paredes,l_destructibles,direccion,dx,dy) and not chocaBomba(aux,l_bomba,direccion,dx,dy): break if direccion == "derecha": aux.moverx(1) if direccion == "arriba": aux.movery(1) if direccion == "abajo": aux.movery(-1) if direccion == "izquierda": aux.moverx(-1) i+=inc return i #generacion: def generate_pwup(l_pw,l_players,l_paredes,l_win,l_bombas,l_enemigos,dx,dy): """ Genera un power up al azar en una posicion al azar :param l_pw: list :param l_players: list :param l_paredes: list :param l_win: list :param l_bombas: list :param l_enemigos: list :param dx: num :param dy: num :return: None """ tipos=["rango","pared","bomba","inmortal","cadena"] k=rand.randint(0,4) tipe=tipos[k] while True: i=rand.randint(0,14) j=rand.randint(0,12) pw=Power(Vector(i*dx,j*dy),tipe) poner=True for pared in l_paredes: if chocar(pared,pw): poner=False for power in l_pw: if chocar(pw,power): poner=False for jugador in l_players: if chocar(jugador,pw): poner=False for win in l_win: if chocar(win,pw): poner=False for bomb in l_bombas: if chocar(bomb,pw): poner=False for enemigo in l_enemigos: if chocar(enemigo,pw): poner=False if poner: l_pw.append(pw) break #obtencion,duracion y obtencion def obtener_pwup(p: Player,l_power_ups,l_obtenidos,l_activados,t_a,sound=None): """ Mecanica para obtener un power up :param p: Player :param l_power_ups: list :param l_obtenidos: list :param l_activados: list :param t_a: num :param sound: wav or None :return: None """ prob=rand.randint(0,100) for pw in l_power_ups: if chocar(p,pw): if prob <= 40 and sound != None: pygame.mixer.Sound.play(sound) pw.tomar(t_a) l_obtenidos.append(pw) i=pw.getindex() l_activados[i]=True def duracion_pwup(l_power_ups,l_activados,t_a): """ Ve si el power up debe parar o no :param l_power_ups: list :param l_activados: list :param t_a: num :return: None """ for pw in l_power_ups: tomado=pw.gettomado() if tomado: tiempo=pw.gettime() duracion=pw.getduracion() dif= abs(tiempo-t_a) if dif>=duracion: pw.setlife(False) i=pw.getindex() l_activados[i]=False else: i=pw.getindex() l_activados[i]=True def pwup_color(p: Player,l_power_ups,l_activados): """ Cambia el color de la camisa o el vestido :param p: Player :param l_power_ups: list :param l_activados: list :return: None """ for pw in l_power_ups: i=pw.getindex() if l_activados[i]: (r,g,b)=pw.getcoloracion() p.setcoloracion((r,g,b)) inactivos=True for efecto in l_activados: if efecto: inactivos=False if inactivos: p.normalizar_camisa() ################### ######bombas####### ################### def chocaBomba(p,l_bombas,direccion,dx,dy): """ Ve si el jugador o enemigo va a chocar con una bomba ( o apunta hacia ella) :param p: Player or Enemy :param l_bombas: list :param direccion: str :param dx: num :param dy: num :return: boolean """ (x,y)=p.getcenter() epsilon=20 if direccion=="arriba": y+=dy if direccion=="izquierda": x-=dx if direccion=="abajo": y-=dy if direccion=="derecha": x+=dx for bomba in l_bombas: (z,w)=bomba.getcenter() if abs(z-x)<epsilon and abs(w-y)<epsilon: return True return False def ponerBomba(l_bombas,jugador,direccion,t): """ pone una bomba en la direccion en que se mira :param l_bombas: List :param jugador: Player :param direccion: str :param t: float :return: none """ (px,py)=jugador.getpos() if direccion=="derecha": l_bombas.append(Bombs(Vector(px+53.0,py),t)) if direccion=="izquierda": l_bombas.append(Bombs(Vector(px-53.0,py),t)) if direccion=="arriba": l_bombas.append(Bombs(Vector(px,py+46.0),t)) if direccion=="abajo": l_bombas.append(Bombs(Vector(px,py-46.0),t)) def explosion_bombas(l_explosiones,l_bombas,l_paredes,rango,t_a,sonido=None): """ Ve que bombas deben explotar y genera las explosiones correspondientes :param l_explosiones: list :param l_bombas: list :param l_paredes: list :param rango: boolean :param t_a: num :param sonido: wav or None :return: None """ dx=53.0 dy=46.0 for bomba in l_bombas: t0=bomba.gettime() dt=t_a-t0 if dt>=3000.0: if sonido!=None: pygame.mixer.Sound.play(sonido) (x,y)=bomba.getcenter() xp=x-dx/2 yp=y-dy/2 e=Explosion(t_a,Vector(xp,yp)) (e_arriba,ar)=(Explosion(t_a,Vector(xp,yp+dy)),True) (e_izq,iz)=(Explosion(t_a,Vector(xp-dx,yp)),True) (e_abajo,aba)=(Explosion(t_a,Vector(xp,yp-dy)),True) (e_der,der)=(Explosion(t_a,Vector(xp+dx,yp)),True) for pared in l_paredes: if chocar(e_arriba,pared): ar=False if chocar(e_izq,pared): iz=False if chocar(e_abajo,pared): aba=False if chocar(e_der,pared): der=False l_explosiones.append(e) if ar: l_explosiones.append(e_arriba) if iz: l_explosiones.append(e_izq) if aba: l_explosiones.append(e_abajo) if der: l_explosiones.append(e_der) #si tengo el power up: if rango: if ar: (p_arriba,ar2)=(Explosion(t_a,Vector(xp,yp+2*dy)),True) if iz: (p_izq,iz2)=(Explosion(t_a,Vector(xp-2*dx,yp)),True) if aba: (p_aba,aba2)=(Explosion(t_a,Vector(xp,yp-2*dy)),True) if der: (p_der,der2)=(Explosion(t_a,Vector(xp+2*dx,yp)),True) for pared in l_paredes: if ar: if chocar(p_arriba,pared): ar2 = False if iz: if chocar(p_izq, pared): iz2 = False if aba: if chocar(p_aba, pared): aba2 = False if der: if chocar(p_der, pared): der2 = False if ar: if ar2: l_explosiones.append(p_arriba) if iz: if iz2: l_explosiones.append(p_izq) if aba: if aba2: l_explosiones.append(p_aba) if der: if der2: l_explosiones.append(p_der) bomba.setlife(False) if dt>=1000.0 and not bomba.getcambio(): bomba.color=(63.0/255,63.0/255,63.0/255) bomba.Cambio_change() def explotar(l_objetos,l_exp): """ Ve que objetos son alcanzados por la explosion y los mata :param l_objetos: list :param l_exp: list :return: None """ for obj in l_objetos: for exp in l_exp: if chocar(obj,exp): obj.setlife(False) def choque_players(l_players,l_enemigo): """ Ve si un enemigo esta chocando con un jugador :param l_players: list :param l_enemigo: list :return: None """ for enemigo in l_enemigo: for p in l_players: if chocar(p,enemigo): p.setlife(False) def cadena_explosiones(l_explosiones,l_bombas,sonido,l_paredes,rango,t_a): """ Ve si hay que hacer una cadena de explosiones con el power up :param l_explosiones: list :param l_bombas: list :param sonido: wav or None :param l_paredes: list :param rango:boolean :param t_a: num :return: boolean """ respuesta=False for explosion in l_explosiones: for bomba in l_bombas: if chocar(explosion,bomba): bomba.settime(4000) respuesta=True explosion_bombas(l_explosiones,l_bombas,l_paredes,rango,t_a,sonido) return respuesta ###################### ######creacion######## ###################### def creaciondestructibles(l_destructibles,l_players,dificultad,dx,dy): """ Crea las paredes destructibles iniciales en posiciones aleatorias :param l_destructibles: List :param l_players: Player :param dx: num :param dy: num :return: """ pos_players=[] for p in l_players: (x,y)=p.getcenter() pos_players.append((x,y)) pos_players.append((x+dx,y)) pos_players.append((x-dx,y)) pos_players.append((x,y+dy)) pos_players.append((x,y-dy)) pos_players.append((x + 2*dx, y)) pos_players.append((x - 2*dx, y)) pos_players.append((x, y + 2*dy)) pos_players.append((x, y - 2*dy)) numeros=[] n_min=5 n_max=20 if dificultad=="medio": n_min=15 n_max=25 if dificultad=="dificil": n_min=25 n_max=28 if dificultad=="extremo": n_min=30 n_max=30 n_destructibles=rand.randint(n_min,n_max) i=0; while i<n_destructibles: y=rand.randrange(1,11) if y%2==0: x=rand.randrange(1,13,2) if y%2!=0: x=rand.randrange(1,13) if (x,y) in numeros: continue else: pared=PDes(Vector(x*dx,y*dy)) if pared.getcenter() in pos_players: continue else: numeros.append((x,y)) l_destructibles.append(pared) i+=1 def creacionenemigos(l_enemigos,l_destructibles,l_players,dificultad,dx,dy): """ Crea n enemigos en posiciones aleatorias, segun la dificultad escogida :param l_enemigos:List :param l_destructibles: List :param l_players: List :param dx: num :param dy: num :return: None """ pos_players=[] for p in l_players: (x,y)=p.getpos() pos_players.append(p) pos_players.append(Player(Vector(x+dx,y))) pos_players.append(Player(Vector(x - dx, y))) pos_players.append(Player(Vector(x, y+dy))) pos_players.append(Player(Vector(x, y-dy))) pos_players.append(Player(Vector(x + 2*dx, y))) pos_players.append(Player(Vector(x - 2*dx, y))) pos_players.append(Player(Vector(x, y+2*dx))) pos_players.append(Player(Vector(x , y-2*dy))) max=4 min=4 if dificultad=="medio": min=7 max=10 if dificultad=="dificil": min=10 max=13 if dificultad=="extremo": if len(l_players)==2: min=14 max=14 else: min=15 max=15 n_enemigos = rand.randint(min,max) i = 0; while i < n_enemigos: y = rand.randrange(1, 11) if y % 2 == 0: x = rand.randrange(1, 13, 2) if y % 2 != 0: x = rand.randrange(1, 13) else: tipe=rand.randint(1,2) enemigo=Enemy(Vector(x*dx, y*dy),tipe) poner=True for p in pos_players: if chocar(enemigo,p): poner=False for destructible in l_destructibles: if chocar(enemigo,destructible): poner=False for e in l_enemigos: if chocar(enemigo,e): poner=False if poner: l_enemigos.append(enemigo) i += 1 def creacionposganar(l_destructibles: list,l_win): """ genera la posicion de victoria dentro de una caja destructible al azar :param l_destructibles: list :param l_win: list :return: None """ i=rand.randrange(0,len(l_destructibles)-1) des=l_destructibles[i] l_win.append(Win(des.pos)) ############################# ###Creacion de mas niveles### ############################# def creacionnivel(l_win,l_powers,l_enemigos,l_paredes,l_destructibles,l_players,l_bombas,dificultad,dx,dy): """ Crea un nivel nuevo al azar :param l_win: list :param l_powers: list :param l_enemigos: list :param l_paredes: list :param l_destructibles: list :param l_players: list :param l_bombas: list :param dificultad: str :param dx: num :param dy: num :return: None """ creaciondestructibles(l_destructibles,l_players,dificultad,dx,dy) creacionenemigos(l_enemigos,l_destructibles,l_players,dificultad,dx,dy) creacionposganar(l_destructibles,l_win) generate_pwup(l_powers,l_players,l_paredes,l_win,l_bombas,l_enemigos,dx,dy) generate_pwup(l_powers, l_players, l_paredes, l_win, l_bombas, l_enemigos, dx, dy) #################### ######limpieza###### #################### def ganaste(l_win,l_player): """ True si algun jugador toco la posicion de victoria :param l_win: list :param l_player: list :return: boolean """ p=l_win[0] for jugador in l_player: if chocar(jugador,p): return True return False def lexp(l_explosiones,t_a): """ Modifica el estado de las explosiones :param l_explosiones: List :param t_a: num :return: none """ for exp in l_explosiones: t0=exp.gettime() dt=t_a-t0 if dt>=500.0: exp.setlife(False) def limpiar(arr): """ Borra los elementos que no estan en escena (o no estan vivos) :param arr: List :return: none """ n=len(arr) aux=[] for i in range(n): elemento=arr.pop(0) if elemento.getlife(): aux.append(elemento) for b in aux: arr.append(b)
[ 198, 6738, 12624, 2327, 486, 18274, 4487, 1330, 1635, 198, 6738, 44394, 1330, 1635, 198, 6738, 25160, 1330, 1635, 198, 6738, 350, 1144, 1330, 1635, 198, 6738, 7853, 1330, 1635, 198, 6738, 45742, 1330, 1635, 198, 6738, 350, 5960, 1330, 1635, 198, 6738, 21785, 1330, 1635, 198, 6738, 7178, 1330, 1635, 198, 6738, 4333, 1330, 1635, 198, 11748, 12972, 6057, 198, 11748, 10688, 355, 285, 198, 11748, 4738, 355, 43720, 198, 198, 29113, 29113, 2, 198, 4242, 21017, 33365, 6239, 46, 5550, 29397, 34, 2849, 1546, 27548, 55, 4146, 40, 1503, 1546, 350, 24401, 17852, 347, 2662, 13246, 10725, 198, 29113, 29113, 2, 628, 628, 198, 198, 14468, 21017, 198, 4242, 2235, 6679, 13281, 4242, 2235, 198, 14468, 21017, 198, 4299, 442, 11216, 47, 1144, 7, 79, 11, 75, 62, 29190, 11, 75, 62, 35678, 18764, 11, 67, 557, 535, 295, 11, 34350, 11, 9892, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 6407, 33721, 1556, 64, 442, 420, 25440, 555, 64, 279, 1144, 198, 220, 220, 220, 1058, 17143, 279, 25, 7853, 393, 21785, 198, 220, 220, 220, 1058, 17143, 300, 62, 29190, 25, 7343, 357, 4868, 292, 390, 279, 1144, 274, 8, 198, 220, 220, 220, 1058, 17143, 19958, 535, 295, 25, 965, 198, 220, 220, 220, 1058, 17143, 44332, 25, 12178, 198, 220, 220, 220, 1058, 17143, 20268, 25, 12178, 198, 220, 220, 220, 1058, 7783, 25, 25131, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 357, 87, 11, 88, 47505, 79, 13, 1136, 16159, 3419, 198, 220, 220, 220, 304, 862, 33576, 28, 1238, 198, 220, 220, 220, 611, 19958, 535, 295, 855, 1, 283, 822, 64, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 331, 47932, 9892, 198, 220, 220, 220, 611, 19958, 535, 295, 855, 1, 397, 34944, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 331, 12, 28, 9892, 198, 220, 220, 220, 611, 19958, 535, 295, 855, 1, 528, 421, 959, 6814, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 2124, 12, 28, 34350, 198, 220, 220, 220, 611, 19958, 535, 295, 855, 1, 67, 567, 11693, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 2124, 47932, 34350, 198, 220, 220, 220, 329, 474, 287, 300, 62, 29190, 25, 198, 220, 220, 220, 220, 220, 220, 220, 357, 89, 11, 86, 47505, 73, 13, 1136, 16159, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 611, 2352, 7, 89, 12, 87, 8, 27, 538, 18217, 261, 290, 2352, 7, 86, 12, 88, 8, 27, 538, 18217, 261, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1441, 6407, 198, 220, 220, 220, 329, 474, 287, 300, 62, 35678, 18764, 25, 198, 220, 220, 220, 220, 220, 220, 220, 357, 89, 11, 86, 47505, 73, 13, 1136, 16159, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 611, 2352, 7, 89, 12, 87, 8, 27, 538, 18217, 261, 290, 2352, 7, 86, 12, 88, 8, 27, 538, 18217, 261, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1441, 6407, 198, 220, 220, 220, 1441, 10352, 198, 198, 4299, 442, 420, 283, 7, 26801, 16, 11, 26801, 17, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 6407, 33721, 26181, 27206, 352, 331, 26181, 27206, 362, 442, 420, 272, 198, 220, 220, 220, 1058, 17143, 26181, 16, 25, 9515, 198, 220, 220, 220, 1058, 17143, 26181, 17, 25, 9515, 198, 220, 220, 220, 1058, 7783, 25, 25131, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 357, 87, 11, 88, 47505, 26801, 16, 13, 1136, 16159, 3419, 198, 220, 220, 220, 357, 89, 11, 86, 47505, 26801, 17, 13, 1136, 16159, 3419, 198, 220, 220, 220, 304, 862, 33576, 28, 1238, 198, 220, 220, 220, 1441, 2352, 7, 89, 12, 87, 8, 27, 538, 18217, 261, 290, 2352, 7, 86, 12, 88, 8, 27, 538, 18217, 261, 198, 198, 4299, 277, 1156, 68, 4834, 368, 14031, 7, 79, 11, 75, 62, 268, 368, 328, 418, 11, 67, 557, 535, 295, 11, 34350, 11, 9892, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 6407, 33721, 279, 1556, 64, 551, 277, 1156, 68, 390, 555, 551, 368, 14031, 198, 220, 220, 220, 1058, 17143, 279, 25, 21785, 393, 7853, 198, 220, 220, 220, 1058, 17143, 300, 62, 268, 368, 328, 418, 25, 1351, 7, 4834, 3065, 8, 198, 220, 220, 220, 1058, 17143, 19958, 535, 295, 25, 965, 198, 220, 220, 220, 1058, 17143, 44332, 25, 12178, 198, 220, 220, 220, 1058, 17143, 20268, 25, 12178, 198, 220, 220, 220, 1058, 7783, 25, 25131, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 357, 87, 11, 88, 47505, 79, 13, 1136, 16159, 3419, 198, 220, 220, 220, 304, 862, 33576, 28, 1238, 198, 220, 220, 220, 611, 19958, 535, 295, 855, 1, 283, 822, 64, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 331, 47932, 9892, 198, 220, 220, 220, 611, 19958, 535, 295, 855, 1, 397, 34944, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 331, 12, 28, 9892, 198, 220, 220, 220, 611, 19958, 535, 295, 855, 1, 528, 421, 959, 6814, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 2124, 12, 28, 34350, 198, 220, 220, 220, 611, 19958, 535, 295, 855, 1, 67, 567, 11693, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 2124, 47932, 34350, 198, 220, 220, 220, 329, 551, 368, 14031, 287, 300, 62, 268, 368, 328, 418, 25, 198, 220, 220, 220, 220, 220, 220, 220, 357, 89, 11, 86, 47505, 268, 368, 14031, 13, 1136, 16159, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 611, 2352, 7, 89, 12, 87, 8, 27, 538, 18217, 261, 290, 2352, 7, 86, 12, 88, 8, 27, 538, 18217, 261, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1441, 6407, 198, 220, 220, 220, 1441, 10352, 198, 198, 4299, 285, 2502, 4834, 368, 14031, 7, 75, 62, 268, 368, 328, 418, 11, 75, 62, 29190, 11, 75, 62, 35678, 18764, 11, 75, 62, 27657, 292, 11, 67, 811, 586, 324, 11, 34350, 11, 9892, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 337, 518, 303, 22346, 551, 368, 328, 418, 257, 1426, 47430, 274, 512, 88, 12643, 274, 31341, 1352, 4448, 198, 220, 220, 220, 1058, 17143, 551, 368, 14031, 25, 21785, 198, 220, 220, 220, 1058, 17143, 300, 62, 29190, 25, 1351, 198, 220, 220, 220, 1058, 17143, 300, 62, 35678, 18764, 25, 1351, 198, 220, 220, 220, 1058, 17143, 44332, 25, 12178, 198, 220, 220, 220, 1058, 17143, 20268, 25, 12178, 198, 220, 220, 220, 1058, 7783, 25, 4844, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 299, 28, 3064, 198, 220, 220, 220, 611, 288, 811, 586, 324, 855, 1, 1150, 952, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 299, 28, 1120, 198, 220, 220, 220, 611, 288, 811, 586, 324, 855, 1, 67, 811, 346, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 299, 28, 1495, 198, 220, 220, 220, 611, 288, 811, 586, 324, 855, 1, 2302, 2787, 78, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 299, 28, 20, 198, 220, 220, 220, 19958, 535, 295, 274, 796, 14631, 283, 822, 64, 1600, 366, 397, 34944, 1600, 366, 528, 421, 959, 6814, 1600, 366, 67, 567, 11693, 8973, 198, 220, 220, 220, 329, 551, 368, 14031, 287, 300, 62, 268, 368, 328, 418, 25, 198, 220, 220, 220, 220, 220, 220, 220, 27506, 28, 21737, 198, 220, 220, 220, 220, 220, 220, 220, 329, 304, 287, 300, 62, 268, 368, 328, 418, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 304, 0, 28, 268, 368, 14031, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 27506, 13, 33295, 7, 68, 8, 198, 220, 220, 220, 220, 220, 220, 220, 474, 28, 25192, 13, 25192, 600, 7, 15, 11, 77, 8, 198, 220, 220, 220, 220, 220, 220, 220, 611, 474, 27, 19, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 19958, 28, 67, 557, 535, 295, 274, 58, 73, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 407, 442, 11216, 47, 1144, 7, 268, 368, 14031, 11, 75, 62, 29190, 11, 75, 62, 35678, 18764, 11, 67, 557, 11, 34350, 11, 9892, 8, 290, 407, 442, 11216, 48478, 64, 7, 268, 368, 14031, 11, 75, 62, 27657, 292, 11, 67, 557, 11, 34350, 11, 9892, 8, 290, 407, 277, 1156, 68, 4834, 368, 14031, 7, 268, 368, 14031, 11, 14644, 11, 67, 557, 11, 34350, 11, 9892, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 19958, 855, 1, 283, 822, 64, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 551, 368, 14031, 13, 5908, 548, 7, 16, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 19958, 855, 1, 397, 34944, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 551, 368, 14031, 13, 5908, 548, 32590, 16, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 19958, 855, 1, 528, 421, 959, 6814, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 551, 368, 14031, 13, 76, 2502, 87, 32590, 16, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 19958, 855, 1, 67, 567, 11693, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 551, 368, 14031, 13, 76, 2502, 87, 7, 16, 8, 198, 4299, 442, 11216, 33, 17531, 7, 79, 11, 75, 62, 65, 17531, 11, 67, 557, 535, 295, 11, 34350, 11, 9892, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 6407, 33721, 1288, 2137, 267, 4472, 2471, 44424, 289, 47431, 555, 275, 17531, 1619, 2248, 263, 20424, 198, 220, 220, 220, 1058, 17143, 279, 25, 7853, 393, 21785, 198, 220, 220, 220, 1058, 17143, 300, 62, 65, 17531, 25, 7343, 198, 220, 220, 220, 1058, 17143, 19958, 535, 295, 25, 965, 198, 220, 220, 220, 1058, 17143, 44332, 25, 997, 198, 220, 220, 220, 1058, 17143, 20268, 25, 997, 198, 220, 220, 220, 1058, 7783, 25, 25131, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 357, 87, 11, 331, 8, 796, 279, 13, 1136, 16159, 3419, 198, 220, 220, 220, 304, 862, 33576, 796, 1160, 198, 220, 220, 220, 611, 19958, 535, 295, 6624, 366, 283, 822, 64, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 331, 15853, 20268, 198, 220, 220, 220, 611, 19958, 535, 295, 6624, 366, 397, 34944, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 331, 48185, 20268, 198, 220, 220, 220, 611, 19958, 535, 295, 6624, 366, 528, 421, 959, 6814, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 2124, 48185, 44332, 198, 220, 220, 220, 611, 19958, 535, 295, 6624, 366, 67, 567, 11693, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 2124, 15853, 44332, 198, 220, 220, 220, 329, 474, 287, 300, 62, 65, 17531, 25, 198, 220, 220, 220, 220, 220, 220, 220, 357, 89, 11, 266, 8, 796, 474, 13, 1136, 16159, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 611, 2352, 7, 89, 532, 2124, 8, 1279, 304, 862, 33576, 290, 2352, 7, 86, 532, 331, 8, 1279, 304, 862, 33576, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1441, 6407, 198, 220, 220, 220, 1441, 10352, 198, 198, 14468, 4242, 2, 198, 4242, 2235, 6477, 19649, 4242, 2235, 198, 14468, 4242, 2, 198, 2, 76, 721, 26277, 292, 25, 198, 4299, 595, 62, 1676, 87, 62, 9774, 48711, 7, 79, 11, 75, 62, 29190, 274, 11, 75, 62, 65, 17531, 11, 75, 62, 35678, 18764, 11, 75, 62, 27657, 64, 11, 67, 557, 535, 295, 11, 34350, 11, 9892, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 9637, 18912, 415, 418, 38836, 418, 390, 1350, 289, 11736, 1288, 45808, 7079, 31215, 300, 1455, 283, 435, 14793, 25147, 7813, 555, 64, 279, 1144, 267, 5194, 64, 11, 15967, 303, 31215, 22346, 1176, 19649, 390, 8268, 418, 198, 220, 220, 220, 1058, 17143, 279, 25, 7853, 198, 220, 220, 220, 1058, 17143, 300, 62, 29190, 274, 25, 1351, 198, 220, 220, 220, 1058, 17143, 300, 62, 65, 35770, 25, 1351, 198, 220, 220, 220, 1058, 17143, 300, 62, 35678, 18764, 25, 1351, 198, 220, 220, 220, 1058, 17143, 300, 62, 27657, 64, 25, 1351, 198, 220, 220, 220, 1058, 17143, 19958, 535, 295, 25, 965, 198, 220, 220, 220, 1058, 17143, 44332, 25, 22510, 198, 220, 220, 220, 1058, 17143, 20268, 25, 22510, 198, 220, 220, 220, 1058, 7783, 25, 600, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 1312, 28, 16, 198, 220, 220, 220, 753, 28, 16, 198, 220, 220, 220, 357, 87, 11, 88, 47505, 79, 13, 1136, 1930, 3419, 198, 220, 220, 220, 27506, 28, 14140, 7, 38469, 7, 87, 11, 88, 4008, 198, 220, 220, 220, 611, 19958, 535, 295, 855, 1, 397, 34944, 1, 393, 19958, 535, 295, 855, 1, 528, 421, 959, 6814, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 1312, 10779, 16, 198, 220, 220, 220, 220, 220, 220, 220, 753, 10779, 16, 198, 220, 220, 220, 981, 6407, 25, 198, 220, 220, 220, 220, 220, 220, 220, 611, 442, 11216, 33, 17531, 7, 14644, 11, 300, 62, 65, 17531, 11, 19958, 535, 295, 11, 44332, 11, 20268, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1312, 796, 657, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2270, 198, 220, 220, 220, 220, 220, 220, 220, 611, 407, 442, 11216, 47, 1144, 7, 14644, 11, 75, 62, 29190, 274, 11, 75, 62, 35678, 18764, 11, 67, 557, 535, 295, 11, 34350, 11, 9892, 8, 290, 407, 442, 11216, 48478, 64, 7, 14644, 11, 75, 62, 27657, 64, 11, 67, 557, 535, 295, 11, 34350, 11, 9892, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2270, 198, 220, 220, 220, 220, 220, 220, 220, 611, 19958, 535, 295, 6624, 366, 67, 567, 11693, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 27506, 13, 76, 2502, 87, 7, 16, 8, 198, 220, 220, 220, 220, 220, 220, 220, 611, 19958, 535, 295, 6624, 366, 283, 822, 64, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 27506, 13, 5908, 548, 7, 16, 8, 198, 220, 220, 220, 220, 220, 220, 220, 611, 19958, 535, 295, 6624, 366, 397, 34944, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 27506, 13, 5908, 548, 32590, 16, 8, 198, 220, 220, 220, 220, 220, 220, 220, 611, 19958, 535, 295, 6624, 366, 528, 421, 959, 6814, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 27506, 13, 76, 2502, 87, 32590, 16, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1312, 47932, 1939, 198, 220, 220, 220, 1441, 1312, 198, 2, 8612, 49443, 25, 198, 4299, 7716, 62, 79, 86, 929, 7, 75, 62, 79, 86, 11, 75, 62, 32399, 11, 75, 62, 29190, 274, 11, 75, 62, 5404, 11, 75, 62, 27657, 292, 11, 75, 62, 268, 368, 328, 418, 11, 34350, 11, 9892, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 2980, 64, 555, 1176, 510, 435, 35560, 283, 551, 555, 64, 1426, 47430, 435, 35560, 283, 198, 220, 220, 220, 1058, 17143, 300, 62, 79, 86, 25, 1351, 198, 220, 220, 220, 1058, 17143, 300, 62, 32399, 25, 1351, 198, 220, 220, 220, 1058, 17143, 300, 62, 29190, 274, 25, 1351, 198, 220, 220, 220, 1058, 17143, 300, 62, 5404, 25, 1351, 198, 220, 220, 220, 1058, 17143, 300, 62, 27657, 292, 25, 1351, 198, 220, 220, 220, 1058, 17143, 300, 62, 268, 368, 328, 418, 25, 1351, 198, 220, 220, 220, 1058, 17143, 44332, 25, 997, 198, 220, 220, 220, 1058, 17143, 20268, 25, 997, 198, 220, 220, 220, 1058, 7783, 25, 6045, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 8171, 418, 28, 14692, 81, 14208, 2430, 29190, 2430, 27657, 64, 2430, 259, 76, 16906, 2430, 66, 38047, 8973, 198, 220, 220, 220, 479, 28, 25192, 13, 25192, 600, 7, 15, 11, 19, 8, 198, 220, 220, 220, 256, 3757, 28, 22504, 418, 58, 74, 60, 198, 220, 220, 220, 981, 6407, 25, 198, 220, 220, 220, 220, 220, 220, 220, 1312, 28, 25192, 13, 25192, 600, 7, 15, 11, 1415, 8, 198, 220, 220, 220, 220, 220, 220, 220, 474, 28, 25192, 13, 25192, 600, 7, 15, 11, 1065, 8, 198, 220, 220, 220, 220, 220, 220, 220, 279, 86, 28, 13434, 7, 38469, 7, 72, 9, 34350, 11, 73, 9, 9892, 828, 83, 3757, 8, 198, 220, 220, 220, 220, 220, 220, 220, 279, 14491, 28, 17821, 198, 220, 220, 220, 220, 220, 220, 220, 329, 279, 1144, 287, 300, 62, 29190, 274, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 442, 420, 283, 7, 29190, 11, 79, 86, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 279, 14491, 28, 25101, 198, 220, 220, 220, 220, 220, 220, 220, 329, 1176, 287, 300, 62, 79, 86, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 442, 420, 283, 7, 79, 86, 11, 6477, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 279, 14491, 28, 25101, 198, 220, 220, 220, 220, 220, 220, 220, 329, 45808, 7079, 287, 300, 62, 32399, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 442, 420, 283, 7, 31761, 7079, 11, 79, 86, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 279, 14491, 28, 25101, 198, 220, 220, 220, 220, 220, 220, 220, 329, 1592, 287, 300, 62, 5404, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 442, 420, 283, 7, 5404, 11, 79, 86, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 279, 14491, 28, 25101, 198, 220, 220, 220, 220, 220, 220, 220, 329, 5194, 287, 300, 62, 27657, 292, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 442, 420, 283, 7, 27657, 11, 79, 86, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 279, 14491, 28, 25101, 198, 220, 220, 220, 220, 220, 220, 220, 329, 551, 368, 14031, 287, 300, 62, 268, 368, 328, 418, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 442, 420, 283, 7, 268, 368, 14031, 11, 79, 86, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 279, 14491, 28, 25101, 198, 220, 220, 220, 220, 220, 220, 220, 611, 279, 14491, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 300, 62, 79, 86, 13, 33295, 7, 79, 86, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2270, 198, 2, 672, 1452, 66, 295, 11, 67, 333, 49443, 331, 909, 1452, 66, 295, 198, 4299, 909, 83, 877, 62, 79, 86, 929, 7, 79, 25, 7853, 11, 75, 62, 6477, 62, 4739, 11, 75, 62, 672, 1452, 312, 418, 11, 75, 62, 15791, 22484, 11, 83, 62, 64, 11, 23661, 28, 14202, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 337, 721, 272, 3970, 31215, 909, 83, 877, 555, 1176, 510, 198, 220, 220, 220, 1058, 17143, 279, 25, 7853, 198, 220, 220, 220, 1058, 17143, 300, 62, 6477, 62, 4739, 25, 1351, 198, 220, 220, 220, 1058, 17143, 300, 62, 672, 1452, 312, 418, 25, 1351, 198, 220, 220, 220, 1058, 17143, 300, 62, 15791, 22484, 25, 1351, 198, 220, 220, 220, 1058, 17143, 256, 62, 64, 25, 997, 198, 220, 220, 220, 1058, 17143, 2128, 25, 266, 615, 393, 6045, 198, 220, 220, 220, 1058, 7783, 25, 6045, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 1861, 28, 25192, 13, 25192, 600, 7, 15, 11, 3064, 8, 198, 220, 220, 220, 329, 279, 86, 287, 300, 62, 6477, 62, 4739, 25, 198, 220, 220, 220, 220, 220, 220, 220, 611, 442, 420, 283, 7, 79, 11, 79, 86, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 1861, 19841, 2319, 290, 2128, 14512, 6045, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 12972, 6057, 13, 19816, 263, 13, 21369, 13, 1759, 7, 23661, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 279, 86, 13, 39532, 283, 7, 83, 62, 64, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 300, 62, 672, 1452, 312, 418, 13, 33295, 7, 79, 86, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1312, 28, 79, 86, 13, 1136, 9630, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 300, 62, 15791, 22484, 58, 72, 22241, 17821, 198, 4299, 22365, 49443, 62, 79, 86, 929, 7, 75, 62, 6477, 62, 4739, 11, 75, 62, 15791, 22484, 11, 83, 62, 64, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 8016, 33721, 1288, 1176, 510, 390, 1350, 1582, 283, 267, 645, 198, 220, 220, 220, 1058, 17143, 300, 62, 6477, 62, 4739, 25, 1351, 198, 220, 220, 220, 1058, 17143, 300, 62, 15791, 22484, 25, 1351, 198, 220, 220, 220, 1058, 17143, 256, 62, 64, 25, 997, 198, 220, 220, 220, 1058, 7783, 25, 6045, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 329, 279, 86, 287, 300, 62, 6477, 62, 4739, 25, 198, 220, 220, 220, 220, 220, 220, 220, 16667, 4533, 28, 79, 86, 13, 1136, 39532, 4533, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 611, 16667, 4533, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 256, 26597, 7501, 28, 79, 86, 13, 1136, 2435, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 22365, 49443, 28, 79, 86, 13, 1136, 67, 333, 49443, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 288, 361, 28, 2352, 7, 20259, 368, 7501, 12, 83, 62, 64, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 288, 361, 29, 28, 67, 333, 49443, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 279, 86, 13, 2617, 6042, 7, 25101, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1312, 28, 79, 86, 13, 1136, 9630, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 300, 62, 15791, 22484, 58, 72, 22241, 25101, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1312, 28, 79, 86, 13, 1136, 9630, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 300, 62, 15791, 22484, 58, 72, 22241, 17821, 198, 4299, 279, 86, 929, 62, 8043, 7, 79, 25, 7853, 11, 75, 62, 6477, 62, 4739, 11, 75, 62, 15791, 22484, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 21456, 544, 1288, 3124, 390, 8591, 12172, 9160, 267, 1288, 19750, 17305, 198, 220, 220, 220, 1058, 17143, 279, 25, 7853, 198, 220, 220, 220, 1058, 17143, 300, 62, 6477, 62, 4739, 25, 1351, 198, 220, 220, 220, 1058, 17143, 300, 62, 15791, 22484, 25, 1351, 198, 220, 220, 220, 1058, 7783, 25, 6045, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 329, 279, 86, 287, 300, 62, 6477, 62, 4739, 25, 198, 220, 220, 220, 220, 220, 220, 220, 1312, 28, 79, 86, 13, 1136, 9630, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 611, 300, 62, 15791, 22484, 58, 72, 5974, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 357, 81, 11, 70, 11, 65, 47505, 79, 86, 13, 1136, 8043, 49443, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 279, 13, 2617, 8043, 49443, 19510, 81, 11, 70, 11, 65, 4008, 198, 220, 220, 220, 287, 15791, 418, 28, 17821, 198, 220, 220, 220, 329, 304, 2309, 78, 287, 300, 62, 15791, 22484, 25, 198, 220, 220, 220, 220, 220, 220, 220, 611, 304, 2309, 78, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 287, 15791, 418, 28, 25101, 198, 220, 220, 220, 611, 287, 15791, 418, 25, 198, 220, 220, 220, 220, 220, 220, 220, 279, 13, 11265, 528, 283, 62, 20991, 9160, 3419, 198, 198, 14468, 21017, 198, 4242, 2235, 27657, 292, 4242, 21017, 198, 14468, 21017, 198, 4299, 442, 11216, 48478, 64, 7, 79, 11, 75, 62, 27657, 292, 11, 67, 557, 535, 295, 11, 34350, 11, 9892, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 8016, 33721, 1288, 45808, 7079, 267, 551, 368, 14031, 46935, 257, 442, 420, 283, 369, 555, 64, 5194, 64, 357, 267, 2471, 44424, 289, 47431, 304, 8466, 8, 198, 220, 220, 220, 1058, 17143, 279, 25, 7853, 393, 21785, 198, 220, 220, 220, 1058, 17143, 300, 62, 27657, 292, 25, 1351, 198, 220, 220, 220, 1058, 17143, 19958, 535, 295, 25, 965, 198, 220, 220, 220, 1058, 17143, 44332, 25, 997, 198, 220, 220, 220, 1058, 17143, 20268, 25, 997, 198, 220, 220, 220, 1058, 7783, 25, 25131, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 357, 87, 11, 88, 47505, 79, 13, 1136, 16159, 3419, 198, 220, 220, 220, 304, 862, 33576, 28, 1238, 198, 220, 220, 220, 611, 19958, 535, 295, 855, 1, 283, 822, 64, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 331, 47932, 9892, 198, 220, 220, 220, 611, 19958, 535, 295, 855, 1, 528, 421, 959, 6814, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 2124, 12, 28, 34350, 198, 220, 220, 220, 611, 19958, 535, 295, 855, 1, 397, 34944, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 331, 12, 28, 9892, 198, 220, 220, 220, 611, 19958, 535, 295, 855, 1, 67, 567, 11693, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 2124, 47932, 34350, 198, 220, 220, 220, 329, 5194, 64, 287, 300, 62, 27657, 292, 25, 198, 220, 220, 220, 220, 220, 220, 220, 357, 89, 11, 86, 47505, 27657, 64, 13, 1136, 16159, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 611, 2352, 7, 89, 12, 87, 8, 27, 538, 18217, 261, 290, 2352, 7, 86, 12, 88, 8, 27, 538, 18217, 261, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1441, 6407, 198, 220, 220, 220, 1441, 10352, 198, 198, 4299, 279, 14491, 48478, 64, 7, 75, 62, 27657, 292, 11, 31761, 7079, 11, 67, 557, 535, 295, 11, 83, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 279, 505, 555, 64, 5194, 64, 551, 8591, 19958, 535, 295, 551, 8358, 384, 5720, 64, 198, 220, 220, 220, 1058, 17143, 300, 62, 27657, 292, 25, 7343, 198, 220, 220, 220, 1058, 17143, 45808, 7079, 25, 7853, 198, 220, 220, 220, 1058, 17143, 19958, 535, 295, 25, 965, 198, 220, 220, 220, 1058, 17143, 256, 25, 12178, 198, 220, 220, 220, 1058, 7783, 25, 4844, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 357, 8416, 11, 9078, 47505, 31761, 7079, 13, 1136, 1930, 3419, 198, 220, 220, 220, 611, 19958, 535, 295, 855, 1, 67, 567, 11693, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 300, 62, 27657, 292, 13, 33295, 7, 33, 33273, 7, 38469, 7, 8416, 10, 4310, 13, 15, 11, 9078, 828, 83, 4008, 198, 220, 220, 220, 611, 19958, 535, 295, 855, 1, 528, 421, 959, 6814, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 300, 62, 27657, 292, 13, 33295, 7, 33, 33273, 7, 38469, 7, 8416, 12, 4310, 13, 15, 11, 9078, 828, 83, 4008, 198, 220, 220, 220, 611, 19958, 535, 295, 855, 1, 283, 822, 64, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 300, 62, 27657, 292, 13, 33295, 7, 33, 33273, 7, 38469, 7, 8416, 11, 9078, 10, 3510, 13, 15, 828, 83, 4008, 198, 220, 220, 220, 611, 19958, 535, 295, 855, 1, 397, 34944, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 300, 62, 27657, 292, 13, 33295, 7, 33, 33273, 7, 38469, 7, 8416, 11, 9078, 12, 3510, 13, 15, 828, 83, 4008, 198, 4299, 11278, 62, 27657, 292, 7, 75, 62, 20676, 18442, 274, 11, 75, 62, 27657, 292, 11, 75, 62, 29190, 274, 11, 81, 14208, 11, 83, 62, 64, 11, 1559, 17305, 28, 14202, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 8016, 8358, 5194, 292, 1915, 268, 1193, 313, 283, 331, 1152, 64, 39990, 11278, 274, 6053, 1153, 274, 198, 220, 220, 220, 1058, 17143, 300, 62, 20676, 18442, 274, 25, 1351, 198, 220, 220, 220, 1058, 17143, 300, 62, 27657, 292, 25, 1351, 198, 220, 220, 220, 1058, 17143, 300, 62, 29190, 274, 25, 1351, 198, 220, 220, 220, 1058, 17143, 374, 14208, 25, 25131, 198, 220, 220, 220, 1058, 17143, 256, 62, 64, 25, 997, 198, 220, 220, 220, 1058, 17143, 3367, 17305, 25, 266, 615, 393, 6045, 198, 220, 220, 220, 1058, 7783, 25, 6045, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 44332, 28, 4310, 13, 15, 198, 220, 220, 220, 20268, 28, 3510, 13, 15, 198, 220, 220, 220, 329, 5194, 64, 287, 300, 62, 27657, 292, 25, 198, 220, 220, 220, 220, 220, 220, 220, 256, 15, 28, 27657, 64, 13, 1136, 2435, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 288, 83, 28, 83, 62, 64, 12, 83, 15, 198, 220, 220, 220, 220, 220, 220, 220, 611, 288, 83, 29, 28, 23924, 13, 15, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 3367, 17305, 0, 28, 14202, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 12972, 6057, 13, 19816, 263, 13, 21369, 13, 1759, 7, 1559, 17305, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 357, 87, 11, 88, 47505, 27657, 64, 13, 1136, 16159, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 36470, 28, 87, 12, 34350, 14, 17, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 331, 79, 28, 88, 12, 9892, 14, 17, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 304, 28, 18438, 18442, 7, 83, 62, 64, 11, 38469, 7, 42372, 11, 4464, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 357, 68, 62, 283, 822, 64, 11, 283, 35793, 18438, 18442, 7, 83, 62, 64, 11, 38469, 7, 42372, 11, 4464, 10, 9892, 36911, 17821, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 357, 68, 62, 528, 80, 11, 528, 35793, 18438, 18442, 7, 83, 62, 64, 11, 38469, 7, 42372, 12, 34350, 11, 4464, 36911, 17821, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 357, 68, 62, 397, 34944, 11, 15498, 35793, 18438, 18442, 7, 83, 62, 64, 11, 38469, 7, 42372, 11, 4464, 12, 9892, 36911, 17821, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 357, 68, 62, 1082, 11, 1082, 35793, 18438, 18442, 7, 83, 62, 64, 11, 38469, 7, 42372, 10, 34350, 11, 4464, 36911, 17821, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 329, 279, 1144, 287, 300, 62, 29190, 274, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 442, 420, 283, 7, 68, 62, 283, 822, 64, 11, 29190, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 610, 28, 25101, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 442, 420, 283, 7, 68, 62, 528, 80, 11, 29190, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 528, 28, 25101, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 442, 420, 283, 7, 68, 62, 397, 34944, 11, 29190, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 450, 64, 28, 25101, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 442, 420, 283, 7, 68, 62, 1082, 11, 29190, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4587, 28, 25101, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 300, 62, 20676, 18442, 274, 13, 33295, 7, 68, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 610, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 300, 62, 20676, 18442, 274, 13, 33295, 7, 68, 62, 283, 822, 64, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 220, 528, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 300, 62, 20676, 18442, 274, 13, 33295, 7, 68, 62, 528, 80, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 450, 64, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 300, 62, 20676, 18442, 274, 13, 33295, 7, 68, 62, 397, 34944, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 4587, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 300, 62, 20676, 18442, 274, 13, 33295, 7, 68, 62, 1082, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 13396, 256, 1516, 78, 1288, 1176, 510, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 374, 14208, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 610, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 357, 79, 62, 283, 822, 64, 11, 283, 17, 35793, 18438, 18442, 7, 83, 62, 64, 11, 38469, 7, 42372, 11, 4464, 10, 17, 9, 9892, 36911, 17821, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 220, 528, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 357, 79, 62, 528, 80, 11, 528, 17, 35793, 18438, 18442, 7, 83, 62, 64, 11, 38469, 7, 42372, 12, 17, 9, 34350, 11, 4464, 36911, 17821, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 450, 64, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 357, 79, 62, 15498, 11, 15498, 17, 35793, 18438, 18442, 7, 83, 62, 64, 11, 38469, 7, 42372, 11, 4464, 12, 17, 9, 9892, 36911, 17821, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 4587, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 357, 79, 62, 1082, 11, 1082, 17, 35793, 18438, 18442, 7, 83, 62, 64, 11, 38469, 7, 42372, 10, 17, 9, 34350, 11, 4464, 36911, 17821, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 329, 279, 1144, 287, 300, 62, 29190, 274, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 610, 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, 611, 442, 420, 283, 7, 79, 62, 283, 822, 64, 11, 29190, 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, 220, 220, 220, 220, 610, 17, 796, 10352, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 220, 528, 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, 611, 442, 420, 283, 7, 79, 62, 528, 80, 11, 279, 1144, 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, 220, 220, 220, 220, 220, 528, 17, 796, 10352, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 450, 64, 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, 611, 442, 420, 283, 7, 79, 62, 15498, 11, 279, 1144, 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, 220, 220, 220, 220, 450, 64, 17, 796, 10352, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 4587, 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, 611, 442, 420, 283, 7, 79, 62, 1082, 11, 279, 1144, 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, 220, 220, 220, 220, 4587, 17, 796, 10352, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 610, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 610, 17, 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, 300, 62, 20676, 18442, 274, 13, 33295, 7, 79, 62, 283, 822, 64, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 220, 528, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 220, 528, 17, 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, 300, 62, 20676, 18442, 274, 13, 33295, 7, 79, 62, 528, 80, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 450, 64, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 450, 64, 17, 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, 300, 62, 20676, 18442, 274, 13, 33295, 7, 79, 62, 15498, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 4587, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 4587, 17, 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, 300, 62, 20676, 18442, 274, 13, 33295, 7, 79, 62, 1082, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5194, 64, 13, 2617, 6042, 7, 25101, 8, 628, 220, 220, 220, 220, 220, 220, 220, 611, 288, 83, 29, 28, 12825, 13, 15, 290, 407, 5194, 64, 13, 1136, 66, 4131, 952, 33529, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5194, 64, 13, 8043, 16193, 5066, 13, 15, 14, 13381, 11, 5066, 13, 15, 14, 13381, 11, 5066, 13, 15, 14, 13381, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5194, 64, 13, 34, 4131, 952, 62, 3803, 3419, 198, 4299, 1193, 313, 283, 7, 75, 62, 26801, 316, 418, 11, 75, 62, 11201, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 8016, 8358, 26181, 316, 418, 3367, 435, 5171, 89, 22484, 16964, 8591, 11278, 331, 22346, 285, 1045, 198, 220, 220, 220, 1058, 17143, 300, 62, 26801, 316, 418, 25, 1351, 198, 220, 220, 220, 1058, 17143, 300, 62, 11201, 25, 1351, 198, 220, 220, 220, 1058, 7783, 25, 6045, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 329, 26181, 287, 300, 62, 26801, 316, 418, 25, 198, 220, 220, 220, 220, 220, 220, 220, 329, 1033, 287, 300, 62, 11201, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 442, 420, 283, 7, 26801, 11, 11201, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 26181, 13, 2617, 6042, 7, 25101, 8, 198, 4299, 1727, 4188, 62, 32399, 7, 75, 62, 32399, 11, 75, 62, 268, 368, 14031, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 8016, 33721, 555, 551, 368, 14031, 1556, 64, 442, 420, 25440, 369, 555, 45808, 7079, 198, 220, 220, 220, 1058, 17143, 300, 62, 32399, 25, 1351, 198, 220, 220, 220, 1058, 17143, 300, 62, 268, 368, 14031, 25, 1351, 198, 220, 220, 220, 1058, 7783, 25, 6045, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 329, 551, 368, 14031, 287, 300, 62, 268, 368, 14031, 25, 198, 220, 220, 220, 220, 220, 220, 220, 329, 279, 287, 300, 62, 32399, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 442, 420, 283, 7, 79, 11, 268, 368, 14031, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 279, 13, 2617, 6042, 7, 25101, 8, 198, 4299, 20603, 8107, 62, 20676, 18442, 274, 7, 75, 62, 20676, 18442, 274, 11, 75, 62, 27657, 292, 11, 1559, 17305, 11, 75, 62, 29190, 274, 11, 81, 14208, 11, 83, 62, 64, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 8016, 33721, 27678, 8358, 289, 11736, 555, 64, 20603, 8107, 390, 11278, 274, 369, 1288, 1176, 510, 198, 220, 220, 220, 1058, 17143, 300, 62, 20676, 18442, 274, 25, 1351, 198, 220, 220, 220, 1058, 17143, 300, 62, 27657, 292, 25, 1351, 198, 220, 220, 220, 1058, 17143, 3367, 17305, 25, 266, 615, 393, 6045, 198, 220, 220, 220, 1058, 17143, 300, 62, 29190, 274, 25, 1351, 198, 220, 220, 220, 1058, 17143, 374, 14208, 25, 2127, 21052, 198, 220, 220, 220, 1058, 17143, 256, 62, 64, 25, 997, 198, 220, 220, 220, 1058, 7783, 25, 25131, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 1217, 84, 18059, 28, 25101, 198, 220, 220, 220, 329, 11278, 287, 300, 62, 20676, 18442, 274, 25, 198, 220, 220, 220, 220, 220, 220, 220, 329, 5194, 64, 287, 300, 62, 27657, 292, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 442, 420, 283, 7, 20676, 18442, 11, 27657, 64, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5194, 64, 13, 2617, 2435, 7, 27559, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1217, 84, 18059, 28, 17821, 198, 220, 220, 220, 11278, 62, 27657, 292, 7, 75, 62, 20676, 18442, 274, 11, 75, 62, 27657, 292, 11, 75, 62, 29190, 274, 11, 81, 14208, 11, 83, 62, 64, 11, 1559, 17305, 8, 198, 220, 220, 220, 1441, 1217, 84, 18059, 198, 14468, 4242, 2235, 198, 4242, 2235, 7513, 49443, 7804, 198, 14468, 4242, 2235, 198, 4299, 1126, 49443, 35678, 18764, 7, 75, 62, 35678, 18764, 11, 75, 62, 32399, 11, 67, 811, 586, 324, 11, 34350, 11, 9892, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 5844, 64, 39990, 279, 1144, 274, 15256, 18764, 287, 6652, 274, 551, 1426, 47430, 274, 31341, 1352, 4448, 198, 220, 220, 220, 1058, 17143, 300, 62, 35678, 18764, 25, 7343, 198, 220, 220, 220, 1058, 17143, 300, 62, 32399, 25, 7853, 198, 220, 220, 220, 1058, 17143, 44332, 25, 997, 198, 220, 220, 220, 1058, 17143, 20268, 25, 997, 198, 220, 220, 220, 1058, 7783, 25, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 1426, 62, 32399, 28, 21737, 198, 220, 220, 220, 329, 279, 287, 300, 62, 32399, 25, 198, 220, 220, 220, 220, 220, 220, 220, 357, 87, 11, 88, 47505, 79, 13, 1136, 16159, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 1426, 62, 32399, 13, 33295, 19510, 87, 11, 88, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 1426, 62, 32399, 13, 33295, 19510, 87, 10, 34350, 11, 88, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 1426, 62, 32399, 13, 33295, 19510, 87, 12, 34350, 11, 88, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 1426, 62, 32399, 13, 33295, 19510, 87, 11, 88, 10, 9892, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 1426, 62, 32399, 13, 33295, 19510, 87, 11, 88, 12, 9892, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 1426, 62, 32399, 13, 33295, 19510, 87, 1343, 362, 9, 34350, 11, 331, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 1426, 62, 32399, 13, 33295, 19510, 87, 532, 362, 9, 34350, 11, 331, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 1426, 62, 32399, 13, 33295, 19510, 87, 11, 331, 1343, 362, 9, 9892, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 1426, 62, 32399, 13, 33295, 19510, 87, 11, 331, 532, 362, 9, 9892, 4008, 198, 220, 220, 220, 5470, 418, 28, 21737, 628, 220, 220, 220, 299, 62, 1084, 28, 20, 198, 220, 220, 220, 299, 62, 9806, 28, 1238, 198, 220, 220, 220, 611, 288, 811, 586, 324, 855, 1, 1150, 952, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 299, 62, 1084, 28, 1314, 198, 220, 220, 220, 220, 220, 220, 220, 299, 62, 9806, 28, 1495, 198, 220, 220, 220, 611, 288, 811, 586, 324, 855, 1, 67, 811, 346, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 299, 62, 1084, 28, 1495, 198, 220, 220, 220, 220, 220, 220, 220, 299, 62, 9806, 28, 2078, 198, 220, 220, 220, 611, 288, 811, 586, 324, 855, 1, 2302, 2787, 78, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 299, 62, 1084, 28, 1270, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 299, 62, 9806, 28, 1270, 198, 220, 220, 220, 299, 62, 35678, 18764, 28, 25192, 13, 25192, 600, 7, 77, 62, 1084, 11, 77, 62, 9806, 8, 198, 220, 220, 220, 1312, 28, 15, 26, 198, 220, 220, 220, 981, 1312, 27, 77, 62, 35678, 18764, 25, 198, 220, 220, 220, 220, 220, 220, 220, 331, 28, 25192, 13, 25192, 9521, 7, 16, 11, 1157, 8, 198, 220, 220, 220, 220, 220, 220, 220, 611, 331, 4, 17, 855, 15, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2124, 28, 25192, 13, 25192, 9521, 7, 16, 11, 1485, 11, 17, 8, 198, 220, 220, 220, 220, 220, 220, 220, 611, 331, 4, 17, 0, 28, 15, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2124, 28, 25192, 13, 25192, 9521, 7, 16, 11, 1485, 8, 198, 220, 220, 220, 220, 220, 220, 220, 611, 357, 87, 11, 88, 8, 287, 5470, 418, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2555, 198, 220, 220, 220, 220, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 279, 1144, 28, 5760, 274, 7, 38469, 7, 87, 9, 34350, 11, 88, 9, 9892, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 279, 1144, 13, 1136, 16159, 3419, 287, 1426, 62, 32399, 25, 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, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5470, 418, 13, 33295, 19510, 87, 11, 88, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 300, 62, 35678, 18764, 13, 33295, 7, 29190, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1312, 47932, 16, 198, 198, 4299, 1126, 49443, 268, 368, 328, 418, 7, 75, 62, 268, 368, 328, 418, 11, 75, 62, 35678, 18764, 11, 75, 62, 32399, 11, 67, 811, 586, 324, 11, 34350, 11, 9892, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 5844, 64, 299, 551, 368, 328, 418, 551, 1426, 47430, 274, 31341, 1352, 4448, 11, 384, 7145, 8591, 288, 811, 586, 324, 3671, 519, 3755, 198, 220, 220, 220, 1058, 17143, 300, 62, 268, 368, 328, 418, 25, 8053, 198, 220, 220, 220, 1058, 17143, 300, 62, 35678, 18764, 25, 7343, 198, 220, 220, 220, 1058, 17143, 300, 62, 32399, 25, 7343, 198, 220, 220, 220, 1058, 17143, 44332, 25, 997, 198, 220, 220, 220, 1058, 17143, 20268, 25, 997, 198, 220, 220, 220, 1058, 7783, 25, 6045, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 1426, 62, 32399, 28, 21737, 198, 220, 220, 220, 329, 279, 287, 300, 62, 32399, 25, 198, 220, 220, 220, 220, 220, 220, 220, 357, 87, 11, 88, 47505, 79, 13, 1136, 1930, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 1426, 62, 32399, 13, 33295, 7, 79, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1426, 62, 32399, 13, 33295, 7, 14140, 7, 38469, 7, 87, 10, 34350, 11, 88, 22305, 198, 220, 220, 220, 220, 220, 220, 220, 1426, 62, 32399, 13, 33295, 7, 14140, 7, 38469, 7, 87, 532, 44332, 11, 331, 22305, 198, 220, 220, 220, 220, 220, 220, 220, 1426, 62, 32399, 13, 33295, 7, 14140, 7, 38469, 7, 87, 11, 331, 10, 9892, 22305, 198, 220, 220, 220, 220, 220, 220, 220, 1426, 62, 32399, 13, 33295, 7, 14140, 7, 38469, 7, 87, 11, 331, 12, 9892, 22305, 198, 220, 220, 220, 220, 220, 220, 220, 1426, 62, 32399, 13, 33295, 7, 14140, 7, 38469, 7, 87, 1343, 362, 9, 34350, 11, 331, 22305, 198, 220, 220, 220, 220, 220, 220, 220, 1426, 62, 32399, 13, 33295, 7, 14140, 7, 38469, 7, 87, 532, 362, 9, 34350, 11, 331, 22305, 198, 220, 220, 220, 220, 220, 220, 220, 1426, 62, 32399, 13, 33295, 7, 14140, 7, 38469, 7, 87, 11, 331, 10, 17, 9, 34350, 22305, 198, 220, 220, 220, 220, 220, 220, 220, 1426, 62, 32399, 13, 33295, 7, 14140, 7, 38469, 7, 87, 837, 331, 12, 17, 9, 9892, 22305, 198, 220, 220, 220, 3509, 28, 19, 198, 220, 220, 220, 949, 28, 19, 198, 220, 220, 220, 611, 288, 811, 586, 324, 855, 1, 1150, 952, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 949, 28, 22, 198, 220, 220, 220, 220, 220, 220, 220, 3509, 28, 940, 198, 220, 220, 220, 611, 288, 811, 586, 324, 855, 1, 67, 811, 346, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 949, 28, 940, 198, 220, 220, 220, 220, 220, 220, 220, 3509, 28, 1485, 198, 220, 220, 220, 611, 288, 811, 586, 324, 855, 1, 2302, 2787, 78, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 611, 18896, 7, 75, 62, 32399, 8, 855, 17, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 949, 28, 1415, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3509, 28, 1415, 198, 220, 220, 220, 220, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 949, 28, 1314, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3509, 28, 1314, 198, 220, 220, 220, 299, 62, 268, 368, 328, 418, 796, 43720, 13, 25192, 600, 7, 1084, 11, 9806, 8, 198, 220, 220, 220, 1312, 796, 657, 26, 198, 220, 220, 220, 981, 1312, 1279, 299, 62, 268, 368, 328, 418, 25, 198, 220, 220, 220, 220, 220, 220, 220, 331, 796, 43720, 13, 25192, 9521, 7, 16, 11, 1367, 8, 198, 220, 220, 220, 220, 220, 220, 220, 611, 331, 4064, 362, 6624, 657, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2124, 796, 43720, 13, 25192, 9521, 7, 16, 11, 1511, 11, 362, 8, 198, 220, 220, 220, 220, 220, 220, 220, 611, 331, 4064, 362, 14512, 657, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2124, 796, 43720, 13, 25192, 9521, 7, 16, 11, 1511, 8, 198, 220, 220, 220, 220, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 256, 3757, 28, 25192, 13, 25192, 600, 7, 16, 11, 17, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 551, 368, 14031, 28, 4834, 3065, 7, 38469, 7, 87, 9, 34350, 11, 331, 9, 9892, 828, 83, 3757, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 279, 14491, 28, 17821, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 329, 279, 287, 1426, 62, 32399, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 442, 420, 283, 7, 268, 368, 14031, 11, 79, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 279, 14491, 28, 25101, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 329, 15256, 856, 287, 300, 62, 35678, 18764, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 442, 420, 283, 7, 268, 368, 14031, 11, 35678, 856, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 279, 14491, 28, 25101, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 329, 304, 287, 300, 62, 268, 368, 328, 418, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 442, 420, 283, 7, 268, 368, 14031, 11, 68, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 279, 14491, 28, 25101, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 279, 14491, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 300, 62, 268, 368, 328, 418, 13, 33295, 7, 268, 368, 14031, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1312, 15853, 352, 198, 198, 4299, 1126, 49443, 1930, 1030, 283, 7, 75, 62, 35678, 18764, 25, 1351, 11, 75, 62, 5404, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 1152, 64, 8591, 1426, 47430, 390, 2210, 7661, 18794, 305, 390, 555, 64, 269, 27792, 15256, 856, 435, 35560, 283, 198, 220, 220, 220, 1058, 17143, 300, 62, 35678, 18764, 25, 1351, 198, 220, 220, 220, 1058, 17143, 300, 62, 5404, 25, 1351, 198, 220, 220, 220, 1058, 7783, 25, 6045, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 1312, 28, 25192, 13, 25192, 9521, 7, 15, 11, 11925, 7, 75, 62, 35678, 18764, 13219, 16, 8, 198, 220, 220, 220, 748, 28, 75, 62, 35678, 18764, 58, 72, 60, 198, 220, 220, 220, 300, 62, 5404, 13, 33295, 7, 16643, 7, 8906, 13, 1930, 4008, 198, 14468, 7804, 4242, 2, 198, 21017, 12443, 49443, 390, 12422, 299, 425, 829, 21017, 198, 14468, 7804, 4242, 2, 198, 4299, 1126, 49443, 77, 425, 75, 7, 75, 62, 5404, 11, 75, 62, 30132, 11, 75, 62, 268, 368, 328, 418, 11, 75, 62, 29190, 274, 11, 75, 62, 35678, 18764, 11, 75, 62, 32399, 11, 75, 62, 27657, 292, 11, 67, 811, 586, 324, 11, 34350, 11, 9892, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 5844, 64, 555, 299, 425, 75, 299, 518, 13038, 435, 35560, 283, 198, 220, 220, 220, 1058, 17143, 300, 62, 5404, 25, 1351, 198, 220, 220, 220, 1058, 17143, 300, 62, 30132, 25, 1351, 198, 220, 220, 220, 1058, 17143, 300, 62, 268, 368, 328, 418, 25, 1351, 198, 220, 220, 220, 1058, 17143, 300, 62, 29190, 274, 25, 1351, 198, 220, 220, 220, 1058, 17143, 300, 62, 35678, 18764, 25, 1351, 198, 220, 220, 220, 1058, 17143, 300, 62, 32399, 25, 1351, 198, 220, 220, 220, 1058, 17143, 300, 62, 27657, 292, 25, 1351, 198, 220, 220, 220, 1058, 17143, 288, 811, 586, 324, 25, 965, 198, 220, 220, 220, 1058, 17143, 44332, 25, 997, 198, 220, 220, 220, 1058, 17143, 20268, 25, 997, 198, 220, 220, 220, 1058, 7783, 25, 6045, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 1126, 49443, 35678, 18764, 7, 75, 62, 35678, 18764, 11, 75, 62, 32399, 11, 67, 811, 586, 324, 11, 34350, 11, 9892, 8, 198, 220, 220, 220, 1126, 49443, 268, 368, 328, 418, 7, 75, 62, 268, 368, 328, 418, 11, 75, 62, 35678, 18764, 11, 75, 62, 32399, 11, 67, 811, 586, 324, 11, 34350, 11, 9892, 8, 198, 220, 220, 220, 1126, 49443, 1930, 1030, 283, 7, 75, 62, 35678, 18764, 11, 75, 62, 5404, 8, 198, 220, 220, 220, 7716, 62, 79, 86, 929, 7, 75, 62, 30132, 11, 75, 62, 32399, 11, 75, 62, 29190, 274, 11, 75, 62, 5404, 11, 75, 62, 27657, 292, 11, 75, 62, 268, 368, 328, 418, 11, 34350, 11, 9892, 8, 198, 220, 220, 220, 7716, 62, 79, 86, 929, 7, 75, 62, 30132, 11, 300, 62, 32399, 11, 300, 62, 29190, 274, 11, 300, 62, 5404, 11, 300, 62, 27657, 292, 11, 300, 62, 268, 368, 328, 418, 11, 44332, 11, 20268, 8, 198, 14468, 4242, 198, 4242, 2235, 2475, 21749, 4496, 4242, 2235, 198, 14468, 4242, 198, 4299, 308, 272, 4594, 7, 75, 62, 5404, 11, 75, 62, 7829, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 6407, 33721, 435, 7145, 45808, 7079, 284, 1073, 8591, 1426, 47430, 390, 2210, 7661, 198, 220, 220, 220, 1058, 17143, 300, 62, 5404, 25, 1351, 198, 220, 220, 220, 1058, 17143, 300, 62, 7829, 25, 1351, 198, 220, 220, 220, 1058, 7783, 25, 25131, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 279, 28, 75, 62, 5404, 58, 15, 60, 198, 220, 220, 220, 329, 45808, 7079, 287, 300, 62, 7829, 25, 198, 220, 220, 220, 220, 220, 220, 220, 611, 442, 420, 283, 7, 31761, 7079, 11, 79, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1441, 6407, 198, 220, 220, 220, 1441, 10352, 198, 4299, 31191, 79, 7, 75, 62, 20676, 18442, 274, 11, 83, 62, 64, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 3401, 811, 64, 1288, 1556, 4533, 390, 39990, 11278, 274, 198, 220, 220, 220, 1058, 17143, 300, 62, 20676, 18442, 274, 25, 7343, 198, 220, 220, 220, 1058, 17143, 256, 62, 64, 25, 997, 198, 220, 220, 220, 1058, 7783, 25, 4844, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 329, 1033, 287, 300, 62, 20676, 18442, 274, 25, 198, 220, 220, 220, 220, 220, 220, 220, 256, 15, 28, 11201, 13, 1136, 2435, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 288, 83, 28, 83, 62, 64, 12, 83, 15, 198, 220, 220, 220, 220, 220, 220, 220, 611, 288, 83, 29, 28, 4059, 13, 15, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1033, 13, 2617, 6042, 7, 25101, 8, 198, 4299, 42102, 12571, 7, 3258, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 12182, 430, 22346, 5002, 418, 8358, 645, 1556, 272, 551, 3671, 8107, 357, 78, 645, 1556, 272, 410, 452, 418, 8, 198, 220, 220, 220, 1058, 17143, 5240, 25, 7343, 198, 220, 220, 220, 1058, 7783, 25, 4844, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 299, 28, 11925, 7, 3258, 8, 198, 220, 220, 220, 27506, 28, 21737, 198, 220, 220, 220, 329, 1312, 287, 2837, 7, 77, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 5002, 78, 28, 3258, 13, 12924, 7, 15, 8, 198, 220, 220, 220, 220, 220, 220, 220, 611, 5002, 78, 13, 1136, 6042, 33529, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 27506, 13, 33295, 7, 30854, 78, 8, 198, 220, 220, 220, 329, 275, 287, 27506, 25, 198, 220, 220, 220, 220, 220, 220, 220, 5240, 13, 33295, 7, 65, 8 ]
1.843326
10,474
myint = 7 print(myint) # the below way is another way to do the above print(7) # This will print 7.
[ 1820, 600, 796, 767, 198, 4798, 7, 1820, 600, 8, 198, 198, 2, 262, 2174, 835, 318, 1194, 835, 284, 466, 262, 2029, 198, 4798, 7, 22, 8, 198, 198, 2, 770, 481, 3601, 767, 13, 198 ]
2.756757
37