content
stringlengths 1
1.04M
| input_ids
sequencelengths 1
774k
| ratio_char_token
float64 0.38
22.9
| token_count
int64 1
774k
|
---|---|---|---|
#!/usr/bin/env python3
"""Runs kb-stopwatch."""
from kbstopwatch.main import main
# Run it
main()
| [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
18,
198,
37811,
10987,
82,
47823,
12,
11338,
8340,
526,
15931,
198,
198,
6738,
47823,
11338,
8340,
13,
12417,
1330,
1388,
628,
198,
2,
5660,
340,
198,
12417,
3419,
198
] | 2.657895 | 38 |
#!/usr/bin/env python
# encoding: utf-8
import sys, os
import numpy as np
import bisect
import scipy.io
import bisect
import math
import h5py
from nltk.corpus import wordnet as wn
from nltk.corpus import wordnet_ic
from basic.constant import ROOT_PATH
from basic.common import makedirsforfile, checkToSkip, printStatus
from basic.util import readImageSet
from basic.annotationtable import readConcepts
from util.simpleknn.bigfile import BigFile
from instance_based.tagvote import *
INFO = 'transduction_based.laplacian_tags'
DEFAULT_RATIOCS = 0.9
if __name__ == "__main__":
sys.exit(main())
| [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
198,
2,
21004,
25,
3384,
69,
12,
23,
198,
198,
11748,
25064,
11,
28686,
198,
11748,
299,
32152,
355,
45941,
198,
11748,
47457,
478,
198,
11748,
629,
541,
88,
13,
952,
198,
11748,
47457,
478,
198,
11748,
10688,
198,
11748,
289,
20,
9078,
198,
6738,
299,
2528,
74,
13,
10215,
79,
385,
1330,
1573,
3262,
355,
266,
77,
198,
6738,
299,
2528,
74,
13,
10215,
79,
385,
1330,
1573,
3262,
62,
291,
198,
198,
6738,
4096,
13,
9979,
415,
1330,
15107,
2394,
62,
34219,
198,
6738,
4096,
13,
11321,
1330,
285,
4335,
17062,
1640,
7753,
11,
2198,
2514,
50232,
11,
3601,
19580,
198,
6738,
4096,
13,
22602,
1330,
1100,
5159,
7248,
198,
6738,
4096,
13,
1236,
14221,
11487,
1330,
1100,
3103,
984,
82,
198,
6738,
7736,
13,
36439,
15418,
77,
13,
14261,
7753,
1330,
4403,
8979,
198,
6738,
4554,
62,
3106,
13,
12985,
27257,
1330,
1635,
198,
198,
10778,
796,
705,
7645,
11124,
62,
3106,
13,
5031,
489,
330,
666,
62,
31499,
6,
198,
198,
7206,
38865,
62,
49,
1404,
40,
4503,
50,
796,
657,
13,
24,
198,
198,
361,
11593,
3672,
834,
6624,
366,
834,
12417,
834,
1298,
198,
220,
220,
220,
25064,
13,
37023,
7,
12417,
28955,
198
] | 2.884615 | 208 |
from __future__ import absolute_import
from __future__ import division
from __future__ import print_function
import tensorflow as tf
import numpy as np
from numpy.random import RandomState
from tensorflow.python.framework import dtypes
from tensorflow.python.ops import random_ops
import random
""" Quarternion layers
References:
https://arxiv.org/pdf/1806.04418.pdf
https://arxiv.org/pdf/1806.07789.pdf
https://github.com/Orkis-Research/light-Recurrent-Neural-Networks
https://github.com/Orkis-Research/light-Convolutional-Neural-Networks-for-End-to-End-Automatic-Speech-Recognition
Some functions are direct ports from the Pytorch library.
"""
def quarternion_attention(a, b):
""" Performs dot product attention between two quarternion sequences.
a = bsz x al x dim
b = bsz x bl x dim
following:
(rr' - xx' - yy' - zz') +
(rx' + xr' + yz' - zy')i +
(ry' - xz' + yr' + zx')j +
(rz' + xy' - yx' + zr')k +
the output should be one attention matrix for each component (r,i,j,k)
"""
print("light Attention!")
print(a)
print(b)
al, bl = tf.shape(a)[2], tf.shape(b)[2]
ar, ax, ay, az = tf.split(a, 4, axis=-1)
br, bx, by, bz = tf.split(b, 4, axis=-1)
r = tf.matmul(ar, br, transpose_b=True) - tf.matmul(ax, bx, transpose_b=True) - tf.matmul(ay, by, transpose_b=True) - tf.matmul(az, bz, transpose_b=True)
i = tf.matmul(ar, bx, transpose_b=True) + tf.matmul(ax, br, transpose_b=True) + tf.matmul(ay, bz, transpose_b=True) - tf.matmul(az, by, transpose_b=True)
j = tf.matmul(ar, by, transpose_b=True) - tf.matmul(ax, bz, transpose_b=True) + tf.matmul(ay, br, transpose_b=True) + tf.matmul(az, bx, transpose_b=True)
k = tf.matmul(ar, bz, transpose_b=True) + tf.matmul(ax, by, transpose_b=True) - tf.matmul(ay, bx, transpose_b=True) + tf.matmul(az, br, transpose_b=True)
return [r, i, j, k]
def quarternion_dot_product_att(a, b):
""" Wrapper for two sequences
"""
al = tf.shape(a)[1]
bl = tf.shape(b)[1]
# print(a)
d = a.get_shape().as_list()[2]
bsz = tf.shape(b)[0]
a = tf.reshape(a, [-1, d])
a = tf.tile(a, [bl, 1])
b = tf.reshape(b, [-1, d])
b = tf.tile(b, [al, 1])
att = quarternion_dot(a, b)
att = tf.reshape(att, [bsz, -1, al * bl])
att = tf.reduce_sum(att, 1)
return tf.reshape(att, [-1, al * bl])
def quarternion_dot(q0, q1):
""" Quarternion product between 2 quarternions
returns same shape and acts like element-wise quarternion mul
"""
q1_r = get_r(q1)
q1_i = get_i(q1)
q1_j = get_j(q1)
q1_k = get_k(q1)
r_base = tf.multiply(q0, q1)
r = get_r(r_base) - get_i(r_base) - get_j(r_base) - get_k(r_base)
i_base = tf.multiply(q0, tf.concat([q1_i, q1_r, q1_k, q1_j], 1))
i = get_r(i_base) + get_i(i_base) + get_j(i_base) - get_k(i_base)
j_base = tf.multiply(q0, tf.concat([q1_j, q1_k, q1_r, q1_i], 1))
j = get_r(j_base) - get_i(j_base) + get_j(j_base) + get_k(j_base)
k_base = tf.multiply(q0, tf.concat([q1_k, q1_j, q1_i, q1_r], 1))
k = get_r(k_base) + get_i(k_base) - get_j(k_base) + get_k(k_base)
return tf.concat([r, i, j, k], 1)
def quarternion_concat(x, axis):
""" Helpful if we have 2 quarternions in [r,i,j,k].
We can't simply concat them as it would mess the components.
So in this case, we extract each component and concat them individually.
"""
output = [[] for i in range(4)]
for _x in x:
sp = tf.split(_x, 4, axis=axis)
for i in range(4):
output[i].append(sp[i])
final = []
for o in output:
o = tf.concat(o, axis)
final.append(o)
return tf.concat(final, axis)
def quarternion_ffn_3d(x, dim, name='', init=None,
num_layers=1, activation=None, reuse=None):
""" Quarternion Feed-forward layers to 3D input [bsz x seq_len x dim]
returns same shape tensor with new projected dimension.
"""
print("QFFN layer..")
_d = x.get_shape().as_list()[2]
sq = tf.shape(x)[1]
x = tf.reshape(x, [-1, _d])
x = quarternion_ffn(x, dim, name=name, init=init,
num_layers=num_layers,
activation=activation,reuse=reuse)
x = tf.reshape(x, [-1, sq, dim])
return x
def factorized_ffn_3d(x, dim, name='', init=None,
num_layers=1, activation=None, reuse=None):
""" 3D factorized FFN layer
"""
print("Factor Layer")
_d = x.get_shape().as_list()[2]
sq = tf.shape(x)[1]
x = tf.reshape(x, [-1, _d])
x = factorized_ffn(x, dim, name=name, init=init,
num_layers=num_layers,
activation=activation,reuse=reuse)
x = tf.reshape(x, [-1, sq, dim])
return x
def factorized_ffn(x, dim, name='', init=None,
num_layers=1, activation=None, reuse=None):
""" Factorized FFN
"""
if(init is None):
init = tf.contrib.layers.xavier_initializer()
input_dim=x.get_shape().as_list()[2]
k1 = tf.get_variable('factork1{}'.format(name), [input_dim], initializer=init)
k2 = tf.get_variable('factork2{}'.format(name), [dim], initializer=init)
W = tf.tensordot(k1, k2, axes=0)
output = tf.matmul(x, W)
if(activation):
output = activation(output)
return output
def quarternion_ffn(x, dim, name='', init=None,
num_layers=1, activation=None, reuse=None):
""" Implements quarternion feed-forward layer
x is [bsz x features] tensor
"""
if(init is None):
init = tf.contrib.layers.xavier_initializer()
# init = q_xavier_initializer()
input_dim = x.get_shape().as_list()[1] // 4
with tf.variable_scope('Q{}'.format(name), reuse=reuse) as scope:
kernel = tf.get_variable('quarternion', [input_dim, dim], initializer=init)
hamilton = make_quarternion_mul(kernel)
output = tf.matmul(x, hamilton)
if(activation):
output = activation(output)
return output
def make_random_mul(kernel, n=4, concat_dim=0, dual=False):
""" input is dim/n x dim
output is dim x dim
generalization and parameterized hypercomplex product
"""
dim = kernel.get_shape().as_list()[1]
dim2 = kernel.get_shape().as_list()[0]
kernel = tf.reshape(kernel, [dim2, 1, 1, dim])
mix = tf.split(kernel, n, axis=-1)
sdim = mix[0].get_shape().as_list()[-1] # dim//n x 1 x 1 x dim//n
AM = tf.get_variable('A', [n, 1, n, n])
cat = tf.concat(mix, axis=1) # dim/n x n x 1 x dim/n
cat = tf.tile(cat, [1, 1, n, 1]) # dim/n x n x n x dim/n
cat = tf.transpose(cat, [1, 0, 2, 3]) # n x dim/n x n x dim/n
if(dual==1):
print("Using Dual..")
BM = tf.get_variable('B', [n, 1, n, n])
AM *= tf.nn.sigmoid(BM)
AM = tf.tile(AM, [1, dim2, 1, 1]) # n x dim/n x n x n
cat = tf.matmul(AM, cat) # n x dim/n x n x dim/n
output = tf.reshape(cat, [dim2 *n, dim])
return output
def random_ffn_3d(x, dim, n=16, name='', init=None,
num_layers=1, activation=None, reuse=None, dual=False):
""" Implements random feed-forward layer
x is [bsz x features] tensor
"""
print("R-FFN layer..n={} dual={}".format(n, dual))
_d = x.get_shape().as_list()[2]
sq = tf.shape(x)[1]
x = tf.reshape(x, [-1, _d])
print(x)
x = random_ffn(x, dim, n=n, name=name, init=init,
num_layers=num_layers,
activation=activation, reuse=reuse, dual=dual)
x = tf.reshape(x, [-1, sq, dim])
return x
def random_ffn(x, dim, n=4, name='', init=None,
num_layers=1, activation=None, reuse=None, dual=0):
""" Implements random feed-forward layer
x is [bsz x features] tensor
"""
if(init is None):
init = tf.contrib.layers.xavier_initializer()
# init = q_xavier_initializer()
input_dim = x.get_shape().as_list()[1] // n
with tf.variable_scope('R{}'.format(name), reuse=reuse) as scope:
kernel = tf.get_variable('random', [input_dim, dim], initializer=init)
hamilton = make_random_mul(kernel, n=n, dual=dual)
output = tf.matmul(x, hamilton)
if(activation):
output = activation(output)
return output
def octonion_ffn_3d(x, dim, name='', init=None,
num_layers=1, activation=None, reuse=None):
""" Quarternion Feed-forward layers to 3D input [bsz x seq_len x dim]
returns same shape tensor with new projected dimension.
"""
print("OFFN layer..")
_d = x.get_shape().as_list()[2]
sq = tf.shape(x)[1]
x = tf.reshape(x, [-1, _d])
x = octonion_ffn(x, dim, name=name, init=init,
num_layers=num_layers,
activation=activation,reuse=reuse)
x = tf.reshape(x, [-1, sq, dim])
return x
| [
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,
11192,
273,
11125,
355,
48700,
198,
11748,
299,
32152,
355,
45941,
198,
6738,
299,
32152,
13,
25120,
1330,
14534,
9012,
198,
6738,
11192,
273,
11125,
13,
29412,
13,
30604,
1330,
288,
19199,
198,
6738,
11192,
273,
11125,
13,
29412,
13,
2840,
1330,
4738,
62,
2840,
198,
11748,
4738,
198,
198,
37811,
2264,
283,
759,
295,
11685,
198,
198,
19927,
25,
198,
198,
5450,
1378,
283,
87,
452,
13,
2398,
14,
12315,
14,
1507,
3312,
13,
43977,
1507,
13,
12315,
198,
5450,
1378,
283,
87,
452,
13,
2398,
14,
12315,
14,
1507,
3312,
13,
2998,
40401,
13,
12315,
198,
198,
5450,
1378,
12567,
13,
785,
14,
5574,
74,
271,
12,
25104,
14,
2971,
12,
6690,
6657,
12,
8199,
1523,
12,
7934,
5225,
198,
5450,
1378,
12567,
13,
785,
14,
5574,
74,
271,
12,
25104,
14,
2971,
12,
3103,
85,
2122,
282,
12,
8199,
1523,
12,
7934,
5225,
12,
1640,
12,
12915,
12,
1462,
12,
12915,
12,
16541,
13730,
12,
5248,
3055,
12,
6690,
2360,
653,
198,
198,
4366,
5499,
389,
1277,
14090,
422,
262,
9485,
13165,
354,
5888,
13,
198,
198,
37811,
628,
198,
4299,
36343,
759,
295,
62,
1078,
1463,
7,
64,
11,
275,
2599,
198,
197,
37811,
2448,
23914,
16605,
1720,
3241,
1022,
734,
36343,
759,
295,
16311,
13,
628,
197,
64,
796,
275,
82,
89,
2124,
435,
2124,
5391,
198,
197,
65,
796,
275,
82,
89,
2124,
698,
2124,
5391,
628,
197,
27780,
278,
25,
198,
197,
7,
21062,
6,
532,
31383,
6,
532,
331,
88,
6,
532,
1976,
89,
11537,
220,
1343,
198,
197,
197,
7,
40914,
6,
1343,
2124,
81,
6,
1343,
331,
89,
6,
532,
1976,
88,
11537,
72,
1343,
198,
197,
197,
7,
563,
6,
532,
2124,
89,
6,
1343,
42635,
6,
1343,
1976,
87,
11537,
73,
1343,
198,
197,
197,
7,
81,
89,
6,
1343,
2124,
88,
6,
532,
331,
87,
6,
1343,
1976,
81,
11537,
74,
1343,
628,
197,
1169,
5072,
815,
307,
530,
3241,
17593,
329,
1123,
7515,
357,
81,
11,
72,
11,
73,
11,
74,
8,
198,
197,
37811,
198,
197,
4798,
7203,
2971,
47406,
2474,
8,
198,
197,
4798,
7,
64,
8,
198,
197,
4798,
7,
65,
8,
198,
197,
282,
11,
698,
796,
48700,
13,
43358,
7,
64,
38381,
17,
4357,
48700,
13,
43358,
7,
65,
38381,
17,
60,
628,
197,
283,
11,
7877,
11,
38762,
11,
35560,
796,
48700,
13,
35312,
7,
64,
11,
604,
11,
16488,
10779,
16,
8,
198,
197,
1671,
11,
275,
87,
11,
416,
11,
275,
89,
796,
48700,
13,
35312,
7,
65,
11,
604,
11,
16488,
10779,
16,
8,
198,
197,
81,
796,
48700,
13,
6759,
76,
377,
7,
283,
11,
865,
11,
1007,
3455,
62,
65,
28,
17821,
8,
532,
48700,
13,
6759,
76,
377,
7,
897,
11,
275,
87,
11,
1007,
3455,
62,
65,
28,
17821,
8,
532,
48700,
13,
6759,
76,
377,
7,
323,
11,
416,
11,
1007,
3455,
62,
65,
28,
17821,
8,
532,
48700,
13,
6759,
76,
377,
7,
1031,
11,
275,
89,
11,
1007,
3455,
62,
65,
28,
17821,
8,
198,
197,
72,
796,
48700,
13,
6759,
76,
377,
7,
283,
11,
275,
87,
11,
1007,
3455,
62,
65,
28,
17821,
8,
1343,
48700,
13,
6759,
76,
377,
7,
897,
11,
865,
11,
1007,
3455,
62,
65,
28,
17821,
8,
1343,
48700,
13,
6759,
76,
377,
7,
323,
11,
275,
89,
11,
1007,
3455,
62,
65,
28,
17821,
8,
532,
48700,
13,
6759,
76,
377,
7,
1031,
11,
416,
11,
1007,
3455,
62,
65,
28,
17821,
8,
198,
197,
73,
796,
48700,
13,
6759,
76,
377,
7,
283,
11,
416,
11,
1007,
3455,
62,
65,
28,
17821,
8,
532,
48700,
13,
6759,
76,
377,
7,
897,
11,
275,
89,
11,
1007,
3455,
62,
65,
28,
17821,
8,
1343,
48700,
13,
6759,
76,
377,
7,
323,
11,
865,
11,
1007,
3455,
62,
65,
28,
17821,
8,
1343,
48700,
13,
6759,
76,
377,
7,
1031,
11,
275,
87,
11,
1007,
3455,
62,
65,
28,
17821,
8,
198,
197,
74,
796,
48700,
13,
6759,
76,
377,
7,
283,
11,
275,
89,
11,
1007,
3455,
62,
65,
28,
17821,
8,
1343,
48700,
13,
6759,
76,
377,
7,
897,
11,
416,
11,
1007,
3455,
62,
65,
28,
17821,
8,
532,
48700,
13,
6759,
76,
377,
7,
323,
11,
275,
87,
11,
1007,
3455,
62,
65,
28,
17821,
8,
1343,
48700,
13,
6759,
76,
377,
7,
1031,
11,
865,
11,
1007,
3455,
62,
65,
28,
17821,
8,
198,
197,
7783,
685,
81,
11,
1312,
11,
474,
11,
479,
60,
198,
198,
4299,
36343,
759,
295,
62,
26518,
62,
11167,
62,
1078,
7,
64,
11,
275,
2599,
198,
197,
37811,
27323,
2848,
329,
734,
16311,
198,
197,
37811,
198,
197,
282,
796,
48700,
13,
43358,
7,
64,
38381,
16,
60,
198,
197,
2436,
796,
48700,
13,
43358,
7,
65,
38381,
16,
60,
198,
197,
2,
3601,
7,
64,
8,
198,
197,
67,
796,
257,
13,
1136,
62,
43358,
22446,
292,
62,
4868,
3419,
58,
17,
60,
198,
197,
1443,
89,
796,
48700,
13,
43358,
7,
65,
38381,
15,
60,
198,
197,
64,
796,
48700,
13,
3447,
1758,
7,
64,
11,
25915,
16,
11,
288,
12962,
198,
197,
64,
796,
48700,
13,
40927,
7,
64,
11,
685,
2436,
11,
352,
12962,
198,
197,
65,
796,
48700,
13,
3447,
1758,
7,
65,
11,
25915,
16,
11,
288,
12962,
198,
197,
65,
796,
48700,
13,
40927,
7,
65,
11,
685,
282,
11,
352,
12962,
198,
197,
1078,
796,
36343,
759,
295,
62,
26518,
7,
64,
11,
275,
8,
198,
197,
1078,
796,
48700,
13,
3447,
1758,
7,
1078,
11,
685,
1443,
89,
11,
532,
16,
11,
435,
1635,
698,
12962,
198,
197,
1078,
796,
48700,
13,
445,
7234,
62,
16345,
7,
1078,
11,
352,
8,
198,
197,
7783,
48700,
13,
3447,
1758,
7,
1078,
11,
25915,
16,
11,
435,
1635,
698,
12962,
198,
198,
4299,
36343,
759,
295,
62,
26518,
7,
80,
15,
11,
10662,
16,
2599,
198,
197,
37811,
2264,
283,
759,
295,
1720,
1022,
362,
36343,
759,
507,
628,
197,
7783,
82,
976,
5485,
290,
6529,
588,
5002,
12,
3083,
36343,
759,
295,
35971,
198,
197,
37811,
198,
197,
80,
16,
62,
81,
796,
651,
62,
81,
7,
80,
16,
8,
198,
197,
80,
16,
62,
72,
796,
651,
62,
72,
7,
80,
16,
8,
198,
197,
80,
16,
62,
73,
796,
651,
62,
73,
7,
80,
16,
8,
198,
197,
80,
16,
62,
74,
796,
651,
62,
74,
7,
80,
16,
8,
628,
197,
81,
62,
8692,
796,
48700,
13,
16680,
541,
306,
7,
80,
15,
11,
10662,
16,
8,
198,
197,
81,
796,
651,
62,
81,
7,
81,
62,
8692,
8,
532,
651,
62,
72,
7,
81,
62,
8692,
8,
532,
651,
62,
73,
7,
81,
62,
8692,
8,
532,
651,
62,
74,
7,
81,
62,
8692,
8,
628,
197,
72,
62,
8692,
796,
48700,
13,
16680,
541,
306,
7,
80,
15,
11,
48700,
13,
1102,
9246,
26933,
80,
16,
62,
72,
11,
10662,
16,
62,
81,
11,
10662,
16,
62,
74,
11,
10662,
16,
62,
73,
4357,
352,
4008,
198,
197,
72,
796,
651,
62,
81,
7,
72,
62,
8692,
8,
1343,
651,
62,
72,
7,
72,
62,
8692,
8,
1343,
651,
62,
73,
7,
72,
62,
8692,
8,
532,
651,
62,
74,
7,
72,
62,
8692,
8,
628,
197,
73,
62,
8692,
796,
48700,
13,
16680,
541,
306,
7,
80,
15,
11,
48700,
13,
1102,
9246,
26933,
80,
16,
62,
73,
11,
10662,
16,
62,
74,
11,
10662,
16,
62,
81,
11,
10662,
16,
62,
72,
4357,
352,
4008,
198,
197,
73,
796,
651,
62,
81,
7,
73,
62,
8692,
8,
532,
651,
62,
72,
7,
73,
62,
8692,
8,
1343,
651,
62,
73,
7,
73,
62,
8692,
8,
1343,
651,
62,
74,
7,
73,
62,
8692,
8,
628,
197,
74,
62,
8692,
796,
48700,
13,
16680,
541,
306,
7,
80,
15,
11,
48700,
13,
1102,
9246,
26933,
80,
16,
62,
74,
11,
10662,
16,
62,
73,
11,
10662,
16,
62,
72,
11,
10662,
16,
62,
81,
4357,
352,
4008,
198,
197,
74,
796,
651,
62,
81,
7,
74,
62,
8692,
8,
1343,
651,
62,
72,
7,
74,
62,
8692,
8,
532,
651,
62,
73,
7,
74,
62,
8692,
8,
1343,
651,
62,
74,
7,
74,
62,
8692,
8,
628,
197,
7783,
48700,
13,
1102,
9246,
26933,
81,
11,
1312,
11,
474,
11,
479,
4357,
352,
8,
198,
198,
4299,
36343,
759,
295,
62,
1102,
9246,
7,
87,
11,
16488,
2599,
198,
197,
37811,
21656,
611,
356,
423,
362,
36343,
759,
507,
287,
685,
81,
11,
72,
11,
73,
11,
74,
4083,
198,
197,
1135,
460,
470,
2391,
1673,
265,
606,
355,
340,
561,
2085,
262,
6805,
13,
198,
197,
2396,
287,
428,
1339,
11,
356,
7925,
1123,
7515,
290,
1673,
265,
606,
17033,
13,
198,
197,
37811,
198,
197,
22915,
796,
16410,
60,
329,
1312,
287,
2837,
7,
19,
15437,
198,
197,
1640,
4808,
87,
287,
2124,
25,
198,
197,
197,
2777,
796,
48700,
13,
35312,
28264,
87,
11,
604,
11,
16488,
28,
22704,
8,
198,
197,
197,
1640,
1312,
287,
2837,
7,
19,
2599,
198,
197,
197,
197,
22915,
58,
72,
4083,
33295,
7,
2777,
58,
72,
12962,
628,
197,
20311,
796,
17635,
198,
197,
1640,
267,
287,
5072,
25,
198,
197,
197,
78,
796,
48700,
13,
1102,
9246,
7,
78,
11,
16488,
8,
198,
197,
197,
20311,
13,
33295,
7,
78,
8,
628,
197,
7783,
48700,
13,
1102,
9246,
7,
20311,
11,
16488,
8,
198,
198,
4299,
36343,
759,
295,
62,
487,
77,
62,
18,
67,
7,
87,
11,
5391,
11,
1438,
11639,
3256,
2315,
28,
14202,
11,
198,
197,
197,
197,
197,
22510,
62,
75,
6962,
28,
16,
11,
14916,
28,
14202,
11,
32349,
28,
14202,
2599,
198,
197,
37811,
2264,
283,
759,
295,
18272,
12,
11813,
11685,
284,
513,
35,
5128,
685,
1443,
89,
2124,
33756,
62,
11925,
2124,
5391,
60,
198,
197,
7783,
82,
976,
5485,
11192,
273,
351,
649,
13301,
15793,
13,
198,
197,
37811,
198,
197,
4798,
7203,
48,
5777,
45,
7679,
492,
4943,
198,
197,
62,
67,
796,
2124,
13,
1136,
62,
43358,
22446,
292,
62,
4868,
3419,
58,
17,
60,
198,
197,
31166,
796,
48700,
13,
43358,
7,
87,
38381,
16,
60,
198,
197,
87,
796,
48700,
13,
3447,
1758,
7,
87,
11,
25915,
16,
11,
4808,
67,
12962,
198,
197,
87,
796,
36343,
759,
295,
62,
487,
77,
7,
87,
11,
5391,
11,
1438,
28,
3672,
11,
2315,
28,
15003,
11,
198,
197,
197,
197,
197,
197,
197,
22510,
62,
75,
6962,
28,
22510,
62,
75,
6962,
11,
198,
197,
197,
197,
197,
197,
197,
48545,
28,
48545,
11,
260,
1904,
28,
260,
1904,
8,
198,
197,
87,
796,
48700,
13,
3447,
1758,
7,
87,
11,
25915,
16,
11,
19862,
11,
5391,
12962,
198,
197,
7783,
2124,
198,
198,
4299,
5766,
1143,
62,
487,
77,
62,
18,
67,
7,
87,
11,
5391,
11,
1438,
11639,
3256,
2315,
28,
14202,
11,
198,
197,
197,
197,
197,
22510,
62,
75,
6962,
28,
16,
11,
14916,
28,
14202,
11,
32349,
28,
14202,
2599,
198,
197,
37811,
513,
35,
5766,
1143,
18402,
45,
7679,
198,
197,
37811,
198,
197,
4798,
7203,
41384,
34398,
4943,
198,
197,
62,
67,
796,
2124,
13,
1136,
62,
43358,
22446,
292,
62,
4868,
3419,
58,
17,
60,
198,
197,
31166,
796,
48700,
13,
43358,
7,
87,
38381,
16,
60,
198,
197,
87,
796,
48700,
13,
3447,
1758,
7,
87,
11,
25915,
16,
11,
4808,
67,
12962,
198,
197,
87,
796,
5766,
1143,
62,
487,
77,
7,
87,
11,
5391,
11,
1438,
28,
3672,
11,
2315,
28,
15003,
11,
198,
197,
197,
197,
197,
197,
197,
22510,
62,
75,
6962,
28,
22510,
62,
75,
6962,
11,
198,
197,
197,
197,
197,
197,
197,
48545,
28,
48545,
11,
260,
1904,
28,
260,
1904,
8,
198,
197,
87,
796,
48700,
13,
3447,
1758,
7,
87,
11,
25915,
16,
11,
19862,
11,
5391,
12962,
198,
197,
7783,
2124,
628,
198,
4299,
5766,
1143,
62,
487,
77,
7,
87,
11,
5391,
11,
1438,
11639,
3256,
2315,
28,
14202,
11,
198,
197,
197,
197,
197,
22510,
62,
75,
6962,
28,
16,
11,
14916,
28,
14202,
11,
32349,
28,
14202,
2599,
198,
197,
37811,
27929,
1143,
18402,
45,
198,
197,
37811,
198,
197,
361,
7,
15003,
318,
6045,
2599,
198,
197,
197,
15003,
796,
48700,
13,
3642,
822,
13,
75,
6962,
13,
87,
19492,
62,
36733,
7509,
3419,
198,
197,
15414,
62,
27740,
28,
87,
13,
1136,
62,
43358,
22446,
292,
62,
4868,
3419,
58,
17,
60,
198,
197,
74,
16,
796,
48700,
13,
1136,
62,
45286,
10786,
22584,
967,
16,
90,
92,
4458,
18982,
7,
3672,
828,
685,
15414,
62,
27740,
4357,
4238,
7509,
28,
15003,
8,
198,
197,
74,
17,
796,
48700,
13,
1136,
62,
45286,
10786,
22584,
967,
17,
90,
92,
4458,
18982,
7,
3672,
828,
685,
27740,
4357,
4238,
7509,
28,
15003,
8,
198,
197,
54,
796,
48700,
13,
83,
641,
585,
313,
7,
74,
16,
11,
479,
17,
11,
34197,
28,
15,
8,
198,
197,
22915,
796,
48700,
13,
6759,
76,
377,
7,
87,
11,
370,
8,
198,
197,
361,
7,
48545,
2599,
198,
197,
197,
22915,
796,
14916,
7,
22915,
8,
198,
197,
7783,
5072,
198,
198,
4299,
36343,
759,
295,
62,
487,
77,
7,
87,
11,
5391,
11,
1438,
11639,
3256,
2315,
28,
14202,
11,
198,
197,
197,
197,
197,
22510,
62,
75,
6962,
28,
16,
11,
14916,
28,
14202,
11,
32349,
28,
14202,
2599,
198,
197,
37811,
1846,
1154,
902,
36343,
759,
295,
3745,
12,
11813,
7679,
628,
197,
87,
318,
685,
1443,
89,
2124,
3033,
60,
11192,
273,
198,
197,
37811,
198,
197,
361,
7,
15003,
318,
6045,
2599,
198,
197,
197,
15003,
796,
48700,
13,
3642,
822,
13,
75,
6962,
13,
87,
19492,
62,
36733,
7509,
3419,
198,
197,
197,
2,
2315,
796,
10662,
62,
87,
19492,
62,
36733,
7509,
3419,
198,
197,
15414,
62,
27740,
796,
2124,
13,
1136,
62,
43358,
22446,
292,
62,
4868,
3419,
58,
16,
60,
3373,
604,
198,
197,
4480,
48700,
13,
45286,
62,
29982,
10786,
48,
90,
92,
4458,
18982,
7,
3672,
828,
32349,
28,
260,
1904,
8,
355,
8354,
25,
198,
197,
197,
33885,
796,
48700,
13,
1136,
62,
45286,
10786,
421,
283,
759,
295,
3256,
685,
15414,
62,
27740,
11,
5391,
4357,
4238,
7509,
28,
15003,
8,
198,
197,
197,
2763,
9044,
796,
787,
62,
421,
283,
759,
295,
62,
76,
377,
7,
33885,
8,
198,
197,
197,
22915,
796,
48700,
13,
6759,
76,
377,
7,
87,
11,
8891,
9044,
8,
198,
197,
197,
361,
7,
48545,
2599,
198,
197,
197,
197,
22915,
796,
14916,
7,
22915,
8,
198,
197,
197,
7783,
5072,
198,
198,
4299,
787,
62,
25120,
62,
76,
377,
7,
33885,
11,
299,
28,
19,
11,
1673,
265,
62,
27740,
28,
15,
11,
10668,
28,
25101,
2599,
198,
197,
37811,
5128,
318,
5391,
14,
77,
2124,
5391,
198,
197,
22915,
318,
5391,
2124,
5391,
628,
197,
24622,
1634,
290,
11507,
1143,
8718,
41887,
1720,
198,
197,
37811,
198,
197,
27740,
796,
9720,
13,
1136,
62,
43358,
22446,
292,
62,
4868,
3419,
58,
16,
60,
198,
197,
27740,
17,
796,
9720,
13,
1136,
62,
43358,
22446,
292,
62,
4868,
3419,
58,
15,
60,
198,
197,
33885,
796,
48700,
13,
3447,
1758,
7,
33885,
11,
685,
27740,
17,
11,
352,
11,
352,
11,
5391,
12962,
198,
197,
19816,
796,
48700,
13,
35312,
7,
33885,
11,
299,
11,
16488,
10779,
16,
8,
198,
197,
21282,
320,
796,
5022,
58,
15,
4083,
1136,
62,
43358,
22446,
292,
62,
4868,
3419,
58,
12,
16,
60,
197,
2,
5391,
1003,
77,
2124,
352,
2124,
352,
2124,
5391,
1003,
77,
628,
197,
2390,
796,
48700,
13,
1136,
62,
45286,
10786,
32,
3256,
685,
77,
11,
352,
11,
299,
11,
299,
12962,
628,
197,
9246,
796,
48700,
13,
1102,
9246,
7,
19816,
11,
16488,
28,
16,
8,
1303,
5391,
14,
77,
2124,
299,
2124,
352,
2124,
220,
5391,
14,
77,
198,
197,
9246,
796,
48700,
13,
40927,
7,
9246,
11,
685,
16,
11,
352,
11,
299,
11,
352,
12962,
197,
2,
5391,
14,
77,
2124,
299,
2124,
299,
2124,
5391,
14,
77,
198,
197,
9246,
796,
48700,
13,
7645,
3455,
7,
9246,
11,
685,
16,
11,
657,
11,
362,
11,
513,
12962,
197,
2,
299,
2124,
5391,
14,
77,
2124,
299,
2124,
5391,
14,
77,
628,
197,
361,
7,
646,
282,
855,
16,
2599,
198,
197,
197,
4798,
7203,
12814,
20446,
492,
4943,
198,
197,
197,
12261,
796,
48700,
13,
1136,
62,
45286,
10786,
33,
3256,
685,
77,
11,
352,
11,
299,
11,
299,
12962,
198,
197,
197,
2390,
1635,
28,
48700,
13,
20471,
13,
82,
17225,
1868,
7,
12261,
8,
628,
197,
2390,
796,
48700,
13,
40927,
7,
2390,
11,
685,
16,
11,
5391,
17,
11,
352,
11,
352,
12962,
197,
2,
299,
2124,
5391,
14,
77,
2124,
299,
2124,
299,
198,
197,
9246,
796,
48700,
13,
6759,
76,
377,
7,
2390,
11,
3797,
8,
197,
2,
299,
2124,
5391,
14,
77,
2124,
299,
2124,
5391,
14,
77,
198,
197,
22915,
796,
48700,
13,
3447,
1758,
7,
9246,
11,
685,
27740,
17,
1635,
77,
11,
5391,
12962,
198,
197,
7783,
5072,
628,
198,
4299,
4738,
62,
487,
77,
62,
18,
67,
7,
87,
11,
5391,
11,
299,
28,
1433,
11,
1438,
11639,
3256,
2315,
28,
14202,
11,
198,
197,
197,
197,
197,
22510,
62,
75,
6962,
28,
16,
11,
14916,
28,
14202,
11,
32349,
28,
14202,
11,
10668,
28,
25101,
2599,
198,
197,
37811,
1846,
1154,
902,
4738,
3745,
12,
11813,
7679,
628,
197,
87,
318,
685,
1443,
89,
2124,
3033,
60,
11192,
273,
198,
197,
37811,
198,
197,
4798,
7203,
49,
12,
5777,
45,
7679,
492,
77,
34758,
92,
10668,
34758,
92,
1911,
18982,
7,
77,
11,
10668,
4008,
198,
197,
62,
67,
796,
2124,
13,
1136,
62,
43358,
22446,
292,
62,
4868,
3419,
58,
17,
60,
198,
197,
31166,
796,
48700,
13,
43358,
7,
87,
38381,
16,
60,
198,
197,
87,
796,
48700,
13,
3447,
1758,
7,
87,
11,
25915,
16,
11,
4808,
67,
12962,
198,
197,
4798,
7,
87,
8,
198,
197,
87,
796,
4738,
62,
487,
77,
7,
87,
11,
5391,
11,
299,
28,
77,
11,
1438,
28,
3672,
11,
2315,
28,
15003,
11,
198,
197,
197,
197,
197,
197,
197,
22510,
62,
75,
6962,
28,
22510,
62,
75,
6962,
11,
198,
197,
197,
197,
197,
197,
197,
48545,
28,
48545,
11,
32349,
28,
260,
1904,
11,
10668,
28,
646,
282,
8,
198,
197,
87,
796,
48700,
13,
3447,
1758,
7,
87,
11,
25915,
16,
11,
19862,
11,
5391,
12962,
198,
197,
7783,
2124,
628,
198,
4299,
4738,
62,
487,
77,
7,
87,
11,
5391,
11,
299,
28,
19,
11,
1438,
11639,
3256,
2315,
28,
14202,
11,
198,
197,
197,
197,
197,
22510,
62,
75,
6962,
28,
16,
11,
14916,
28,
14202,
11,
32349,
28,
14202,
11,
10668,
28,
15,
2599,
198,
197,
37811,
1846,
1154,
902,
4738,
3745,
12,
11813,
7679,
628,
197,
87,
318,
685,
1443,
89,
2124,
3033,
60,
11192,
273,
198,
197,
37811,
198,
197,
361,
7,
15003,
318,
6045,
2599,
198,
197,
197,
15003,
796,
48700,
13,
3642,
822,
13,
75,
6962,
13,
87,
19492,
62,
36733,
7509,
3419,
198,
197,
197,
2,
2315,
796,
10662,
62,
87,
19492,
62,
36733,
7509,
3419,
198,
197,
15414,
62,
27740,
796,
2124,
13,
1136,
62,
43358,
22446,
292,
62,
4868,
3419,
58,
16,
60,
3373,
299,
198,
197,
4480,
48700,
13,
45286,
62,
29982,
10786,
49,
90,
92,
4458,
18982,
7,
3672,
828,
32349,
28,
260,
1904,
8,
355,
8354,
25,
198,
197,
197,
33885,
796,
48700,
13,
1136,
62,
45286,
10786,
25120,
3256,
685,
15414,
62,
27740,
11,
5391,
4357,
4238,
7509,
28,
15003,
8,
198,
197,
197,
2763,
9044,
796,
787,
62,
25120,
62,
76,
377,
7,
33885,
11,
299,
28,
77,
11,
10668,
28,
646,
282,
8,
198,
197,
197,
22915,
796,
48700,
13,
6759,
76,
377,
7,
87,
11,
8891,
9044,
8,
198,
197,
197,
361,
7,
48545,
2599,
198,
197,
197,
197,
22915,
796,
14916,
7,
22915,
8,
198,
197,
197,
7783,
5072,
628,
198,
4299,
19318,
261,
295,
62,
487,
77,
62,
18,
67,
7,
87,
11,
5391,
11,
1438,
11639,
3256,
2315,
28,
14202,
11,
198,
197,
197,
197,
197,
22510,
62,
75,
6962,
28,
16,
11,
14916,
28,
14202,
11,
32349,
28,
14202,
2599,
198,
197,
37811,
2264,
283,
759,
295,
18272,
12,
11813,
11685,
284,
513,
35,
5128,
685,
1443,
89,
2124,
33756,
62,
11925,
2124,
5391,
60,
198,
197,
7783,
82,
976,
5485,
11192,
273,
351,
649,
13301,
15793,
13,
198,
197,
37811,
198,
197,
4798,
7203,
27977,
45,
7679,
492,
4943,
198,
197,
62,
67,
796,
2124,
13,
1136,
62,
43358,
22446,
292,
62,
4868,
3419,
58,
17,
60,
198,
197,
31166,
796,
48700,
13,
43358,
7,
87,
38381,
16,
60,
198,
197,
87,
796,
48700,
13,
3447,
1758,
7,
87,
11,
25915,
16,
11,
4808,
67,
12962,
198,
197,
87,
796,
19318,
261,
295,
62,
487,
77,
7,
87,
11,
5391,
11,
1438,
28,
3672,
11,
2315,
28,
15003,
11,
198,
197,
197,
197,
197,
197,
197,
22510,
62,
75,
6962,
28,
22510,
62,
75,
6962,
11,
198,
197,
197,
197,
197,
197,
197,
48545,
28,
48545,
11,
260,
1904,
28,
260,
1904,
8,
198,
197,
87,
796,
48700,
13,
3447,
1758,
7,
87,
11,
25915,
16,
11,
19862,
11,
5391,
12962,
198,
197,
7783,
2124,
628
] | 2.243561 | 3,572 |
# Generated by the protocol buffer compiler. DO NOT EDIT!
# source: hfc/protos/token/prover.proto
import sys
_b=sys.version_info[0]<3 and (lambda x:x) or (lambda x:x.encode('latin1'))
from google.protobuf import descriptor as _descriptor
from google.protobuf import message as _message
from google.protobuf import reflection as _reflection
from google.protobuf import symbol_database as _symbol_database
# @@protoc_insertion_point(imports)
_sym_db = _symbol_database.Default()
from google.protobuf import timestamp_pb2 as google_dot_protobuf_dot_timestamp__pb2
from hfc.protos.token import expectations_pb2 as hfc_dot_protos_dot_token_dot_expectations__pb2
from hfc.protos.token import transaction_pb2 as hfc_dot_protos_dot_token_dot_transaction__pb2
DESCRIPTOR = _descriptor.FileDescriptor(
name='hfc/protos/token/prover.proto',
package='token',
syntax='proto3',
serialized_options=_b('\n#org.hyperledger.fabric.protos.tokenZ*github.com/hyperledger/fabric/protos/token'),
serialized_pb=_b('\n\x1dhfc/protos/token/prover.proto\x12\x05token\x1a\x1fgoogle/protobuf/timestamp.proto\x1a#hfc/protos/token/expectations.proto\x1a\"hfc/protos/token/transaction.proto\"A\n\x0cTokenToIssue\x12\x11\n\trecipient\x18\x01 \x01(\x0c\x12\x0c\n\x04type\x18\x02 \x01(\t\x12\x10\n\x08quantity\x18\x03 \x01(\x04\"=\n\x16RecipientTransferShare\x12\x11\n\trecipient\x18\x01 \x01(\x0c\x12\x10\n\x08quantity\x18\x02 \x01(\x04\"I\n\x0bTokenOutput\x12\x1a\n\x02id\x18\x01 \x01(\x0b\x32\x0e.token.InputId\x12\x0c\n\x04type\x18\x02 \x01(\t\x12\x10\n\x08quantity\x18\x03 \x01(\x04\"3\n\rUnspentTokens\x12\"\n\x06tokens\x18\x01 \x03(\x0b\x32\x12.token.TokenOutput\"!\n\x0bListRequest\x12\x12\n\ncredential\x18\x01 \x01(\x0c\"Q\n\rImportRequest\x12\x12\n\ncredential\x18\x01 \x01(\x0c\x12,\n\x0ftokens_to_issue\x18\x02 \x03(\x0b\x32\x13.token.TokenToIssue\"w\n\x0fTransferRequest\x12\x12\n\ncredential\x18\x01 \x01(\x0c\x12!\n\ttoken_ids\x18\x02 \x03(\x0b\x32\x0e.token.InputId\x12-\n\x06shares\x18\x03 \x03(\x0b\x32\x1d.token.RecipientTransferShare\"b\n\rRedeemRequest\x12\x12\n\ncredential\x18\x01 \x01(\x0c\x12!\n\ttoken_ids\x18\x02 \x03(\x0b\x32\x0e.token.InputId\x12\x1a\n\x12quantity_to_redeem\x18\x03 \x01(\x04\">\n\x17\x41llowanceRecipientShare\x12\x11\n\trecipient\x18\x01 \x01(\x0c\x12\x10\n\x08quantity\x18\x02 \x01(\x04\"\x81\x01\n\x0e\x41pproveRequest\x12\x12\n\ncredential\x18\x01 \x01(\x0c\x12\x38\n\x10\x61llowance_shares\x18\x02 \x03(\x0b\x32\x1e.token.AllowanceRecipientShare\x12!\n\ttoken_ids\x18\x03 \x03(\x0b\x32\x0e.token.InputId\"y\n\x12\x45xpectationRequest\x12\x12\n\ncredential\x18\x01 \x01(\x0c\x12,\n\x0b\x65xpectation\x18\x02 \x01(\x0b\x32\x17.token.TokenExpectation\x12!\n\ttoken_ids\x18\x03 \x03(\x0b\x32\x0e.token.InputId\"\x82\x01\n\x06Header\x12-\n\ttimestamp\x18\x01 \x01(\x0b\x32\x1a.google.protobuf.Timestamp\x12\x12\n\nchannel_id\x18\x02 \x01(\t\x12\r\n\x05nonce\x18\x03 \x01(\x0c\x12\x0f\n\x07\x63reator\x18\x04 \x01(\x0c\x12\x15\n\rtls_cert_hash\x18\x05 \x01(\x0c\"\x98\x03\n\x07\x43ommand\x12\x1d\n\x06header\x18\x01 \x01(\x0b\x32\r.token.Header\x12.\n\x0eimport_request\x18\x02 \x01(\x0b\x32\x14.token.ImportRequestH\x00\x12\x32\n\x10transfer_request\x18\x03 \x01(\x0b\x32\x16.token.TransferRequestH\x00\x12*\n\x0clist_request\x18\x04 \x01(\x0b\x32\x12.token.ListRequestH\x00\x12.\n\x0eredeem_request\x18\x05 \x01(\x0b\x32\x14.token.RedeemRequestH\x00\x12\x30\n\x0f\x61pprove_request\x18\x06 \x01(\x0b\x32\x15.token.ApproveRequestH\x00\x12\x37\n\x15transfer_from_request\x18\x07 \x01(\x0b\x32\x16.token.TransferRequestH\x00\x12\x38\n\x13\x65xpectation_request\x18\x08 \x01(\x0b\x32\x19.token.ExpectationRequestH\x00\x42\t\n\x07payload\"3\n\rSignedCommand\x12\x0f\n\x07\x63ommand\x18\x01 \x01(\x0c\x12\x11\n\tsignature\x18\x02 \x01(\x0c\"m\n\x15\x43ommandResponseHeader\x12-\n\ttimestamp\x18\x01 \x01(\x0b\x32\x1a.google.protobuf.Timestamp\x12\x14\n\x0c\x63ommand_hash\x18\x02 \x01(\x0c\x12\x0f\n\x07\x63reator\x18\x03 \x01(\x0c\")\n\x05\x45rror\x12\x0f\n\x07message\x18\x01 \x01(\t\x12\x0f\n\x07payload\x18\x02 \x01(\x0c\"\xcd\x01\n\x0f\x43ommandResponse\x12,\n\x06header\x18\x01 \x01(\x0b\x32\x1c.token.CommandResponseHeader\x12\x1b\n\x03\x65rr\x18\x02 \x01(\x0b\x32\x0c.token.ErrorH\x00\x12\x34\n\x11token_transaction\x18\x03 \x01(\x0b\x32\x17.token.TokenTransactionH\x00\x12.\n\x0eunspent_tokens\x18\x04 \x01(\x0b\x32\x14.token.UnspentTokensH\x00\x42\t\n\x07payload\"<\n\x15SignedCommandResponse\x12\x10\n\x08response\x18\x01 \x01(\x0c\x12\x11\n\tsignature\x18\x02 \x01(\x0c\x32P\n\x06Prover\x12\x46\n\x0eProcessCommand\x12\x14.token.SignedCommand\x1a\x1c.token.SignedCommandResponse\"\x00\x42Q\n#org.hyperledger.fabric.protos.tokenZ*github.com/hyperledger/fabric/protos/tokenb\x06proto3')
,
dependencies=[google_dot_protobuf_dot_timestamp__pb2.DESCRIPTOR,hfc_dot_protos_dot_token_dot_expectations__pb2.DESCRIPTOR,hfc_dot_protos_dot_token_dot_transaction__pb2.DESCRIPTOR,])
_TOKENTOISSUE = _descriptor.Descriptor(
name='TokenToIssue',
full_name='token.TokenToIssue',
filename=None,
file=DESCRIPTOR,
containing_type=None,
fields=[
_descriptor.FieldDescriptor(
name='recipient', full_name='token.TokenToIssue.recipient', index=0,
number=1, type=12, cpp_type=9, label=1,
has_default_value=False, default_value=_b(""),
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
_descriptor.FieldDescriptor(
name='type', full_name='token.TokenToIssue.type', index=1,
number=2, type=9, cpp_type=9, label=1,
has_default_value=False, default_value=_b("").decode('utf-8'),
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
_descriptor.FieldDescriptor(
name='quantity', full_name='token.TokenToIssue.quantity', index=2,
number=3, type=4, cpp_type=4, label=1,
has_default_value=False, default_value=0,
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
],
extensions=[
],
nested_types=[],
enum_types=[
],
serialized_options=None,
is_extendable=False,
syntax='proto3',
extension_ranges=[],
oneofs=[
],
serialized_start=146,
serialized_end=211,
)
_RECIPIENTTRANSFERSHARE = _descriptor.Descriptor(
name='RecipientTransferShare',
full_name='token.RecipientTransferShare',
filename=None,
file=DESCRIPTOR,
containing_type=None,
fields=[
_descriptor.FieldDescriptor(
name='recipient', full_name='token.RecipientTransferShare.recipient', index=0,
number=1, type=12, cpp_type=9, label=1,
has_default_value=False, default_value=_b(""),
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
_descriptor.FieldDescriptor(
name='quantity', full_name='token.RecipientTransferShare.quantity', index=1,
number=2, type=4, cpp_type=4, label=1,
has_default_value=False, default_value=0,
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
],
extensions=[
],
nested_types=[],
enum_types=[
],
serialized_options=None,
is_extendable=False,
syntax='proto3',
extension_ranges=[],
oneofs=[
],
serialized_start=213,
serialized_end=274,
)
_TOKENOUTPUT = _descriptor.Descriptor(
name='TokenOutput',
full_name='token.TokenOutput',
filename=None,
file=DESCRIPTOR,
containing_type=None,
fields=[
_descriptor.FieldDescriptor(
name='id', full_name='token.TokenOutput.id', index=0,
number=1, type=11, cpp_type=10, label=1,
has_default_value=False, default_value=None,
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
_descriptor.FieldDescriptor(
name='type', full_name='token.TokenOutput.type', index=1,
number=2, type=9, cpp_type=9, label=1,
has_default_value=False, default_value=_b("").decode('utf-8'),
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
_descriptor.FieldDescriptor(
name='quantity', full_name='token.TokenOutput.quantity', index=2,
number=3, type=4, cpp_type=4, label=1,
has_default_value=False, default_value=0,
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
],
extensions=[
],
nested_types=[],
enum_types=[
],
serialized_options=None,
is_extendable=False,
syntax='proto3',
extension_ranges=[],
oneofs=[
],
serialized_start=276,
serialized_end=349,
)
_UNSPENTTOKENS = _descriptor.Descriptor(
name='UnspentTokens',
full_name='token.UnspentTokens',
filename=None,
file=DESCRIPTOR,
containing_type=None,
fields=[
_descriptor.FieldDescriptor(
name='tokens', full_name='token.UnspentTokens.tokens', index=0,
number=1, type=11, cpp_type=10, label=3,
has_default_value=False, default_value=[],
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
],
extensions=[
],
nested_types=[],
enum_types=[
],
serialized_options=None,
is_extendable=False,
syntax='proto3',
extension_ranges=[],
oneofs=[
],
serialized_start=351,
serialized_end=402,
)
_LISTREQUEST = _descriptor.Descriptor(
name='ListRequest',
full_name='token.ListRequest',
filename=None,
file=DESCRIPTOR,
containing_type=None,
fields=[
_descriptor.FieldDescriptor(
name='credential', full_name='token.ListRequest.credential', index=0,
number=1, type=12, cpp_type=9, label=1,
has_default_value=False, default_value=_b(""),
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
],
extensions=[
],
nested_types=[],
enum_types=[
],
serialized_options=None,
is_extendable=False,
syntax='proto3',
extension_ranges=[],
oneofs=[
],
serialized_start=404,
serialized_end=437,
)
_IMPORTREQUEST = _descriptor.Descriptor(
name='ImportRequest',
full_name='token.ImportRequest',
filename=None,
file=DESCRIPTOR,
containing_type=None,
fields=[
_descriptor.FieldDescriptor(
name='credential', full_name='token.ImportRequest.credential', index=0,
number=1, type=12, cpp_type=9, label=1,
has_default_value=False, default_value=_b(""),
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
_descriptor.FieldDescriptor(
name='tokens_to_issue', full_name='token.ImportRequest.tokens_to_issue', index=1,
number=2, type=11, cpp_type=10, label=3,
has_default_value=False, default_value=[],
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
],
extensions=[
],
nested_types=[],
enum_types=[
],
serialized_options=None,
is_extendable=False,
syntax='proto3',
extension_ranges=[],
oneofs=[
],
serialized_start=439,
serialized_end=520,
)
_TRANSFERREQUEST = _descriptor.Descriptor(
name='TransferRequest',
full_name='token.TransferRequest',
filename=None,
file=DESCRIPTOR,
containing_type=None,
fields=[
_descriptor.FieldDescriptor(
name='credential', full_name='token.TransferRequest.credential', index=0,
number=1, type=12, cpp_type=9, label=1,
has_default_value=False, default_value=_b(""),
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
_descriptor.FieldDescriptor(
name='token_ids', full_name='token.TransferRequest.token_ids', index=1,
number=2, type=11, cpp_type=10, label=3,
has_default_value=False, default_value=[],
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
_descriptor.FieldDescriptor(
name='shares', full_name='token.TransferRequest.shares', index=2,
number=3, type=11, cpp_type=10, label=3,
has_default_value=False, default_value=[],
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
],
extensions=[
],
nested_types=[],
enum_types=[
],
serialized_options=None,
is_extendable=False,
syntax='proto3',
extension_ranges=[],
oneofs=[
],
serialized_start=522,
serialized_end=641,
)
_REDEEMREQUEST = _descriptor.Descriptor(
name='RedeemRequest',
full_name='token.RedeemRequest',
filename=None,
file=DESCRIPTOR,
containing_type=None,
fields=[
_descriptor.FieldDescriptor(
name='credential', full_name='token.RedeemRequest.credential', index=0,
number=1, type=12, cpp_type=9, label=1,
has_default_value=False, default_value=_b(""),
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
_descriptor.FieldDescriptor(
name='token_ids', full_name='token.RedeemRequest.token_ids', index=1,
number=2, type=11, cpp_type=10, label=3,
has_default_value=False, default_value=[],
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
_descriptor.FieldDescriptor(
name='quantity_to_redeem', full_name='token.RedeemRequest.quantity_to_redeem', index=2,
number=3, type=4, cpp_type=4, label=1,
has_default_value=False, default_value=0,
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
],
extensions=[
],
nested_types=[],
enum_types=[
],
serialized_options=None,
is_extendable=False,
syntax='proto3',
extension_ranges=[],
oneofs=[
],
serialized_start=643,
serialized_end=741,
)
_ALLOWANCERECIPIENTSHARE = _descriptor.Descriptor(
name='AllowanceRecipientShare',
full_name='token.AllowanceRecipientShare',
filename=None,
file=DESCRIPTOR,
containing_type=None,
fields=[
_descriptor.FieldDescriptor(
name='recipient', full_name='token.AllowanceRecipientShare.recipient', index=0,
number=1, type=12, cpp_type=9, label=1,
has_default_value=False, default_value=_b(""),
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
_descriptor.FieldDescriptor(
name='quantity', full_name='token.AllowanceRecipientShare.quantity', index=1,
number=2, type=4, cpp_type=4, label=1,
has_default_value=False, default_value=0,
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
],
extensions=[
],
nested_types=[],
enum_types=[
],
serialized_options=None,
is_extendable=False,
syntax='proto3',
extension_ranges=[],
oneofs=[
],
serialized_start=743,
serialized_end=805,
)
_APPROVEREQUEST = _descriptor.Descriptor(
name='ApproveRequest',
full_name='token.ApproveRequest',
filename=None,
file=DESCRIPTOR,
containing_type=None,
fields=[
_descriptor.FieldDescriptor(
name='credential', full_name='token.ApproveRequest.credential', index=0,
number=1, type=12, cpp_type=9, label=1,
has_default_value=False, default_value=_b(""),
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
_descriptor.FieldDescriptor(
name='allowance_shares', full_name='token.ApproveRequest.allowance_shares', index=1,
number=2, type=11, cpp_type=10, label=3,
has_default_value=False, default_value=[],
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
_descriptor.FieldDescriptor(
name='token_ids', full_name='token.ApproveRequest.token_ids', index=2,
number=3, type=11, cpp_type=10, label=3,
has_default_value=False, default_value=[],
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
],
extensions=[
],
nested_types=[],
enum_types=[
],
serialized_options=None,
is_extendable=False,
syntax='proto3',
extension_ranges=[],
oneofs=[
],
serialized_start=808,
serialized_end=937,
)
_EXPECTATIONREQUEST = _descriptor.Descriptor(
name='ExpectationRequest',
full_name='token.ExpectationRequest',
filename=None,
file=DESCRIPTOR,
containing_type=None,
fields=[
_descriptor.FieldDescriptor(
name='credential', full_name='token.ExpectationRequest.credential', index=0,
number=1, type=12, cpp_type=9, label=1,
has_default_value=False, default_value=_b(""),
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
_descriptor.FieldDescriptor(
name='expectation', full_name='token.ExpectationRequest.expectation', index=1,
number=2, type=11, cpp_type=10, label=1,
has_default_value=False, default_value=None,
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
_descriptor.FieldDescriptor(
name='token_ids', full_name='token.ExpectationRequest.token_ids', index=2,
number=3, type=11, cpp_type=10, label=3,
has_default_value=False, default_value=[],
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
],
extensions=[
],
nested_types=[],
enum_types=[
],
serialized_options=None,
is_extendable=False,
syntax='proto3',
extension_ranges=[],
oneofs=[
],
serialized_start=939,
serialized_end=1060,
)
_HEADER = _descriptor.Descriptor(
name='Header',
full_name='token.Header',
filename=None,
file=DESCRIPTOR,
containing_type=None,
fields=[
_descriptor.FieldDescriptor(
name='timestamp', full_name='token.Header.timestamp', index=0,
number=1, type=11, cpp_type=10, label=1,
has_default_value=False, default_value=None,
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
_descriptor.FieldDescriptor(
name='channel_id', full_name='token.Header.channel_id', index=1,
number=2, type=9, cpp_type=9, label=1,
has_default_value=False, default_value=_b("").decode('utf-8'),
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
_descriptor.FieldDescriptor(
name='nonce', full_name='token.Header.nonce', index=2,
number=3, type=12, cpp_type=9, label=1,
has_default_value=False, default_value=_b(""),
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
_descriptor.FieldDescriptor(
name='creator', full_name='token.Header.creator', index=3,
number=4, type=12, cpp_type=9, label=1,
has_default_value=False, default_value=_b(""),
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
_descriptor.FieldDescriptor(
name='tls_cert_hash', full_name='token.Header.tls_cert_hash', index=4,
number=5, type=12, cpp_type=9, label=1,
has_default_value=False, default_value=_b(""),
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
],
extensions=[
],
nested_types=[],
enum_types=[
],
serialized_options=None,
is_extendable=False,
syntax='proto3',
extension_ranges=[],
oneofs=[
],
serialized_start=1063,
serialized_end=1193,
)
_COMMAND = _descriptor.Descriptor(
name='Command',
full_name='token.Command',
filename=None,
file=DESCRIPTOR,
containing_type=None,
fields=[
_descriptor.FieldDescriptor(
name='header', full_name='token.Command.header', index=0,
number=1, type=11, cpp_type=10, label=1,
has_default_value=False, default_value=None,
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
_descriptor.FieldDescriptor(
name='import_request', full_name='token.Command.import_request', index=1,
number=2, type=11, cpp_type=10, label=1,
has_default_value=False, default_value=None,
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
_descriptor.FieldDescriptor(
name='transfer_request', full_name='token.Command.transfer_request', index=2,
number=3, type=11, cpp_type=10, label=1,
has_default_value=False, default_value=None,
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
_descriptor.FieldDescriptor(
name='list_request', full_name='token.Command.list_request', index=3,
number=4, type=11, cpp_type=10, label=1,
has_default_value=False, default_value=None,
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
_descriptor.FieldDescriptor(
name='redeem_request', full_name='token.Command.redeem_request', index=4,
number=5, type=11, cpp_type=10, label=1,
has_default_value=False, default_value=None,
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
_descriptor.FieldDescriptor(
name='approve_request', full_name='token.Command.approve_request', index=5,
number=6, type=11, cpp_type=10, label=1,
has_default_value=False, default_value=None,
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
_descriptor.FieldDescriptor(
name='transfer_from_request', full_name='token.Command.transfer_from_request', index=6,
number=7, type=11, cpp_type=10, label=1,
has_default_value=False, default_value=None,
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
_descriptor.FieldDescriptor(
name='expectation_request', full_name='token.Command.expectation_request', index=7,
number=8, type=11, cpp_type=10, label=1,
has_default_value=False, default_value=None,
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
],
extensions=[
],
nested_types=[],
enum_types=[
],
serialized_options=None,
is_extendable=False,
syntax='proto3',
extension_ranges=[],
oneofs=[
_descriptor.OneofDescriptor(
name='payload', full_name='token.Command.payload',
index=0, containing_type=None, fields=[]),
],
serialized_start=1196,
serialized_end=1604,
)
_SIGNEDCOMMAND = _descriptor.Descriptor(
name='SignedCommand',
full_name='token.SignedCommand',
filename=None,
file=DESCRIPTOR,
containing_type=None,
fields=[
_descriptor.FieldDescriptor(
name='command', full_name='token.SignedCommand.command', index=0,
number=1, type=12, cpp_type=9, label=1,
has_default_value=False, default_value=_b(""),
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
_descriptor.FieldDescriptor(
name='signature', full_name='token.SignedCommand.signature', index=1,
number=2, type=12, cpp_type=9, label=1,
has_default_value=False, default_value=_b(""),
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
],
extensions=[
],
nested_types=[],
enum_types=[
],
serialized_options=None,
is_extendable=False,
syntax='proto3',
extension_ranges=[],
oneofs=[
],
serialized_start=1606,
serialized_end=1657,
)
_COMMANDRESPONSEHEADER = _descriptor.Descriptor(
name='CommandResponseHeader',
full_name='token.CommandResponseHeader',
filename=None,
file=DESCRIPTOR,
containing_type=None,
fields=[
_descriptor.FieldDescriptor(
name='timestamp', full_name='token.CommandResponseHeader.timestamp', index=0,
number=1, type=11, cpp_type=10, label=1,
has_default_value=False, default_value=None,
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
_descriptor.FieldDescriptor(
name='command_hash', full_name='token.CommandResponseHeader.command_hash', index=1,
number=2, type=12, cpp_type=9, label=1,
has_default_value=False, default_value=_b(""),
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
_descriptor.FieldDescriptor(
name='creator', full_name='token.CommandResponseHeader.creator', index=2,
number=3, type=12, cpp_type=9, label=1,
has_default_value=False, default_value=_b(""),
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
],
extensions=[
],
nested_types=[],
enum_types=[
],
serialized_options=None,
is_extendable=False,
syntax='proto3',
extension_ranges=[],
oneofs=[
],
serialized_start=1659,
serialized_end=1768,
)
_ERROR = _descriptor.Descriptor(
name='Error',
full_name='token.Error',
filename=None,
file=DESCRIPTOR,
containing_type=None,
fields=[
_descriptor.FieldDescriptor(
name='message', full_name='token.Error.message', index=0,
number=1, type=9, cpp_type=9, label=1,
has_default_value=False, default_value=_b("").decode('utf-8'),
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
_descriptor.FieldDescriptor(
name='payload', full_name='token.Error.payload', index=1,
number=2, type=12, cpp_type=9, label=1,
has_default_value=False, default_value=_b(""),
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
],
extensions=[
],
nested_types=[],
enum_types=[
],
serialized_options=None,
is_extendable=False,
syntax='proto3',
extension_ranges=[],
oneofs=[
],
serialized_start=1770,
serialized_end=1811,
)
_COMMANDRESPONSE = _descriptor.Descriptor(
name='CommandResponse',
full_name='token.CommandResponse',
filename=None,
file=DESCRIPTOR,
containing_type=None,
fields=[
_descriptor.FieldDescriptor(
name='header', full_name='token.CommandResponse.header', index=0,
number=1, type=11, cpp_type=10, label=1,
has_default_value=False, default_value=None,
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
_descriptor.FieldDescriptor(
name='err', full_name='token.CommandResponse.err', index=1,
number=2, type=11, cpp_type=10, label=1,
has_default_value=False, default_value=None,
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
_descriptor.FieldDescriptor(
name='token_transaction', full_name='token.CommandResponse.token_transaction', index=2,
number=3, type=11, cpp_type=10, label=1,
has_default_value=False, default_value=None,
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
_descriptor.FieldDescriptor(
name='unspent_tokens', full_name='token.CommandResponse.unspent_tokens', index=3,
number=4, type=11, cpp_type=10, label=1,
has_default_value=False, default_value=None,
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
],
extensions=[
],
nested_types=[],
enum_types=[
],
serialized_options=None,
is_extendable=False,
syntax='proto3',
extension_ranges=[],
oneofs=[
_descriptor.OneofDescriptor(
name='payload', full_name='token.CommandResponse.payload',
index=0, containing_type=None, fields=[]),
],
serialized_start=1814,
serialized_end=2019,
)
_SIGNEDCOMMANDRESPONSE = _descriptor.Descriptor(
name='SignedCommandResponse',
full_name='token.SignedCommandResponse',
filename=None,
file=DESCRIPTOR,
containing_type=None,
fields=[
_descriptor.FieldDescriptor(
name='response', full_name='token.SignedCommandResponse.response', index=0,
number=1, type=12, cpp_type=9, label=1,
has_default_value=False, default_value=_b(""),
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
_descriptor.FieldDescriptor(
name='signature', full_name='token.SignedCommandResponse.signature', index=1,
number=2, type=12, cpp_type=9, label=1,
has_default_value=False, default_value=_b(""),
message_type=None, enum_type=None, containing_type=None,
is_extension=False, extension_scope=None,
serialized_options=None, file=DESCRIPTOR),
],
extensions=[
],
nested_types=[],
enum_types=[
],
serialized_options=None,
is_extendable=False,
syntax='proto3',
extension_ranges=[],
oneofs=[
],
serialized_start=2021,
serialized_end=2081,
)
_TOKENOUTPUT.fields_by_name['id'].message_type = hfc_dot_protos_dot_token_dot_transaction__pb2._INPUTID
_UNSPENTTOKENS.fields_by_name['tokens'].message_type = _TOKENOUTPUT
_IMPORTREQUEST.fields_by_name['tokens_to_issue'].message_type = _TOKENTOISSUE
_TRANSFERREQUEST.fields_by_name['token_ids'].message_type = hfc_dot_protos_dot_token_dot_transaction__pb2._INPUTID
_TRANSFERREQUEST.fields_by_name['shares'].message_type = _RECIPIENTTRANSFERSHARE
_REDEEMREQUEST.fields_by_name['token_ids'].message_type = hfc_dot_protos_dot_token_dot_transaction__pb2._INPUTID
_APPROVEREQUEST.fields_by_name['allowance_shares'].message_type = _ALLOWANCERECIPIENTSHARE
_APPROVEREQUEST.fields_by_name['token_ids'].message_type = hfc_dot_protos_dot_token_dot_transaction__pb2._INPUTID
_EXPECTATIONREQUEST.fields_by_name['expectation'].message_type = hfc_dot_protos_dot_token_dot_expectations__pb2._TOKENEXPECTATION
_EXPECTATIONREQUEST.fields_by_name['token_ids'].message_type = hfc_dot_protos_dot_token_dot_transaction__pb2._INPUTID
_HEADER.fields_by_name['timestamp'].message_type = google_dot_protobuf_dot_timestamp__pb2._TIMESTAMP
_COMMAND.fields_by_name['header'].message_type = _HEADER
_COMMAND.fields_by_name['import_request'].message_type = _IMPORTREQUEST
_COMMAND.fields_by_name['transfer_request'].message_type = _TRANSFERREQUEST
_COMMAND.fields_by_name['list_request'].message_type = _LISTREQUEST
_COMMAND.fields_by_name['redeem_request'].message_type = _REDEEMREQUEST
_COMMAND.fields_by_name['approve_request'].message_type = _APPROVEREQUEST
_COMMAND.fields_by_name['transfer_from_request'].message_type = _TRANSFERREQUEST
_COMMAND.fields_by_name['expectation_request'].message_type = _EXPECTATIONREQUEST
_COMMAND.oneofs_by_name['payload'].fields.append(
_COMMAND.fields_by_name['import_request'])
_COMMAND.fields_by_name['import_request'].containing_oneof = _COMMAND.oneofs_by_name['payload']
_COMMAND.oneofs_by_name['payload'].fields.append(
_COMMAND.fields_by_name['transfer_request'])
_COMMAND.fields_by_name['transfer_request'].containing_oneof = _COMMAND.oneofs_by_name['payload']
_COMMAND.oneofs_by_name['payload'].fields.append(
_COMMAND.fields_by_name['list_request'])
_COMMAND.fields_by_name['list_request'].containing_oneof = _COMMAND.oneofs_by_name['payload']
_COMMAND.oneofs_by_name['payload'].fields.append(
_COMMAND.fields_by_name['redeem_request'])
_COMMAND.fields_by_name['redeem_request'].containing_oneof = _COMMAND.oneofs_by_name['payload']
_COMMAND.oneofs_by_name['payload'].fields.append(
_COMMAND.fields_by_name['approve_request'])
_COMMAND.fields_by_name['approve_request'].containing_oneof = _COMMAND.oneofs_by_name['payload']
_COMMAND.oneofs_by_name['payload'].fields.append(
_COMMAND.fields_by_name['transfer_from_request'])
_COMMAND.fields_by_name['transfer_from_request'].containing_oneof = _COMMAND.oneofs_by_name['payload']
_COMMAND.oneofs_by_name['payload'].fields.append(
_COMMAND.fields_by_name['expectation_request'])
_COMMAND.fields_by_name['expectation_request'].containing_oneof = _COMMAND.oneofs_by_name['payload']
_COMMANDRESPONSEHEADER.fields_by_name['timestamp'].message_type = google_dot_protobuf_dot_timestamp__pb2._TIMESTAMP
_COMMANDRESPONSE.fields_by_name['header'].message_type = _COMMANDRESPONSEHEADER
_COMMANDRESPONSE.fields_by_name['err'].message_type = _ERROR
_COMMANDRESPONSE.fields_by_name['token_transaction'].message_type = hfc_dot_protos_dot_token_dot_transaction__pb2._TOKENTRANSACTION
_COMMANDRESPONSE.fields_by_name['unspent_tokens'].message_type = _UNSPENTTOKENS
_COMMANDRESPONSE.oneofs_by_name['payload'].fields.append(
_COMMANDRESPONSE.fields_by_name['err'])
_COMMANDRESPONSE.fields_by_name['err'].containing_oneof = _COMMANDRESPONSE.oneofs_by_name['payload']
_COMMANDRESPONSE.oneofs_by_name['payload'].fields.append(
_COMMANDRESPONSE.fields_by_name['token_transaction'])
_COMMANDRESPONSE.fields_by_name['token_transaction'].containing_oneof = _COMMANDRESPONSE.oneofs_by_name['payload']
_COMMANDRESPONSE.oneofs_by_name['payload'].fields.append(
_COMMANDRESPONSE.fields_by_name['unspent_tokens'])
_COMMANDRESPONSE.fields_by_name['unspent_tokens'].containing_oneof = _COMMANDRESPONSE.oneofs_by_name['payload']
DESCRIPTOR.message_types_by_name['TokenToIssue'] = _TOKENTOISSUE
DESCRIPTOR.message_types_by_name['RecipientTransferShare'] = _RECIPIENTTRANSFERSHARE
DESCRIPTOR.message_types_by_name['TokenOutput'] = _TOKENOUTPUT
DESCRIPTOR.message_types_by_name['UnspentTokens'] = _UNSPENTTOKENS
DESCRIPTOR.message_types_by_name['ListRequest'] = _LISTREQUEST
DESCRIPTOR.message_types_by_name['ImportRequest'] = _IMPORTREQUEST
DESCRIPTOR.message_types_by_name['TransferRequest'] = _TRANSFERREQUEST
DESCRIPTOR.message_types_by_name['RedeemRequest'] = _REDEEMREQUEST
DESCRIPTOR.message_types_by_name['AllowanceRecipientShare'] = _ALLOWANCERECIPIENTSHARE
DESCRIPTOR.message_types_by_name['ApproveRequest'] = _APPROVEREQUEST
DESCRIPTOR.message_types_by_name['ExpectationRequest'] = _EXPECTATIONREQUEST
DESCRIPTOR.message_types_by_name['Header'] = _HEADER
DESCRIPTOR.message_types_by_name['Command'] = _COMMAND
DESCRIPTOR.message_types_by_name['SignedCommand'] = _SIGNEDCOMMAND
DESCRIPTOR.message_types_by_name['CommandResponseHeader'] = _COMMANDRESPONSEHEADER
DESCRIPTOR.message_types_by_name['Error'] = _ERROR
DESCRIPTOR.message_types_by_name['CommandResponse'] = _COMMANDRESPONSE
DESCRIPTOR.message_types_by_name['SignedCommandResponse'] = _SIGNEDCOMMANDRESPONSE
_sym_db.RegisterFileDescriptor(DESCRIPTOR)
TokenToIssue = _reflection.GeneratedProtocolMessageType('TokenToIssue', (_message.Message,), dict(
DESCRIPTOR = _TOKENTOISSUE,
__module__ = 'hfc.protos.token.prover_pb2'
# @@protoc_insertion_point(class_scope:token.TokenToIssue)
))
_sym_db.RegisterMessage(TokenToIssue)
RecipientTransferShare = _reflection.GeneratedProtocolMessageType('RecipientTransferShare', (_message.Message,), dict(
DESCRIPTOR = _RECIPIENTTRANSFERSHARE,
__module__ = 'hfc.protos.token.prover_pb2'
# @@protoc_insertion_point(class_scope:token.RecipientTransferShare)
))
_sym_db.RegisterMessage(RecipientTransferShare)
TokenOutput = _reflection.GeneratedProtocolMessageType('TokenOutput', (_message.Message,), dict(
DESCRIPTOR = _TOKENOUTPUT,
__module__ = 'hfc.protos.token.prover_pb2'
# @@protoc_insertion_point(class_scope:token.TokenOutput)
))
_sym_db.RegisterMessage(TokenOutput)
UnspentTokens = _reflection.GeneratedProtocolMessageType('UnspentTokens', (_message.Message,), dict(
DESCRIPTOR = _UNSPENTTOKENS,
__module__ = 'hfc.protos.token.prover_pb2'
# @@protoc_insertion_point(class_scope:token.UnspentTokens)
))
_sym_db.RegisterMessage(UnspentTokens)
ListRequest = _reflection.GeneratedProtocolMessageType('ListRequest', (_message.Message,), dict(
DESCRIPTOR = _LISTREQUEST,
__module__ = 'hfc.protos.token.prover_pb2'
# @@protoc_insertion_point(class_scope:token.ListRequest)
))
_sym_db.RegisterMessage(ListRequest)
ImportRequest = _reflection.GeneratedProtocolMessageType('ImportRequest', (_message.Message,), dict(
DESCRIPTOR = _IMPORTREQUEST,
__module__ = 'hfc.protos.token.prover_pb2'
# @@protoc_insertion_point(class_scope:token.ImportRequest)
))
_sym_db.RegisterMessage(ImportRequest)
TransferRequest = _reflection.GeneratedProtocolMessageType('TransferRequest', (_message.Message,), dict(
DESCRIPTOR = _TRANSFERREQUEST,
__module__ = 'hfc.protos.token.prover_pb2'
# @@protoc_insertion_point(class_scope:token.TransferRequest)
))
_sym_db.RegisterMessage(TransferRequest)
RedeemRequest = _reflection.GeneratedProtocolMessageType('RedeemRequest', (_message.Message,), dict(
DESCRIPTOR = _REDEEMREQUEST,
__module__ = 'hfc.protos.token.prover_pb2'
# @@protoc_insertion_point(class_scope:token.RedeemRequest)
))
_sym_db.RegisterMessage(RedeemRequest)
AllowanceRecipientShare = _reflection.GeneratedProtocolMessageType('AllowanceRecipientShare', (_message.Message,), dict(
DESCRIPTOR = _ALLOWANCERECIPIENTSHARE,
__module__ = 'hfc.protos.token.prover_pb2'
# @@protoc_insertion_point(class_scope:token.AllowanceRecipientShare)
))
_sym_db.RegisterMessage(AllowanceRecipientShare)
ApproveRequest = _reflection.GeneratedProtocolMessageType('ApproveRequest', (_message.Message,), dict(
DESCRIPTOR = _APPROVEREQUEST,
__module__ = 'hfc.protos.token.prover_pb2'
# @@protoc_insertion_point(class_scope:token.ApproveRequest)
))
_sym_db.RegisterMessage(ApproveRequest)
ExpectationRequest = _reflection.GeneratedProtocolMessageType('ExpectationRequest', (_message.Message,), dict(
DESCRIPTOR = _EXPECTATIONREQUEST,
__module__ = 'hfc.protos.token.prover_pb2'
# @@protoc_insertion_point(class_scope:token.ExpectationRequest)
))
_sym_db.RegisterMessage(ExpectationRequest)
Header = _reflection.GeneratedProtocolMessageType('Header', (_message.Message,), dict(
DESCRIPTOR = _HEADER,
__module__ = 'hfc.protos.token.prover_pb2'
# @@protoc_insertion_point(class_scope:token.Header)
))
_sym_db.RegisterMessage(Header)
Command = _reflection.GeneratedProtocolMessageType('Command', (_message.Message,), dict(
DESCRIPTOR = _COMMAND,
__module__ = 'hfc.protos.token.prover_pb2'
# @@protoc_insertion_point(class_scope:token.Command)
))
_sym_db.RegisterMessage(Command)
SignedCommand = _reflection.GeneratedProtocolMessageType('SignedCommand', (_message.Message,), dict(
DESCRIPTOR = _SIGNEDCOMMAND,
__module__ = 'hfc.protos.token.prover_pb2'
# @@protoc_insertion_point(class_scope:token.SignedCommand)
))
_sym_db.RegisterMessage(SignedCommand)
CommandResponseHeader = _reflection.GeneratedProtocolMessageType('CommandResponseHeader', (_message.Message,), dict(
DESCRIPTOR = _COMMANDRESPONSEHEADER,
__module__ = 'hfc.protos.token.prover_pb2'
# @@protoc_insertion_point(class_scope:token.CommandResponseHeader)
))
_sym_db.RegisterMessage(CommandResponseHeader)
Error = _reflection.GeneratedProtocolMessageType('Error', (_message.Message,), dict(
DESCRIPTOR = _ERROR,
__module__ = 'hfc.protos.token.prover_pb2'
# @@protoc_insertion_point(class_scope:token.Error)
))
_sym_db.RegisterMessage(Error)
CommandResponse = _reflection.GeneratedProtocolMessageType('CommandResponse', (_message.Message,), dict(
DESCRIPTOR = _COMMANDRESPONSE,
__module__ = 'hfc.protos.token.prover_pb2'
# @@protoc_insertion_point(class_scope:token.CommandResponse)
))
_sym_db.RegisterMessage(CommandResponse)
SignedCommandResponse = _reflection.GeneratedProtocolMessageType('SignedCommandResponse', (_message.Message,), dict(
DESCRIPTOR = _SIGNEDCOMMANDRESPONSE,
__module__ = 'hfc.protos.token.prover_pb2'
# @@protoc_insertion_point(class_scope:token.SignedCommandResponse)
))
_sym_db.RegisterMessage(SignedCommandResponse)
DESCRIPTOR._options = None
_PROVER = _descriptor.ServiceDescriptor(
name='Prover',
full_name='token.Prover',
file=DESCRIPTOR,
index=0,
serialized_options=None,
serialized_start=2083,
serialized_end=2163,
methods=[
_descriptor.MethodDescriptor(
name='ProcessCommand',
full_name='token.Prover.ProcessCommand',
index=0,
containing_service=None,
input_type=_SIGNEDCOMMAND,
output_type=_SIGNEDCOMMANDRESPONSE,
serialized_options=None,
),
])
_sym_db.RegisterServiceDescriptor(_PROVER)
DESCRIPTOR.services_by_name['Prover'] = _PROVER
# @@protoc_insertion_point(module_scope)
| [
2,
2980,
515,
416,
262,
8435,
11876,
17050,
13,
220,
8410,
5626,
48483,
0,
198,
2,
2723,
25,
289,
16072,
14,
11235,
418,
14,
30001,
14,
1676,
332,
13,
1676,
1462,
198,
198,
11748,
25064,
198,
62,
65,
28,
17597,
13,
9641,
62,
10951,
58,
15,
60,
27,
18,
290,
357,
50033,
2124,
25,
87,
8,
393,
357,
50033,
2124,
25,
87,
13,
268,
8189,
10786,
75,
10680,
16,
6,
4008,
198,
6738,
23645,
13,
11235,
672,
3046,
1330,
43087,
355,
4808,
20147,
1968,
273,
198,
6738,
23645,
13,
11235,
672,
3046,
1330,
3275,
355,
4808,
20500,
198,
6738,
23645,
13,
11235,
672,
3046,
1330,
14580,
355,
4808,
5420,
1564,
198,
6738,
23645,
13,
11235,
672,
3046,
1330,
6194,
62,
48806,
355,
4808,
1837,
23650,
62,
48806,
198,
2,
25248,
11235,
420,
62,
28463,
295,
62,
4122,
7,
320,
3742,
8,
198,
198,
62,
37047,
62,
9945,
796,
4808,
1837,
23650,
62,
48806,
13,
19463,
3419,
628,
198,
6738,
23645,
13,
11235,
672,
3046,
1330,
41033,
62,
40842,
17,
355,
23645,
62,
26518,
62,
11235,
672,
3046,
62,
26518,
62,
16514,
27823,
834,
40842,
17,
198,
6738,
289,
16072,
13,
11235,
418,
13,
30001,
1330,
9027,
62,
40842,
17,
355,
289,
16072,
62,
26518,
62,
11235,
418,
62,
26518,
62,
30001,
62,
26518,
62,
1069,
806,
602,
834,
40842,
17,
198,
6738,
289,
16072,
13,
11235,
418,
13,
30001,
1330,
8611,
62,
40842,
17,
355,
289,
16072,
62,
26518,
62,
11235,
418,
62,
26518,
62,
30001,
62,
26518,
62,
7645,
2673,
834,
40842,
17,
628,
198,
30910,
36584,
32961,
796,
4808,
20147,
1968,
273,
13,
8979,
24564,
1968,
273,
7,
198,
220,
1438,
11639,
71,
16072,
14,
11235,
418,
14,
30001,
14,
1676,
332,
13,
1676,
1462,
3256,
198,
220,
5301,
11639,
30001,
3256,
198,
220,
15582,
11639,
1676,
1462,
18,
3256,
198,
220,
11389,
1143,
62,
25811,
28,
62,
65,
10786,
59,
77,
2,
2398,
13,
49229,
992,
1362,
13,
36434,
1173,
13,
11235,
418,
13,
30001,
57,
9,
12567,
13,
785,
14,
49229,
992,
1362,
14,
36434,
1173,
14,
11235,
418,
14,
30001,
33809,
198,
220,
11389,
1143,
62,
40842,
28,
62,
65,
10786,
59,
77,
59,
87,
16,
34985,
16072,
14,
11235,
418,
14,
30001,
14,
1676,
332,
13,
1676,
1462,
59,
87,
1065,
59,
87,
2713,
30001,
59,
87,
16,
64,
59,
87,
16,
69,
13297,
14,
11235,
672,
3046,
14,
16514,
27823,
13,
1676,
1462,
59,
87,
16,
64,
2,
71,
16072,
14,
11235,
418,
14,
30001,
14,
1069,
806,
602,
13,
1676,
1462,
59,
87,
16,
64,
7879,
71,
16072,
14,
11235,
418,
14,
30001,
14,
7645,
2673,
13,
1676,
1462,
7879,
32,
59,
77,
59,
87,
15,
66,
30642,
2514,
45147,
59,
87,
1065,
59,
87,
1157,
59,
77,
59,
83,
8344,
48137,
59,
87,
1507,
59,
87,
486,
3467,
87,
486,
38016,
87,
15,
66,
59,
87,
1065,
59,
87,
15,
66,
59,
77,
59,
87,
3023,
4906,
59,
87,
1507,
59,
87,
2999,
3467,
87,
486,
38016,
83,
59,
87,
1065,
59,
87,
940,
59,
77,
59,
87,
2919,
40972,
414,
59,
87,
1507,
59,
87,
3070,
3467,
87,
486,
38016,
87,
3023,
7879,
28,
59,
77,
59,
87,
1433,
6690,
48137,
43260,
11649,
59,
87,
1065,
59,
87,
1157,
59,
77,
59,
83,
8344,
48137,
59,
87,
1507,
59,
87,
486,
3467,
87,
486,
38016,
87,
15,
66,
59,
87,
1065,
59,
87,
940,
59,
77,
59,
87,
2919,
40972,
414,
59,
87,
1507,
59,
87,
2999,
3467,
87,
486,
38016,
87,
3023,
7879,
40,
59,
77,
59,
87,
15,
65,
30642,
26410,
59,
87,
1065,
59,
87,
16,
64,
59,
77,
59,
87,
2999,
312,
59,
87,
1507,
59,
87,
486,
3467,
87,
486,
38016,
87,
15,
65,
59,
87,
2624,
59,
87,
15,
68,
13,
30001,
13,
20560,
7390,
59,
87,
1065,
59,
87,
15,
66,
59,
77,
59,
87,
3023,
4906,
59,
87,
1507,
59,
87,
2999,
3467,
87,
486,
38016,
83,
59,
87,
1065,
59,
87,
940,
59,
77,
59,
87,
2919,
40972,
414,
59,
87,
1507,
59,
87,
3070,
3467,
87,
486,
38016,
87,
3023,
7879,
18,
59,
77,
59,
81,
3118,
2777,
298,
22906,
59,
87,
1065,
7879,
59,
77,
59,
87,
3312,
83,
482,
641,
59,
87,
1507,
59,
87,
486,
3467,
87,
3070,
38016,
87,
15,
65,
59,
87,
2624,
59,
87,
1065,
13,
30001,
13,
30642,
26410,
7879,
0,
59,
77,
59,
87,
15,
65,
8053,
18453,
59,
87,
1065,
59,
87,
1065,
59,
77,
59,
10782,
445,
1843,
59,
87,
1507,
59,
87,
486,
3467,
87,
486,
38016,
87,
15,
66,
7879,
48,
59,
77,
59,
81,
20939,
18453,
59,
87,
1065,
59,
87,
1065,
59,
77,
59,
10782,
445,
1843,
59,
87,
1507,
59,
87,
486,
3467,
87,
486,
38016,
87,
15,
66,
59,
87,
1065,
11,
59,
77,
59,
87,
15,
701,
482,
641,
62,
1462,
62,
21949,
59,
87,
1507,
59,
87,
2999,
3467,
87,
3070,
38016,
87,
15,
65,
59,
87,
2624,
59,
87,
1485,
13,
30001,
13,
30642,
2514,
45147,
7879,
86,
59,
77,
59,
87,
15,
69,
43260,
18453,
59,
87,
1065,
59,
87,
1065,
59,
77,
59,
10782,
445,
1843,
59,
87,
1507,
59,
87,
486,
3467,
87,
486,
38016,
87,
15,
66,
59,
87,
1065,
0,
59,
77,
59,
926,
4233,
62,
2340,
59,
87,
1507,
59,
87,
2999,
3467,
87,
3070,
38016,
87,
15,
65,
59,
87,
2624,
59,
87,
15,
68,
13,
30001,
13,
20560,
7390,
59,
87,
1065,
12,
59,
77,
59,
87,
3312,
1477,
3565,
59,
87,
1507,
59,
87,
3070,
3467,
87,
3070,
38016,
87,
15,
65,
59,
87,
2624,
59,
87,
16,
67,
13,
30001,
13,
6690,
48137,
43260,
11649,
7879,
65,
59,
77,
59,
81,
7738,
13761,
18453,
59,
87,
1065,
59,
87,
1065,
59,
77,
59,
10782,
445,
1843,
59,
87,
1507,
59,
87,
486,
3467,
87,
486,
38016,
87,
15,
66,
59,
87,
1065,
0,
59,
77,
59,
926,
4233,
62,
2340,
59,
87,
1507,
59,
87,
2999,
3467,
87,
3070,
38016,
87,
15,
65,
59,
87,
2624,
59,
87,
15,
68,
13,
30001,
13,
20560,
7390,
59,
87,
1065,
59,
87,
16,
64,
59,
77,
59,
87,
1065,
40972,
414,
62,
1462,
62,
445,
13761,
59,
87,
1507,
59,
87,
3070,
3467,
87,
486,
38016,
87,
3023,
38214,
59,
77,
59,
87,
1558,
59,
87,
3901,
297,
322,
590,
6690,
48137,
11649,
59,
87,
1065,
59,
87,
1157,
59,
77,
59,
83,
8344,
48137,
59,
87,
1507,
59,
87,
486,
3467,
87,
486,
38016,
87,
15,
66,
59,
87,
1065,
59,
87,
940,
59,
77,
59,
87,
2919,
40972,
414,
59,
87,
1507,
59,
87,
2999,
3467,
87,
486,
38016,
87,
3023,
7879,
59,
87,
6659,
59,
87,
486,
59,
77,
59,
87,
15,
68,
59,
87,
3901,
381,
305,
303,
18453,
59,
87,
1065,
59,
87,
1065,
59,
77,
59,
10782,
445,
1843,
59,
87,
1507,
59,
87,
486,
3467,
87,
486,
38016,
87,
15,
66,
59,
87,
1065,
59,
87,
2548,
59,
77,
59,
87,
940,
59,
87,
5333,
297,
322,
590,
62,
1477,
3565,
59,
87,
1507,
59,
87,
2999,
3467,
87,
3070,
38016,
87,
15,
65,
59,
87,
2624,
59,
87,
16,
68,
13,
30001,
13,
35265,
590,
6690,
48137,
11649,
59,
87,
1065,
0,
59,
77,
59,
926,
4233,
62,
2340,
59,
87,
1507,
59,
87,
3070,
3467,
87,
3070,
38016,
87,
15,
65,
59,
87,
2624,
59,
87,
15,
68,
13,
30001,
13,
20560,
7390,
7879,
88,
59,
77,
59,
87,
1065,
59,
87,
2231,
87,
806,
341,
18453,
59,
87,
1065,
59,
87,
1065,
59,
77,
59,
10782,
445,
1843,
59,
87,
1507,
59,
87,
486,
3467,
87,
486,
38016,
87,
15,
66,
59,
87,
1065,
11,
59,
77,
59,
87,
15,
65,
59,
87,
2996,
87,
806,
341,
59,
87,
1507,
59,
87,
2999,
3467,
87,
486,
38016,
87,
15,
65,
59,
87,
2624,
59,
87,
1558,
13,
30001,
13,
30642,
3109,
806,
341,
59,
87,
1065,
0,
59,
77,
59,
926,
4233,
62,
2340,
59,
87,
1507,
59,
87,
3070,
3467,
87,
3070,
38016,
87,
15,
65,
59,
87,
2624,
59,
87,
15,
68,
13,
30001,
13,
20560,
7390,
7879,
59,
87,
6469,
59,
87,
486,
59,
77,
59,
87,
3312,
39681,
59,
87,
1065,
12,
59,
77,
59,
926,
320,
27823,
59,
87,
1507,
59,
87,
486,
3467,
87,
486,
38016,
87,
15,
65,
59,
87,
2624,
59,
87,
16,
64,
13,
13297,
13,
11235,
672,
3046,
13,
14967,
27823,
59,
87,
1065,
59,
87,
1065,
59,
77,
59,
77,
17620,
62,
312,
59,
87,
1507,
59,
87,
2999,
3467,
87,
486,
38016,
83,
59,
87,
1065,
59,
81,
59,
77,
59,
87,
2713,
13159,
344,
59,
87,
1507,
59,
87,
3070,
3467,
87,
486,
38016,
87,
15,
66,
59,
87,
1065,
59,
87,
15,
69,
59,
77,
59,
87,
2998,
59,
87,
5066,
630,
273,
59,
87,
1507,
59,
87,
3023,
3467,
87,
486,
38016,
87,
15,
66,
59,
87,
1065,
59,
87,
1314,
59,
77,
59,
17034,
7278,
62,
22583,
62,
17831,
59,
87,
1507,
59,
87,
2713,
3467,
87,
486,
38016,
87,
15,
66,
7879,
59,
87,
4089,
59,
87,
3070,
59,
77,
59,
87,
2998,
59,
87,
3559,
2002,
392,
59,
87,
1065,
59,
87,
16,
67,
59,
77,
59,
87,
3312,
25677,
59,
87,
1507,
59,
87,
486,
3467,
87,
486,
38016,
87,
15,
65,
59,
87,
2624,
59,
81,
13,
30001,
13,
39681,
59,
87,
1065,
13,
59,
77,
59,
87,
15,
68,
11748,
62,
25927,
59,
87,
1507,
59,
87,
2999,
3467,
87,
486,
38016,
87,
15,
65,
59,
87,
2624,
59,
87,
1415,
13,
30001,
13,
20939,
18453,
39,
59,
87,
405,
59,
87,
1065,
59,
87,
2624,
59,
77,
59,
87,
940,
39437,
62,
25927,
59,
87,
1507,
59,
87,
3070,
3467,
87,
486,
38016,
87,
15,
65,
59,
87,
2624,
59,
87,
1433,
13,
30001,
13,
43260,
18453,
39,
59,
87,
405,
59,
87,
1065,
9,
59,
77,
59,
87,
15,
565,
396,
62,
25927,
59,
87,
1507,
59,
87,
3023,
3467,
87,
486,
38016,
87,
15,
65,
59,
87,
2624,
59,
87,
1065,
13,
30001,
13,
8053,
18453,
39,
59,
87,
405,
59,
87,
1065,
13,
59,
77,
59,
87,
15,
1068,
13761,
62,
25927,
59,
87,
1507,
59,
87,
2713,
3467,
87,
486,
38016,
87,
15,
65,
59,
87,
2624,
59,
87,
1415,
13,
30001,
13,
7738,
13761,
18453,
39,
59,
87,
405,
59,
87,
1065,
59,
87,
1270,
59,
77,
59,
87,
15,
69,
59,
87,
5333,
381,
305,
303,
62,
25927,
59,
87,
1507,
59,
87,
3312,
3467,
87,
486,
38016,
87,
15,
65,
59,
87,
2624,
59,
87,
1314,
13,
30001,
13,
4677,
305,
303,
18453,
39,
59,
87,
405,
59,
87,
1065,
59,
87,
2718,
59,
77,
59,
87,
1314,
39437,
62,
6738,
62,
25927,
59,
87,
1507,
59,
87,
2998,
3467,
87,
486,
38016,
87,
15,
65,
59,
87,
2624,
59,
87,
1433,
13,
30001,
13,
43260,
18453,
39,
59,
87,
405,
59,
87,
1065,
59,
87,
2548,
59,
77,
59,
87,
1485,
59,
87,
2996,
87,
806,
341,
62,
25927,
59,
87,
1507,
59,
87,
2919,
3467,
87,
486,
38016,
87,
15,
65,
59,
87,
2624,
59,
87,
1129,
13,
30001,
13,
3109,
806,
341,
18453,
39,
59,
87,
405,
59,
87,
3682,
59,
83,
59,
77,
59,
87,
2998,
15577,
2220,
7879,
18,
59,
77,
59,
81,
50,
3916,
21575,
59,
87,
1065,
59,
87,
15,
69,
59,
77,
59,
87,
2998,
59,
87,
5066,
2002,
392,
59,
87,
1507,
59,
87,
486,
3467,
87,
486,
38016,
87,
15,
66,
59,
87,
1065,
59,
87,
1157,
59,
77,
59,
912,
570,
1300,
59,
87,
1507,
59,
87,
2999,
3467,
87,
486,
38016,
87,
15,
66,
7879,
76,
59,
77,
59,
87,
1314,
59,
87,
3559,
2002,
392,
31077,
39681,
59,
87,
1065,
12,
59,
77,
59,
926,
320,
27823,
59,
87,
1507,
59,
87,
486,
3467,
87,
486,
38016,
87,
15,
65,
59,
87,
2624,
59,
87,
16,
64,
13,
13297,
13,
11235,
672,
3046,
13,
14967,
27823,
59,
87,
1065,
59,
87,
1415,
59,
77,
59,
87,
15,
66,
59,
87,
5066,
2002,
392,
62,
17831,
59,
87,
1507,
59,
87,
2999,
3467,
87,
486,
38016,
87,
15,
66,
59,
87,
1065,
59,
87,
15,
69,
59,
77,
59,
87,
2998,
59,
87,
5066,
630,
273,
59,
87,
1507,
59,
87,
3070,
3467,
87,
486,
38016,
87,
15,
66,
59,
4943,
59,
77,
59,
87,
2713,
59,
87,
2231,
81,
1472,
59,
87,
1065,
59,
87,
15,
69,
59,
77,
59,
87,
2998,
20500,
59,
87,
1507,
59,
87,
486,
3467,
87,
486,
38016,
83,
59,
87,
1065,
59,
87,
15,
69,
59,
77,
59,
87,
2998,
15577,
2220,
59,
87,
1507,
59,
87,
2999,
3467,
87,
486,
38016,
87,
15,
66,
7879,
59,
87,
10210,
59,
87,
486,
59,
77,
59,
87,
15,
69,
59,
87,
3559,
2002,
392,
31077,
59,
87,
1065,
11,
59,
77,
59,
87,
3312,
25677,
59,
87,
1507,
59,
87,
486,
3467,
87,
486,
38016,
87,
15,
65,
59,
87,
2624,
59,
87,
16,
66,
13,
30001,
13,
21575,
31077,
39681,
59,
87,
1065,
59,
87,
16,
65,
59,
77,
59,
87,
3070,
59,
87,
2996,
21062,
59,
87,
1507,
59,
87,
2999,
3467,
87,
486,
38016,
87,
15,
65,
59,
87,
2624,
59,
87,
15,
66,
13,
30001,
13,
12331,
39,
59,
87,
405,
59,
87,
1065,
59,
87,
2682,
59,
77,
59,
87,
1157,
30001,
62,
7645,
2673,
59,
87,
1507,
59,
87,
3070,
3467,
87,
486,
38016,
87,
15,
65,
59,
87,
2624,
59,
87,
1558,
13,
30001,
13,
30642,
48720,
39,
59,
87,
405,
59,
87,
1065,
13,
59,
77,
59,
87,
15,
68,
403,
2777,
298,
62,
83,
482,
641,
59,
87,
1507,
59,
87,
3023,
3467,
87,
486,
38016,
87,
15,
65,
59,
87,
2624,
59,
87,
1415,
13,
30001,
13,
3118,
2777,
298,
22906,
39,
59,
87,
405,
59,
87,
3682,
59,
83,
59,
77,
59,
87,
2998,
15577,
2220,
7879,
27,
59,
77,
59,
87,
1314,
50,
3916,
21575,
31077,
59,
87,
1065,
59,
87,
940,
59,
77,
59,
87,
2919,
26209,
59,
87,
1507,
59,
87,
486,
3467,
87,
486,
38016,
87,
15,
66,
59,
87,
1065,
59,
87,
1157,
59,
77,
59,
912,
570,
1300,
59,
87,
1507,
59,
87,
2999,
3467,
87,
486,
38016,
87,
15,
66,
59,
87,
2624,
47,
59,
77,
59,
87,
3312,
2964,
332,
59,
87,
1065,
59,
87,
3510,
59,
77,
59,
87,
15,
68,
18709,
21575,
59,
87,
1065,
59,
87,
1415,
13,
30001,
13,
50,
3916,
21575,
59,
87,
16,
64,
59,
87,
16,
66,
13,
30001,
13,
50,
3916,
21575,
31077,
7879,
59,
87,
405,
59,
87,
3682,
48,
59,
77,
2,
2398,
13,
49229,
992,
1362,
13,
36434,
1173,
13,
11235,
418,
13,
30001,
57,
9,
12567,
13,
785,
14,
49229,
992,
1362,
14,
36434,
1173,
14,
11235,
418,
14,
30001,
65,
59,
87,
3312,
1676,
1462,
18,
11537,
198,
220,
837,
198,
220,
20086,
41888,
13297,
62,
26518,
62,
11235,
672,
3046,
62,
26518,
62,
16514,
27823,
834,
40842,
17,
13,
30910,
36584,
32961,
11,
71,
16072,
62,
26518,
62,
11235,
418,
62,
26518,
62,
30001,
62,
26518,
62,
1069,
806,
602,
834,
40842,
17,
13,
30910,
36584,
32961,
11,
71,
16072,
62,
26518,
62,
11235,
418,
62,
26518,
62,
30001,
62,
26518,
62,
7645,
2673,
834,
40842,
17,
13,
30910,
36584,
32961,
11,
12962,
628,
628,
198,
62,
10468,
42,
3525,
46,
16744,
8924,
796,
4808,
20147,
1968,
273,
13,
24564,
1968,
273,
7,
198,
220,
1438,
11639,
30642,
2514,
45147,
3256,
198,
220,
1336,
62,
3672,
11639,
30001,
13,
30642,
2514,
45147,
3256,
198,
220,
29472,
28,
14202,
11,
198,
220,
2393,
28,
30910,
36584,
32961,
11,
198,
220,
7268,
62,
4906,
28,
14202,
11,
198,
220,
7032,
41888,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
8344,
48137,
3256,
1336,
62,
3672,
11639,
30001,
13,
30642,
2514,
45147,
13,
8344,
48137,
3256,
6376,
28,
15,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
16,
11,
2099,
28,
1065,
11,
269,
381,
62,
4906,
28,
24,
11,
6167,
28,
16,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
28,
62,
65,
7203,
12340,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
4906,
3256,
1336,
62,
3672,
11639,
30001,
13,
30642,
2514,
45147,
13,
4906,
3256,
6376,
28,
16,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
17,
11,
2099,
28,
24,
11,
269,
381,
62,
4906,
28,
24,
11,
6167,
28,
16,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
28,
62,
65,
7203,
11074,
12501,
1098,
10786,
40477,
12,
23,
33809,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
40972,
414,
3256,
1336,
62,
3672,
11639,
30001,
13,
30642,
2514,
45147,
13,
40972,
414,
3256,
6376,
28,
17,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
18,
11,
2099,
28,
19,
11,
269,
381,
62,
4906,
28,
19,
11,
6167,
28,
16,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
28,
15,
11,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
16589,
198,
220,
18366,
41888,
198,
220,
16589,
198,
220,
28376,
62,
19199,
41888,
4357,
198,
220,
33829,
62,
19199,
41888,
198,
220,
16589,
198,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
198,
220,
318,
62,
2302,
437,
540,
28,
25101,
11,
198,
220,
15582,
11639,
1676,
1462,
18,
3256,
198,
220,
7552,
62,
81,
6231,
41888,
4357,
198,
220,
530,
1659,
82,
41888,
198,
220,
16589,
198,
220,
11389,
1143,
62,
9688,
28,
20964,
11,
198,
220,
11389,
1143,
62,
437,
28,
21895,
11,
198,
8,
628,
198,
62,
38827,
4061,
28495,
5446,
15037,
37,
4877,
39,
12203,
796,
4808,
20147,
1968,
273,
13,
24564,
1968,
273,
7,
198,
220,
1438,
11639,
6690,
48137,
43260,
11649,
3256,
198,
220,
1336,
62,
3672,
11639,
30001,
13,
6690,
48137,
43260,
11649,
3256,
198,
220,
29472,
28,
14202,
11,
198,
220,
2393,
28,
30910,
36584,
32961,
11,
198,
220,
7268,
62,
4906,
28,
14202,
11,
198,
220,
7032,
41888,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
8344,
48137,
3256,
1336,
62,
3672,
11639,
30001,
13,
6690,
48137,
43260,
11649,
13,
8344,
48137,
3256,
6376,
28,
15,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
16,
11,
2099,
28,
1065,
11,
269,
381,
62,
4906,
28,
24,
11,
6167,
28,
16,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
28,
62,
65,
7203,
12340,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
40972,
414,
3256,
1336,
62,
3672,
11639,
30001,
13,
6690,
48137,
43260,
11649,
13,
40972,
414,
3256,
6376,
28,
16,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
17,
11,
2099,
28,
19,
11,
269,
381,
62,
4906,
28,
19,
11,
6167,
28,
16,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
28,
15,
11,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
16589,
198,
220,
18366,
41888,
198,
220,
16589,
198,
220,
28376,
62,
19199,
41888,
4357,
198,
220,
33829,
62,
19199,
41888,
198,
220,
16589,
198,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
198,
220,
318,
62,
2302,
437,
540,
28,
25101,
11,
198,
220,
15582,
11639,
1676,
1462,
18,
3256,
198,
220,
7552,
62,
81,
6231,
41888,
4357,
198,
220,
530,
1659,
82,
41888,
198,
220,
16589,
198,
220,
11389,
1143,
62,
9688,
28,
26427,
11,
198,
220,
11389,
1143,
62,
437,
28,
28857,
11,
198,
8,
628,
198,
62,
10468,
43959,
2606,
7250,
3843,
796,
4808,
20147,
1968,
273,
13,
24564,
1968,
273,
7,
198,
220,
1438,
11639,
30642,
26410,
3256,
198,
220,
1336,
62,
3672,
11639,
30001,
13,
30642,
26410,
3256,
198,
220,
29472,
28,
14202,
11,
198,
220,
2393,
28,
30910,
36584,
32961,
11,
198,
220,
7268,
62,
4906,
28,
14202,
11,
198,
220,
7032,
41888,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
312,
3256,
1336,
62,
3672,
11639,
30001,
13,
30642,
26410,
13,
312,
3256,
6376,
28,
15,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
16,
11,
2099,
28,
1157,
11,
269,
381,
62,
4906,
28,
940,
11,
6167,
28,
16,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
4906,
3256,
1336,
62,
3672,
11639,
30001,
13,
30642,
26410,
13,
4906,
3256,
6376,
28,
16,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
17,
11,
2099,
28,
24,
11,
269,
381,
62,
4906,
28,
24,
11,
6167,
28,
16,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
28,
62,
65,
7203,
11074,
12501,
1098,
10786,
40477,
12,
23,
33809,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
40972,
414,
3256,
1336,
62,
3672,
11639,
30001,
13,
30642,
26410,
13,
40972,
414,
3256,
6376,
28,
17,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
18,
11,
2099,
28,
19,
11,
269,
381,
62,
4906,
28,
19,
11,
6167,
28,
16,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
28,
15,
11,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
16589,
198,
220,
18366,
41888,
198,
220,
16589,
198,
220,
28376,
62,
19199,
41888,
4357,
198,
220,
33829,
62,
19199,
41888,
198,
220,
16589,
198,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
198,
220,
318,
62,
2302,
437,
540,
28,
25101,
11,
198,
220,
15582,
11639,
1676,
1462,
18,
3256,
198,
220,
7552,
62,
81,
6231,
41888,
4357,
198,
220,
530,
1659,
82,
41888,
198,
220,
16589,
198,
220,
11389,
1143,
62,
9688,
28,
27988,
11,
198,
220,
11389,
1143,
62,
437,
28,
27371,
11,
198,
8,
628,
198,
62,
4944,
4303,
3525,
10468,
42,
16938,
796,
4808,
20147,
1968,
273,
13,
24564,
1968,
273,
7,
198,
220,
1438,
11639,
3118,
2777,
298,
22906,
3256,
198,
220,
1336,
62,
3672,
11639,
30001,
13,
3118,
2777,
298,
22906,
3256,
198,
220,
29472,
28,
14202,
11,
198,
220,
2393,
28,
30910,
36584,
32961,
11,
198,
220,
7268,
62,
4906,
28,
14202,
11,
198,
220,
7032,
41888,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
83,
482,
641,
3256,
1336,
62,
3672,
11639,
30001,
13,
3118,
2777,
298,
22906,
13,
83,
482,
641,
3256,
6376,
28,
15,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
16,
11,
2099,
28,
1157,
11,
269,
381,
62,
4906,
28,
940,
11,
6167,
28,
18,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
41888,
4357,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
16589,
198,
220,
18366,
41888,
198,
220,
16589,
198,
220,
28376,
62,
19199,
41888,
4357,
198,
220,
33829,
62,
19199,
41888,
198,
220,
16589,
198,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
198,
220,
318,
62,
2302,
437,
540,
28,
25101,
11,
198,
220,
15582,
11639,
1676,
1462,
18,
3256,
198,
220,
7552,
62,
81,
6231,
41888,
4357,
198,
220,
530,
1659,
82,
41888,
198,
220,
16589,
198,
220,
11389,
1143,
62,
9688,
28,
35273,
11,
198,
220,
11389,
1143,
62,
437,
28,
32531,
11,
198,
8,
628,
198,
62,
45849,
2200,
35780,
796,
4808,
20147,
1968,
273,
13,
24564,
1968,
273,
7,
198,
220,
1438,
11639,
8053,
18453,
3256,
198,
220,
1336,
62,
3672,
11639,
30001,
13,
8053,
18453,
3256,
198,
220,
29472,
28,
14202,
11,
198,
220,
2393,
28,
30910,
36584,
32961,
11,
198,
220,
7268,
62,
4906,
28,
14202,
11,
198,
220,
7032,
41888,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
66,
445,
1843,
3256,
1336,
62,
3672,
11639,
30001,
13,
8053,
18453,
13,
66,
445,
1843,
3256,
6376,
28,
15,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
16,
11,
2099,
28,
1065,
11,
269,
381,
62,
4906,
28,
24,
11,
6167,
28,
16,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
28,
62,
65,
7203,
12340,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
16589,
198,
220,
18366,
41888,
198,
220,
16589,
198,
220,
28376,
62,
19199,
41888,
4357,
198,
220,
33829,
62,
19199,
41888,
198,
220,
16589,
198,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
198,
220,
318,
62,
2302,
437,
540,
28,
25101,
11,
198,
220,
15582,
11639,
1676,
1462,
18,
3256,
198,
220,
7552,
62,
81,
6231,
41888,
4357,
198,
220,
530,
1659,
82,
41888,
198,
220,
16589,
198,
220,
11389,
1143,
62,
9688,
28,
26429,
11,
198,
220,
11389,
1143,
62,
437,
28,
43284,
11,
198,
8,
628,
198,
62,
3955,
15490,
2200,
35780,
796,
4808,
20147,
1968,
273,
13,
24564,
1968,
273,
7,
198,
220,
1438,
11639,
20939,
18453,
3256,
198,
220,
1336,
62,
3672,
11639,
30001,
13,
20939,
18453,
3256,
198,
220,
29472,
28,
14202,
11,
198,
220,
2393,
28,
30910,
36584,
32961,
11,
198,
220,
7268,
62,
4906,
28,
14202,
11,
198,
220,
7032,
41888,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
66,
445,
1843,
3256,
1336,
62,
3672,
11639,
30001,
13,
20939,
18453,
13,
66,
445,
1843,
3256,
6376,
28,
15,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
16,
11,
2099,
28,
1065,
11,
269,
381,
62,
4906,
28,
24,
11,
6167,
28,
16,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
28,
62,
65,
7203,
12340,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
83,
482,
641,
62,
1462,
62,
21949,
3256,
1336,
62,
3672,
11639,
30001,
13,
20939,
18453,
13,
83,
482,
641,
62,
1462,
62,
21949,
3256,
6376,
28,
16,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
17,
11,
2099,
28,
1157,
11,
269,
381,
62,
4906,
28,
940,
11,
6167,
28,
18,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
41888,
4357,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
16589,
198,
220,
18366,
41888,
198,
220,
16589,
198,
220,
28376,
62,
19199,
41888,
4357,
198,
220,
33829,
62,
19199,
41888,
198,
220,
16589,
198,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
198,
220,
318,
62,
2302,
437,
540,
28,
25101,
11,
198,
220,
15582,
11639,
1676,
1462,
18,
3256,
198,
220,
7552,
62,
81,
6231,
41888,
4357,
198,
220,
530,
1659,
82,
41888,
198,
220,
16589,
198,
220,
11389,
1143,
62,
9688,
28,
47106,
11,
198,
220,
11389,
1143,
62,
437,
28,
31211,
11,
198,
8,
628,
198,
62,
5446,
15037,
24302,
2200,
35780,
796,
4808,
20147,
1968,
273,
13,
24564,
1968,
273,
7,
198,
220,
1438,
11639,
43260,
18453,
3256,
198,
220,
1336,
62,
3672,
11639,
30001,
13,
43260,
18453,
3256,
198,
220,
29472,
28,
14202,
11,
198,
220,
2393,
28,
30910,
36584,
32961,
11,
198,
220,
7268,
62,
4906,
28,
14202,
11,
198,
220,
7032,
41888,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
66,
445,
1843,
3256,
1336,
62,
3672,
11639,
30001,
13,
43260,
18453,
13,
66,
445,
1843,
3256,
6376,
28,
15,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
16,
11,
2099,
28,
1065,
11,
269,
381,
62,
4906,
28,
24,
11,
6167,
28,
16,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
28,
62,
65,
7203,
12340,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
30001,
62,
2340,
3256,
1336,
62,
3672,
11639,
30001,
13,
43260,
18453,
13,
30001,
62,
2340,
3256,
6376,
28,
16,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
17,
11,
2099,
28,
1157,
11,
269,
381,
62,
4906,
28,
940,
11,
6167,
28,
18,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
41888,
4357,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
1477,
3565,
3256,
1336,
62,
3672,
11639,
30001,
13,
43260,
18453,
13,
1477,
3565,
3256,
6376,
28,
17,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
18,
11,
2099,
28,
1157,
11,
269,
381,
62,
4906,
28,
940,
11,
6167,
28,
18,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
41888,
4357,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
16589,
198,
220,
18366,
41888,
198,
220,
16589,
198,
220,
28376,
62,
19199,
41888,
4357,
198,
220,
33829,
62,
19199,
41888,
198,
220,
16589,
198,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
198,
220,
318,
62,
2302,
437,
540,
28,
25101,
11,
198,
220,
15582,
11639,
1676,
1462,
18,
3256,
198,
220,
7552,
62,
81,
6231,
41888,
4357,
198,
220,
530,
1659,
82,
41888,
198,
220,
16589,
198,
220,
11389,
1143,
62,
9688,
28,
49542,
11,
198,
220,
11389,
1143,
62,
437,
28,
42759,
11,
198,
8,
628,
198,
62,
22083,
36,
3620,
2200,
35780,
796,
4808,
20147,
1968,
273,
13,
24564,
1968,
273,
7,
198,
220,
1438,
11639,
7738,
13761,
18453,
3256,
198,
220,
1336,
62,
3672,
11639,
30001,
13,
7738,
13761,
18453,
3256,
198,
220,
29472,
28,
14202,
11,
198,
220,
2393,
28,
30910,
36584,
32961,
11,
198,
220,
7268,
62,
4906,
28,
14202,
11,
198,
220,
7032,
41888,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
66,
445,
1843,
3256,
1336,
62,
3672,
11639,
30001,
13,
7738,
13761,
18453,
13,
66,
445,
1843,
3256,
6376,
28,
15,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
16,
11,
2099,
28,
1065,
11,
269,
381,
62,
4906,
28,
24,
11,
6167,
28,
16,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
28,
62,
65,
7203,
12340,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
30001,
62,
2340,
3256,
1336,
62,
3672,
11639,
30001,
13,
7738,
13761,
18453,
13,
30001,
62,
2340,
3256,
6376,
28,
16,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
17,
11,
2099,
28,
1157,
11,
269,
381,
62,
4906,
28,
940,
11,
6167,
28,
18,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
41888,
4357,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
40972,
414,
62,
1462,
62,
445,
13761,
3256,
1336,
62,
3672,
11639,
30001,
13,
7738,
13761,
18453,
13,
40972,
414,
62,
1462,
62,
445,
13761,
3256,
6376,
28,
17,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
18,
11,
2099,
28,
19,
11,
269,
381,
62,
4906,
28,
19,
11,
6167,
28,
16,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
28,
15,
11,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
16589,
198,
220,
18366,
41888,
198,
220,
16589,
198,
220,
28376,
62,
19199,
41888,
4357,
198,
220,
33829,
62,
19199,
41888,
198,
220,
16589,
198,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
198,
220,
318,
62,
2302,
437,
540,
28,
25101,
11,
198,
220,
15582,
11639,
1676,
1462,
18,
3256,
198,
220,
7552,
62,
81,
6231,
41888,
4357,
198,
220,
530,
1659,
82,
41888,
198,
220,
16589,
198,
220,
11389,
1143,
62,
9688,
28,
41813,
11,
198,
220,
11389,
1143,
62,
437,
28,
22,
3901,
11,
198,
8,
628,
198,
62,
7036,
3913,
20940,
1137,
2943,
4061,
28495,
42597,
796,
4808,
20147,
1968,
273,
13,
24564,
1968,
273,
7,
198,
220,
1438,
11639,
35265,
590,
6690,
48137,
11649,
3256,
198,
220,
1336,
62,
3672,
11639,
30001,
13,
35265,
590,
6690,
48137,
11649,
3256,
198,
220,
29472,
28,
14202,
11,
198,
220,
2393,
28,
30910,
36584,
32961,
11,
198,
220,
7268,
62,
4906,
28,
14202,
11,
198,
220,
7032,
41888,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
8344,
48137,
3256,
1336,
62,
3672,
11639,
30001,
13,
35265,
590,
6690,
48137,
11649,
13,
8344,
48137,
3256,
6376,
28,
15,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
16,
11,
2099,
28,
1065,
11,
269,
381,
62,
4906,
28,
24,
11,
6167,
28,
16,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
28,
62,
65,
7203,
12340,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
40972,
414,
3256,
1336,
62,
3672,
11639,
30001,
13,
35265,
590,
6690,
48137,
11649,
13,
40972,
414,
3256,
6376,
28,
16,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
17,
11,
2099,
28,
19,
11,
269,
381,
62,
4906,
28,
19,
11,
6167,
28,
16,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
28,
15,
11,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
16589,
198,
220,
18366,
41888,
198,
220,
16589,
198,
220,
28376,
62,
19199,
41888,
4357,
198,
220,
33829,
62,
19199,
41888,
198,
220,
16589,
198,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
198,
220,
318,
62,
2302,
437,
540,
28,
25101,
11,
198,
220,
15582,
11639,
1676,
1462,
18,
3256,
198,
220,
7552,
62,
81,
6231,
41888,
4357,
198,
220,
530,
1659,
82,
41888,
198,
220,
16589,
198,
220,
11389,
1143,
62,
9688,
28,
22,
3559,
11,
198,
220,
11389,
1143,
62,
437,
28,
28256,
11,
198,
8,
628,
198,
62,
2969,
31190,
5959,
36,
35780,
796,
4808,
20147,
1968,
273,
13,
24564,
1968,
273,
7,
198,
220,
1438,
11639,
4677,
305,
303,
18453,
3256,
198,
220,
1336,
62,
3672,
11639,
30001,
13,
4677,
305,
303,
18453,
3256,
198,
220,
29472,
28,
14202,
11,
198,
220,
2393,
28,
30910,
36584,
32961,
11,
198,
220,
7268,
62,
4906,
28,
14202,
11,
198,
220,
7032,
41888,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
66,
445,
1843,
3256,
1336,
62,
3672,
11639,
30001,
13,
4677,
305,
303,
18453,
13,
66,
445,
1843,
3256,
6376,
28,
15,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
16,
11,
2099,
28,
1065,
11,
269,
381,
62,
4906,
28,
24,
11,
6167,
28,
16,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
28,
62,
65,
7203,
12340,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
12154,
590,
62,
1477,
3565,
3256,
1336,
62,
3672,
11639,
30001,
13,
4677,
305,
303,
18453,
13,
12154,
590,
62,
1477,
3565,
3256,
6376,
28,
16,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
17,
11,
2099,
28,
1157,
11,
269,
381,
62,
4906,
28,
940,
11,
6167,
28,
18,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
41888,
4357,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
30001,
62,
2340,
3256,
1336,
62,
3672,
11639,
30001,
13,
4677,
305,
303,
18453,
13,
30001,
62,
2340,
3256,
6376,
28,
17,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
18,
11,
2099,
28,
1157,
11,
269,
381,
62,
4906,
28,
940,
11,
6167,
28,
18,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
41888,
4357,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
16589,
198,
220,
18366,
41888,
198,
220,
16589,
198,
220,
28376,
62,
19199,
41888,
4357,
198,
220,
33829,
62,
19199,
41888,
198,
220,
16589,
198,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
198,
220,
318,
62,
2302,
437,
540,
28,
25101,
11,
198,
220,
15582,
11639,
1676,
1462,
18,
3256,
198,
220,
7552,
62,
81,
6231,
41888,
4357,
198,
220,
530,
1659,
82,
41888,
198,
220,
16589,
198,
220,
11389,
1143,
62,
9688,
28,
28362,
11,
198,
220,
11389,
1143,
62,
437,
28,
24,
2718,
11,
198,
8,
628,
198,
62,
49864,
9782,
6234,
2200,
35780,
796,
4808,
20147,
1968,
273,
13,
24564,
1968,
273,
7,
198,
220,
1438,
11639,
3109,
806,
341,
18453,
3256,
198,
220,
1336,
62,
3672,
11639,
30001,
13,
3109,
806,
341,
18453,
3256,
198,
220,
29472,
28,
14202,
11,
198,
220,
2393,
28,
30910,
36584,
32961,
11,
198,
220,
7268,
62,
4906,
28,
14202,
11,
198,
220,
7032,
41888,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
66,
445,
1843,
3256,
1336,
62,
3672,
11639,
30001,
13,
3109,
806,
341,
18453,
13,
66,
445,
1843,
3256,
6376,
28,
15,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
16,
11,
2099,
28,
1065,
11,
269,
381,
62,
4906,
28,
24,
11,
6167,
28,
16,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
28,
62,
65,
7203,
12340,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
1069,
806,
341,
3256,
1336,
62,
3672,
11639,
30001,
13,
3109,
806,
341,
18453,
13,
1069,
806,
341,
3256,
6376,
28,
16,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
17,
11,
2099,
28,
1157,
11,
269,
381,
62,
4906,
28,
940,
11,
6167,
28,
16,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
30001,
62,
2340,
3256,
1336,
62,
3672,
11639,
30001,
13,
3109,
806,
341,
18453,
13,
30001,
62,
2340,
3256,
6376,
28,
17,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
18,
11,
2099,
28,
1157,
11,
269,
381,
62,
4906,
28,
940,
11,
6167,
28,
18,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
41888,
4357,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
16589,
198,
220,
18366,
41888,
198,
220,
16589,
198,
220,
28376,
62,
19199,
41888,
4357,
198,
220,
33829,
62,
19199,
41888,
198,
220,
16589,
198,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
198,
220,
318,
62,
2302,
437,
540,
28,
25101,
11,
198,
220,
15582,
11639,
1676,
1462,
18,
3256,
198,
220,
7552,
62,
81,
6231,
41888,
4357,
198,
220,
530,
1659,
82,
41888,
198,
220,
16589,
198,
220,
11389,
1143,
62,
9688,
28,
24,
2670,
11,
198,
220,
11389,
1143,
62,
437,
28,
940,
1899,
11,
198,
8,
628,
198,
62,
37682,
1137,
796,
4808,
20147,
1968,
273,
13,
24564,
1968,
273,
7,
198,
220,
1438,
11639,
39681,
3256,
198,
220,
1336,
62,
3672,
11639,
30001,
13,
39681,
3256,
198,
220,
29472,
28,
14202,
11,
198,
220,
2393,
28,
30910,
36584,
32961,
11,
198,
220,
7268,
62,
4906,
28,
14202,
11,
198,
220,
7032,
41888,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
16514,
27823,
3256,
1336,
62,
3672,
11639,
30001,
13,
39681,
13,
16514,
27823,
3256,
6376,
28,
15,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
16,
11,
2099,
28,
1157,
11,
269,
381,
62,
4906,
28,
940,
11,
6167,
28,
16,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
17620,
62,
312,
3256,
1336,
62,
3672,
11639,
30001,
13,
39681,
13,
17620,
62,
312,
3256,
6376,
28,
16,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
17,
11,
2099,
28,
24,
11,
269,
381,
62,
4906,
28,
24,
11,
6167,
28,
16,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
28,
62,
65,
7203,
11074,
12501,
1098,
10786,
40477,
12,
23,
33809,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
13159,
344,
3256,
1336,
62,
3672,
11639,
30001,
13,
39681,
13,
13159,
344,
3256,
6376,
28,
17,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
18,
11,
2099,
28,
1065,
11,
269,
381,
62,
4906,
28,
24,
11,
6167,
28,
16,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
28,
62,
65,
7203,
12340,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
45382,
3256,
1336,
62,
3672,
11639,
30001,
13,
39681,
13,
45382,
3256,
6376,
28,
18,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
19,
11,
2099,
28,
1065,
11,
269,
381,
62,
4906,
28,
24,
11,
6167,
28,
16,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
28,
62,
65,
7203,
12340,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
83,
7278,
62,
22583,
62,
17831,
3256,
1336,
62,
3672,
11639,
30001,
13,
39681,
13,
83,
7278,
62,
22583,
62,
17831,
3256,
6376,
28,
19,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
20,
11,
2099,
28,
1065,
11,
269,
381,
62,
4906,
28,
24,
11,
6167,
28,
16,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
28,
62,
65,
7203,
12340,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
16589,
198,
220,
18366,
41888,
198,
220,
16589,
198,
220,
28376,
62,
19199,
41888,
4357,
198,
220,
33829,
62,
19199,
41888,
198,
220,
16589,
198,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
198,
220,
318,
62,
2302,
437,
540,
28,
25101,
11,
198,
220,
15582,
11639,
1676,
1462,
18,
3256,
198,
220,
7552,
62,
81,
6231,
41888,
4357,
198,
220,
530,
1659,
82,
41888,
198,
220,
16589,
198,
220,
11389,
1143,
62,
9688,
28,
940,
5066,
11,
198,
220,
11389,
1143,
62,
437,
28,
16315,
18,
11,
198,
8,
628,
198,
62,
9858,
44,
6981,
796,
4808,
20147,
1968,
273,
13,
24564,
1968,
273,
7,
198,
220,
1438,
11639,
21575,
3256,
198,
220,
1336,
62,
3672,
11639,
30001,
13,
21575,
3256,
198,
220,
29472,
28,
14202,
11,
198,
220,
2393,
28,
30910,
36584,
32961,
11,
198,
220,
7268,
62,
4906,
28,
14202,
11,
198,
220,
7032,
41888,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
25677,
3256,
1336,
62,
3672,
11639,
30001,
13,
21575,
13,
25677,
3256,
6376,
28,
15,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
16,
11,
2099,
28,
1157,
11,
269,
381,
62,
4906,
28,
940,
11,
6167,
28,
16,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
11748,
62,
25927,
3256,
1336,
62,
3672,
11639,
30001,
13,
21575,
13,
11748,
62,
25927,
3256,
6376,
28,
16,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
17,
11,
2099,
28,
1157,
11,
269,
381,
62,
4906,
28,
940,
11,
6167,
28,
16,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
39437,
62,
25927,
3256,
1336,
62,
3672,
11639,
30001,
13,
21575,
13,
39437,
62,
25927,
3256,
6376,
28,
17,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
18,
11,
2099,
28,
1157,
11,
269,
381,
62,
4906,
28,
940,
11,
6167,
28,
16,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
4868,
62,
25927,
3256,
1336,
62,
3672,
11639,
30001,
13,
21575,
13,
4868,
62,
25927,
3256,
6376,
28,
18,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
19,
11,
2099,
28,
1157,
11,
269,
381,
62,
4906,
28,
940,
11,
6167,
28,
16,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
445,
13761,
62,
25927,
3256,
1336,
62,
3672,
11639,
30001,
13,
21575,
13,
445,
13761,
62,
25927,
3256,
6376,
28,
19,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
20,
11,
2099,
28,
1157,
11,
269,
381,
62,
4906,
28,
940,
11,
6167,
28,
16,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
21064,
303,
62,
25927,
3256,
1336,
62,
3672,
11639,
30001,
13,
21575,
13,
21064,
303,
62,
25927,
3256,
6376,
28,
20,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
21,
11,
2099,
28,
1157,
11,
269,
381,
62,
4906,
28,
940,
11,
6167,
28,
16,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
39437,
62,
6738,
62,
25927,
3256,
1336,
62,
3672,
11639,
30001,
13,
21575,
13,
39437,
62,
6738,
62,
25927,
3256,
6376,
28,
21,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
22,
11,
2099,
28,
1157,
11,
269,
381,
62,
4906,
28,
940,
11,
6167,
28,
16,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
1069,
806,
341,
62,
25927,
3256,
1336,
62,
3672,
11639,
30001,
13,
21575,
13,
1069,
806,
341,
62,
25927,
3256,
6376,
28,
22,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
23,
11,
2099,
28,
1157,
11,
269,
381,
62,
4906,
28,
940,
11,
6167,
28,
16,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
16589,
198,
220,
18366,
41888,
198,
220,
16589,
198,
220,
28376,
62,
19199,
41888,
4357,
198,
220,
33829,
62,
19199,
41888,
198,
220,
16589,
198,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
198,
220,
318,
62,
2302,
437,
540,
28,
25101,
11,
198,
220,
15582,
11639,
1676,
1462,
18,
3256,
198,
220,
7552,
62,
81,
6231,
41888,
4357,
198,
220,
530,
1659,
82,
41888,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
3198,
1659,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
15577,
2220,
3256,
1336,
62,
3672,
11639,
30001,
13,
21575,
13,
15577,
2220,
3256,
198,
220,
220,
220,
220,
220,
6376,
28,
15,
11,
7268,
62,
4906,
28,
14202,
11,
7032,
28,
21737,
828,
198,
220,
16589,
198,
220,
11389,
1143,
62,
9688,
28,
16315,
21,
11,
198,
220,
11389,
1143,
62,
437,
28,
1433,
3023,
11,
198,
8,
628,
198,
62,
46224,
1961,
9858,
44,
6981,
796,
4808,
20147,
1968,
273,
13,
24564,
1968,
273,
7,
198,
220,
1438,
11639,
50,
3916,
21575,
3256,
198,
220,
1336,
62,
3672,
11639,
30001,
13,
50,
3916,
21575,
3256,
198,
220,
29472,
28,
14202,
11,
198,
220,
2393,
28,
30910,
36584,
32961,
11,
198,
220,
7268,
62,
4906,
28,
14202,
11,
198,
220,
7032,
41888,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
21812,
3256,
1336,
62,
3672,
11639,
30001,
13,
50,
3916,
21575,
13,
21812,
3256,
6376,
28,
15,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
16,
11,
2099,
28,
1065,
11,
269,
381,
62,
4906,
28,
24,
11,
6167,
28,
16,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
28,
62,
65,
7203,
12340,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
12683,
1300,
3256,
1336,
62,
3672,
11639,
30001,
13,
50,
3916,
21575,
13,
12683,
1300,
3256,
6376,
28,
16,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
17,
11,
2099,
28,
1065,
11,
269,
381,
62,
4906,
28,
24,
11,
6167,
28,
16,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
28,
62,
65,
7203,
12340,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
16589,
198,
220,
18366,
41888,
198,
220,
16589,
198,
220,
28376,
62,
19199,
41888,
4357,
198,
220,
33829,
62,
19199,
41888,
198,
220,
16589,
198,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
198,
220,
318,
62,
2302,
437,
540,
28,
25101,
11,
198,
220,
15582,
11639,
1676,
1462,
18,
3256,
198,
220,
7552,
62,
81,
6231,
41888,
4357,
198,
220,
530,
1659,
82,
41888,
198,
220,
16589,
198,
220,
11389,
1143,
62,
9688,
28,
1433,
3312,
11,
198,
220,
11389,
1143,
62,
437,
28,
1433,
3553,
11,
198,
8,
628,
198,
62,
9858,
44,
6981,
19535,
47,
1340,
5188,
37682,
1137,
796,
4808,
20147,
1968,
273,
13,
24564,
1968,
273,
7,
198,
220,
1438,
11639,
21575,
31077,
39681,
3256,
198,
220,
1336,
62,
3672,
11639,
30001,
13,
21575,
31077,
39681,
3256,
198,
220,
29472,
28,
14202,
11,
198,
220,
2393,
28,
30910,
36584,
32961,
11,
198,
220,
7268,
62,
4906,
28,
14202,
11,
198,
220,
7032,
41888,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
16514,
27823,
3256,
1336,
62,
3672,
11639,
30001,
13,
21575,
31077,
39681,
13,
16514,
27823,
3256,
6376,
28,
15,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
16,
11,
2099,
28,
1157,
11,
269,
381,
62,
4906,
28,
940,
11,
6167,
28,
16,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
21812,
62,
17831,
3256,
1336,
62,
3672,
11639,
30001,
13,
21575,
31077,
39681,
13,
21812,
62,
17831,
3256,
6376,
28,
16,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
17,
11,
2099,
28,
1065,
11,
269,
381,
62,
4906,
28,
24,
11,
6167,
28,
16,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
28,
62,
65,
7203,
12340,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
45382,
3256,
1336,
62,
3672,
11639,
30001,
13,
21575,
31077,
39681,
13,
45382,
3256,
6376,
28,
17,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
18,
11,
2099,
28,
1065,
11,
269,
381,
62,
4906,
28,
24,
11,
6167,
28,
16,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
28,
62,
65,
7203,
12340,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
16589,
198,
220,
18366,
41888,
198,
220,
16589,
198,
220,
28376,
62,
19199,
41888,
4357,
198,
220,
33829,
62,
19199,
41888,
198,
220,
16589,
198,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
198,
220,
318,
62,
2302,
437,
540,
28,
25101,
11,
198,
220,
15582,
11639,
1676,
1462,
18,
3256,
198,
220,
7552,
62,
81,
6231,
41888,
4357,
198,
220,
530,
1659,
82,
41888,
198,
220,
16589,
198,
220,
11389,
1143,
62,
9688,
28,
1433,
3270,
11,
198,
220,
11389,
1143,
62,
437,
28,
1558,
3104,
11,
198,
8,
628,
198,
62,
24908,
796,
4808,
20147,
1968,
273,
13,
24564,
1968,
273,
7,
198,
220,
1438,
11639,
12331,
3256,
198,
220,
1336,
62,
3672,
11639,
30001,
13,
12331,
3256,
198,
220,
29472,
28,
14202,
11,
198,
220,
2393,
28,
30910,
36584,
32961,
11,
198,
220,
7268,
62,
4906,
28,
14202,
11,
198,
220,
7032,
41888,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
20500,
3256,
1336,
62,
3672,
11639,
30001,
13,
12331,
13,
20500,
3256,
6376,
28,
15,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
16,
11,
2099,
28,
24,
11,
269,
381,
62,
4906,
28,
24,
11,
6167,
28,
16,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
28,
62,
65,
7203,
11074,
12501,
1098,
10786,
40477,
12,
23,
33809,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
15577,
2220,
3256,
1336,
62,
3672,
11639,
30001,
13,
12331,
13,
15577,
2220,
3256,
6376,
28,
16,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
17,
11,
2099,
28,
1065,
11,
269,
381,
62,
4906,
28,
24,
11,
6167,
28,
16,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
28,
62,
65,
7203,
12340,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
16589,
198,
220,
18366,
41888,
198,
220,
16589,
198,
220,
28376,
62,
19199,
41888,
4357,
198,
220,
33829,
62,
19199,
41888,
198,
220,
16589,
198,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
198,
220,
318,
62,
2302,
437,
540,
28,
25101,
11,
198,
220,
15582,
11639,
1676,
1462,
18,
3256,
198,
220,
7552,
62,
81,
6231,
41888,
4357,
198,
220,
530,
1659,
82,
41888,
198,
220,
16589,
198,
220,
11389,
1143,
62,
9688,
28,
1558,
2154,
11,
198,
220,
11389,
1143,
62,
437,
28,
1507,
1157,
11,
198,
8,
628,
198,
62,
9858,
44,
6981,
19535,
47,
1340,
5188,
796,
4808,
20147,
1968,
273,
13,
24564,
1968,
273,
7,
198,
220,
1438,
11639,
21575,
31077,
3256,
198,
220,
1336,
62,
3672,
11639,
30001,
13,
21575,
31077,
3256,
198,
220,
29472,
28,
14202,
11,
198,
220,
2393,
28,
30910,
36584,
32961,
11,
198,
220,
7268,
62,
4906,
28,
14202,
11,
198,
220,
7032,
41888,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
25677,
3256,
1336,
62,
3672,
11639,
30001,
13,
21575,
31077,
13,
25677,
3256,
6376,
28,
15,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
16,
11,
2099,
28,
1157,
11,
269,
381,
62,
4906,
28,
940,
11,
6167,
28,
16,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
8056,
3256,
1336,
62,
3672,
11639,
30001,
13,
21575,
31077,
13,
8056,
3256,
6376,
28,
16,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
17,
11,
2099,
28,
1157,
11,
269,
381,
62,
4906,
28,
940,
11,
6167,
28,
16,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
30001,
62,
7645,
2673,
3256,
1336,
62,
3672,
11639,
30001,
13,
21575,
31077,
13,
30001,
62,
7645,
2673,
3256,
6376,
28,
17,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
18,
11,
2099,
28,
1157,
11,
269,
381,
62,
4906,
28,
940,
11,
6167,
28,
16,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
403,
2777,
298,
62,
83,
482,
641,
3256,
1336,
62,
3672,
11639,
30001,
13,
21575,
31077,
13,
403,
2777,
298,
62,
83,
482,
641,
3256,
6376,
28,
18,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
19,
11,
2099,
28,
1157,
11,
269,
381,
62,
4906,
28,
940,
11,
6167,
28,
16,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
16589,
198,
220,
18366,
41888,
198,
220,
16589,
198,
220,
28376,
62,
19199,
41888,
4357,
198,
220,
33829,
62,
19199,
41888,
198,
220,
16589,
198,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
198,
220,
318,
62,
2302,
437,
540,
28,
25101,
11,
198,
220,
15582,
11639,
1676,
1462,
18,
3256,
198,
220,
7552,
62,
81,
6231,
41888,
4357,
198,
220,
530,
1659,
82,
41888,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
3198,
1659,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
15577,
2220,
3256,
1336,
62,
3672,
11639,
30001,
13,
21575,
31077,
13,
15577,
2220,
3256,
198,
220,
220,
220,
220,
220,
6376,
28,
15,
11,
7268,
62,
4906,
28,
14202,
11,
7032,
28,
21737,
828,
198,
220,
16589,
198,
220,
11389,
1143,
62,
9688,
28,
1507,
1415,
11,
198,
220,
11389,
1143,
62,
437,
28,
23344,
11,
198,
8,
628,
198,
62,
46224,
1961,
9858,
44,
6981,
19535,
47,
1340,
5188,
796,
4808,
20147,
1968,
273,
13,
24564,
1968,
273,
7,
198,
220,
1438,
11639,
50,
3916,
21575,
31077,
3256,
198,
220,
1336,
62,
3672,
11639,
30001,
13,
50,
3916,
21575,
31077,
3256,
198,
220,
29472,
28,
14202,
11,
198,
220,
2393,
28,
30910,
36584,
32961,
11,
198,
220,
7268,
62,
4906,
28,
14202,
11,
198,
220,
7032,
41888,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
26209,
3256,
1336,
62,
3672,
11639,
30001,
13,
50,
3916,
21575,
31077,
13,
26209,
3256,
6376,
28,
15,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
16,
11,
2099,
28,
1065,
11,
269,
381,
62,
4906,
28,
24,
11,
6167,
28,
16,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
28,
62,
65,
7203,
12340,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
220,
220,
4808,
20147,
1968,
273,
13,
15878,
24564,
1968,
273,
7,
198,
220,
220,
220,
220,
220,
1438,
11639,
12683,
1300,
3256,
1336,
62,
3672,
11639,
30001,
13,
50,
3916,
21575,
31077,
13,
12683,
1300,
3256,
6376,
28,
16,
11,
198,
220,
220,
220,
220,
220,
1271,
28,
17,
11,
2099,
28,
1065,
11,
269,
381,
62,
4906,
28,
24,
11,
6167,
28,
16,
11,
198,
220,
220,
220,
220,
220,
468,
62,
12286,
62,
8367,
28,
25101,
11,
4277,
62,
8367,
28,
62,
65,
7203,
12340,
198,
220,
220,
220,
220,
220,
3275,
62,
4906,
28,
14202,
11,
33829,
62,
4906,
28,
14202,
11,
7268,
62,
4906,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
318,
62,
2302,
3004,
28,
25101,
11,
7552,
62,
29982,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
2393,
28,
30910,
36584,
32961,
828,
198,
220,
16589,
198,
220,
18366,
41888,
198,
220,
16589,
198,
220,
28376,
62,
19199,
41888,
4357,
198,
220,
33829,
62,
19199,
41888,
198,
220,
16589,
198,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
198,
220,
318,
62,
2302,
437,
540,
28,
25101,
11,
198,
220,
15582,
11639,
1676,
1462,
18,
3256,
198,
220,
7552,
62,
81,
6231,
41888,
4357,
198,
220,
530,
1659,
82,
41888,
198,
220,
16589,
198,
220,
11389,
1143,
62,
9688,
28,
1238,
2481,
11,
198,
220,
11389,
1143,
62,
437,
28,
1238,
6659,
11,
198,
8,
198,
198,
62,
10468,
43959,
2606,
7250,
3843,
13,
25747,
62,
1525,
62,
3672,
17816,
312,
6,
4083,
20500,
62,
4906,
796,
289,
16072,
62,
26518,
62,
11235,
418,
62,
26518,
62,
30001,
62,
26518,
62,
7645,
2673,
834,
40842,
17,
13557,
1268,
30076,
2389,
198,
62,
4944,
4303,
3525,
10468,
42,
16938,
13,
25747,
62,
1525,
62,
3672,
17816,
83,
482,
641,
6,
4083,
20500,
62,
4906,
796,
4808,
10468,
43959,
2606,
7250,
3843,
198,
62,
3955,
15490,
2200,
35780,
13,
25747,
62,
1525,
62,
3672,
17816,
83,
482,
641,
62,
1462,
62,
21949,
6,
4083,
20500,
62,
4906,
796,
4808,
10468,
42,
3525,
46,
16744,
8924,
198,
62,
5446,
15037,
24302,
2200,
35780,
13,
25747,
62,
1525,
62,
3672,
17816,
30001,
62,
2340,
6,
4083,
20500,
62,
4906,
796,
289,
16072,
62,
26518,
62,
11235,
418,
62,
26518,
62,
30001,
62,
26518,
62,
7645,
2673,
834,
40842,
17,
13557,
1268,
30076,
2389,
198,
62,
5446,
15037,
24302,
2200,
35780,
13,
25747,
62,
1525,
62,
3672,
17816,
1477,
3565,
6,
4083,
20500,
62,
4906,
796,
4808,
38827,
4061,
28495,
5446,
15037,
37,
4877,
39,
12203,
198,
62,
22083,
36,
3620,
2200,
35780,
13,
25747,
62,
1525,
62,
3672,
17816,
30001,
62,
2340,
6,
4083,
20500,
62,
4906,
796,
289,
16072,
62,
26518,
62,
11235,
418,
62,
26518,
62,
30001,
62,
26518,
62,
7645,
2673,
834,
40842,
17,
13557,
1268,
30076,
2389,
198,
62,
2969,
31190,
5959,
36,
35780,
13,
25747,
62,
1525,
62,
3672,
17816,
12154,
590,
62,
1477,
3565,
6,
4083,
20500,
62,
4906,
796,
4808,
7036,
3913,
20940,
1137,
2943,
4061,
28495,
42597,
198,
62,
2969,
31190,
5959,
36,
35780,
13,
25747,
62,
1525,
62,
3672,
17816,
30001,
62,
2340,
6,
4083,
20500,
62,
4906,
796,
289,
16072,
62,
26518,
62,
11235,
418,
62,
26518,
62,
30001,
62,
26518,
62,
7645,
2673,
834,
40842,
17,
13557,
1268,
30076,
2389,
198,
62,
49864,
9782,
6234,
2200,
35780,
13,
25747,
62,
1525,
62,
3672,
17816,
1069,
806,
341,
6,
4083,
20500,
62,
4906,
796,
289,
16072,
62,
26518,
62,
11235,
418,
62,
26518,
62,
30001,
62,
26518,
62,
1069,
806,
602,
834,
40842,
17,
13557,
10468,
43959,
49864,
9782,
6234,
198,
62,
49864,
9782,
6234,
2200,
35780,
13,
25747,
62,
1525,
62,
3672,
17816,
30001,
62,
2340,
6,
4083,
20500,
62,
4906,
796,
289,
16072,
62,
26518,
62,
11235,
418,
62,
26518,
62,
30001,
62,
26518,
62,
7645,
2673,
834,
40842,
17,
13557,
1268,
30076,
2389,
198,
62,
37682,
1137,
13,
25747,
62,
1525,
62,
3672,
17816,
16514,
27823,
6,
4083,
20500,
62,
4906,
796,
23645,
62,
26518,
62,
11235,
672,
3046,
62,
26518,
62,
16514,
27823,
834,
40842,
17,
13557,
51,
3955,
6465,
23518,
198,
62,
9858,
44,
6981,
13,
25747,
62,
1525,
62,
3672,
17816,
25677,
6,
4083,
20500,
62,
4906,
796,
4808,
37682,
1137,
198,
62,
9858,
44,
6981,
13,
25747,
62,
1525,
62,
3672,
17816,
11748,
62,
25927,
6,
4083,
20500,
62,
4906,
796,
4808,
3955,
15490,
2200,
35780,
198,
62,
9858,
44,
6981,
13,
25747,
62,
1525,
62,
3672,
17816,
39437,
62,
25927,
6,
4083,
20500,
62,
4906,
796,
4808,
5446,
15037,
24302,
2200,
35780,
198,
62,
9858,
44,
6981,
13,
25747,
62,
1525,
62,
3672,
17816,
4868,
62,
25927,
6,
4083,
20500,
62,
4906,
796,
4808,
45849,
2200,
35780,
198,
62,
9858,
44,
6981,
13,
25747,
62,
1525,
62,
3672,
17816,
445,
13761,
62,
25927,
6,
4083,
20500,
62,
4906,
796,
4808,
22083,
36,
3620,
2200,
35780,
198,
62,
9858,
44,
6981,
13,
25747,
62,
1525,
62,
3672,
17816,
21064,
303,
62,
25927,
6,
4083,
20500,
62,
4906,
796,
4808,
2969,
31190,
5959,
36,
35780,
198,
62,
9858,
44,
6981,
13,
25747,
62,
1525,
62,
3672,
17816,
39437,
62,
6738,
62,
25927,
6,
4083,
20500,
62,
4906,
796,
4808,
5446,
15037,
24302,
2200,
35780,
198,
62,
9858,
44,
6981,
13,
25747,
62,
1525,
62,
3672,
17816,
1069,
806,
341,
62,
25927,
6,
4083,
20500,
62,
4906,
796,
4808,
49864,
9782,
6234,
2200,
35780,
198,
62,
9858,
44,
6981,
13,
505,
1659,
82,
62,
1525,
62,
3672,
17816,
15577,
2220,
6,
4083,
25747,
13,
33295,
7,
198,
220,
4808,
9858,
44,
6981,
13,
25747,
62,
1525,
62,
3672,
17816,
11748,
62,
25927,
6,
12962,
198,
62,
9858,
44,
6981,
13,
25747,
62,
1525,
62,
3672,
17816,
11748,
62,
25927,
6,
4083,
38301,
62,
505,
1659,
796,
4808,
9858,
44,
6981,
13,
505,
1659,
82,
62,
1525,
62,
3672,
17816,
15577,
2220,
20520,
198,
62,
9858,
44,
6981,
13,
505,
1659,
82,
62,
1525,
62,
3672,
17816,
15577,
2220,
6,
4083,
25747,
13,
33295,
7,
198,
220,
4808,
9858,
44,
6981,
13,
25747,
62,
1525,
62,
3672,
17816,
39437,
62,
25927,
6,
12962,
198,
62,
9858,
44,
6981,
13,
25747,
62,
1525,
62,
3672,
17816,
39437,
62,
25927,
6,
4083,
38301,
62,
505,
1659,
796,
4808,
9858,
44,
6981,
13,
505,
1659,
82,
62,
1525,
62,
3672,
17816,
15577,
2220,
20520,
198,
62,
9858,
44,
6981,
13,
505,
1659,
82,
62,
1525,
62,
3672,
17816,
15577,
2220,
6,
4083,
25747,
13,
33295,
7,
198,
220,
4808,
9858,
44,
6981,
13,
25747,
62,
1525,
62,
3672,
17816,
4868,
62,
25927,
6,
12962,
198,
62,
9858,
44,
6981,
13,
25747,
62,
1525,
62,
3672,
17816,
4868,
62,
25927,
6,
4083,
38301,
62,
505,
1659,
796,
4808,
9858,
44,
6981,
13,
505,
1659,
82,
62,
1525,
62,
3672,
17816,
15577,
2220,
20520,
198,
62,
9858,
44,
6981,
13,
505,
1659,
82,
62,
1525,
62,
3672,
17816,
15577,
2220,
6,
4083,
25747,
13,
33295,
7,
198,
220,
4808,
9858,
44,
6981,
13,
25747,
62,
1525,
62,
3672,
17816,
445,
13761,
62,
25927,
6,
12962,
198,
62,
9858,
44,
6981,
13,
25747,
62,
1525,
62,
3672,
17816,
445,
13761,
62,
25927,
6,
4083,
38301,
62,
505,
1659,
796,
4808,
9858,
44,
6981,
13,
505,
1659,
82,
62,
1525,
62,
3672,
17816,
15577,
2220,
20520,
198,
62,
9858,
44,
6981,
13,
505,
1659,
82,
62,
1525,
62,
3672,
17816,
15577,
2220,
6,
4083,
25747,
13,
33295,
7,
198,
220,
4808,
9858,
44,
6981,
13,
25747,
62,
1525,
62,
3672,
17816,
21064,
303,
62,
25927,
6,
12962,
198,
62,
9858,
44,
6981,
13,
25747,
62,
1525,
62,
3672,
17816,
21064,
303,
62,
25927,
6,
4083,
38301,
62,
505,
1659,
796,
4808,
9858,
44,
6981,
13,
505,
1659,
82,
62,
1525,
62,
3672,
17816,
15577,
2220,
20520,
198,
62,
9858,
44,
6981,
13,
505,
1659,
82,
62,
1525,
62,
3672,
17816,
15577,
2220,
6,
4083,
25747,
13,
33295,
7,
198,
220,
4808,
9858,
44,
6981,
13,
25747,
62,
1525,
62,
3672,
17816,
39437,
62,
6738,
62,
25927,
6,
12962,
198,
62,
9858,
44,
6981,
13,
25747,
62,
1525,
62,
3672,
17816,
39437,
62,
6738,
62,
25927,
6,
4083,
38301,
62,
505,
1659,
796,
4808,
9858,
44,
6981,
13,
505,
1659,
82,
62,
1525,
62,
3672,
17816,
15577,
2220,
20520,
198,
62,
9858,
44,
6981,
13,
505,
1659,
82,
62,
1525,
62,
3672,
17816,
15577,
2220,
6,
4083,
25747,
13,
33295,
7,
198,
220,
4808,
9858,
44,
6981,
13,
25747,
62,
1525,
62,
3672,
17816,
1069,
806,
341,
62,
25927,
6,
12962,
198,
62,
9858,
44,
6981,
13,
25747,
62,
1525,
62,
3672,
17816,
1069,
806,
341,
62,
25927,
6,
4083,
38301,
62,
505,
1659,
796,
4808,
9858,
44,
6981,
13,
505,
1659,
82,
62,
1525,
62,
3672,
17816,
15577,
2220,
20520,
198,
62,
9858,
44,
6981,
19535,
47,
1340,
5188,
37682,
1137,
13,
25747,
62,
1525,
62,
3672,
17816,
16514,
27823,
6,
4083,
20500,
62,
4906,
796,
23645,
62,
26518,
62,
11235,
672,
3046,
62,
26518,
62,
16514,
27823,
834,
40842,
17,
13557,
51,
3955,
6465,
23518,
198,
62,
9858,
44,
6981,
19535,
47,
1340,
5188,
13,
25747,
62,
1525,
62,
3672,
17816,
25677,
6,
4083,
20500,
62,
4906,
796,
4808,
9858,
44,
6981,
19535,
47,
1340,
5188,
37682,
1137,
198,
62,
9858,
44,
6981,
19535,
47,
1340,
5188,
13,
25747,
62,
1525,
62,
3672,
17816,
8056,
6,
4083,
20500,
62,
4906,
796,
4808,
24908,
198,
62,
9858,
44,
6981,
19535,
47,
1340,
5188,
13,
25747,
62,
1525,
62,
3672,
17816,
30001,
62,
7645,
2673,
6,
4083,
20500,
62,
4906,
796,
289,
16072,
62,
26518,
62,
11235,
418,
62,
26518,
62,
30001,
62,
26518,
62,
7645,
2673,
834,
40842,
17,
13557,
10468,
42,
3525,
49,
15037,
44710,
198,
62,
9858,
44,
6981,
19535,
47,
1340,
5188,
13,
25747,
62,
1525,
62,
3672,
17816,
403,
2777,
298,
62,
83,
482,
641,
6,
4083,
20500,
62,
4906,
796,
4808,
4944,
4303,
3525,
10468,
42,
16938,
198,
62,
9858,
44,
6981,
19535,
47,
1340,
5188,
13,
505,
1659,
82,
62,
1525,
62,
3672,
17816,
15577,
2220,
6,
4083,
25747,
13,
33295,
7,
198,
220,
4808,
9858,
44,
6981,
19535,
47,
1340,
5188,
13,
25747,
62,
1525,
62,
3672,
17816,
8056,
6,
12962,
198,
62,
9858,
44,
6981,
19535,
47,
1340,
5188,
13,
25747,
62,
1525,
62,
3672,
17816,
8056,
6,
4083,
38301,
62,
505,
1659,
796,
4808,
9858,
44,
6981,
19535,
47,
1340,
5188,
13,
505,
1659,
82,
62,
1525,
62,
3672,
17816,
15577,
2220,
20520,
198,
62,
9858,
44,
6981,
19535,
47,
1340,
5188,
13,
505,
1659,
82,
62,
1525,
62,
3672,
17816,
15577,
2220,
6,
4083,
25747,
13,
33295,
7,
198,
220,
4808,
9858,
44,
6981,
19535,
47,
1340,
5188,
13,
25747,
62,
1525,
62,
3672,
17816,
30001,
62,
7645,
2673,
6,
12962,
198,
62,
9858,
44,
6981,
19535,
47,
1340,
5188,
13,
25747,
62,
1525,
62,
3672,
17816,
30001,
62,
7645,
2673,
6,
4083,
38301,
62,
505,
1659,
796,
4808,
9858,
44,
6981,
19535,
47,
1340,
5188,
13,
505,
1659,
82,
62,
1525,
62,
3672,
17816,
15577,
2220,
20520,
198,
62,
9858,
44,
6981,
19535,
47,
1340,
5188,
13,
505,
1659,
82,
62,
1525,
62,
3672,
17816,
15577,
2220,
6,
4083,
25747,
13,
33295,
7,
198,
220,
4808,
9858,
44,
6981,
19535,
47,
1340,
5188,
13,
25747,
62,
1525,
62,
3672,
17816,
403,
2777,
298,
62,
83,
482,
641,
6,
12962,
198,
62,
9858,
44,
6981,
19535,
47,
1340,
5188,
13,
25747,
62,
1525,
62,
3672,
17816,
403,
2777,
298,
62,
83,
482,
641,
6,
4083,
38301,
62,
505,
1659,
796,
4808,
9858,
44,
6981,
19535,
47,
1340,
5188,
13,
505,
1659,
82,
62,
1525,
62,
3672,
17816,
15577,
2220,
20520,
198,
30910,
36584,
32961,
13,
20500,
62,
19199,
62,
1525,
62,
3672,
17816,
30642,
2514,
45147,
20520,
796,
4808,
10468,
42,
3525,
46,
16744,
8924,
198,
30910,
36584,
32961,
13,
20500,
62,
19199,
62,
1525,
62,
3672,
17816,
6690,
48137,
43260,
11649,
20520,
796,
4808,
38827,
4061,
28495,
5446,
15037,
37,
4877,
39,
12203,
198,
30910,
36584,
32961,
13,
20500,
62,
19199,
62,
1525,
62,
3672,
17816,
30642,
26410,
20520,
796,
4808,
10468,
43959,
2606,
7250,
3843,
198,
30910,
36584,
32961,
13,
20500,
62,
19199,
62,
1525,
62,
3672,
17816,
3118,
2777,
298,
22906,
20520,
796,
4808,
4944,
4303,
3525,
10468,
42,
16938,
198,
30910,
36584,
32961,
13,
20500,
62,
19199,
62,
1525,
62,
3672,
17816,
8053,
18453,
20520,
796,
4808,
45849,
2200,
35780,
198,
30910,
36584,
32961,
13,
20500,
62,
19199,
62,
1525,
62,
3672,
17816,
20939,
18453,
20520,
796,
4808,
3955,
15490,
2200,
35780,
198,
30910,
36584,
32961,
13,
20500,
62,
19199,
62,
1525,
62,
3672,
17816,
43260,
18453,
20520,
796,
4808,
5446,
15037,
24302,
2200,
35780,
198,
30910,
36584,
32961,
13,
20500,
62,
19199,
62,
1525,
62,
3672,
17816,
7738,
13761,
18453,
20520,
796,
4808,
22083,
36,
3620,
2200,
35780,
198,
30910,
36584,
32961,
13,
20500,
62,
19199,
62,
1525,
62,
3672,
17816,
35265,
590,
6690,
48137,
11649,
20520,
796,
4808,
7036,
3913,
20940,
1137,
2943,
4061,
28495,
42597,
198,
30910,
36584,
32961,
13,
20500,
62,
19199,
62,
1525,
62,
3672,
17816,
4677,
305,
303,
18453,
20520,
796,
4808,
2969,
31190,
5959,
36,
35780,
198,
30910,
36584,
32961,
13,
20500,
62,
19199,
62,
1525,
62,
3672,
17816,
3109,
806,
341,
18453,
20520,
796,
4808,
49864,
9782,
6234,
2200,
35780,
198,
30910,
36584,
32961,
13,
20500,
62,
19199,
62,
1525,
62,
3672,
17816,
39681,
20520,
796,
4808,
37682,
1137,
198,
30910,
36584,
32961,
13,
20500,
62,
19199,
62,
1525,
62,
3672,
17816,
21575,
20520,
796,
4808,
9858,
44,
6981,
198,
30910,
36584,
32961,
13,
20500,
62,
19199,
62,
1525,
62,
3672,
17816,
50,
3916,
21575,
20520,
796,
4808,
46224,
1961,
9858,
44,
6981,
198,
30910,
36584,
32961,
13,
20500,
62,
19199,
62,
1525,
62,
3672,
17816,
21575,
31077,
39681,
20520,
796,
4808,
9858,
44,
6981,
19535,
47,
1340,
5188,
37682,
1137,
198,
30910,
36584,
32961,
13,
20500,
62,
19199,
62,
1525,
62,
3672,
17816,
12331,
20520,
796,
4808,
24908,
198,
30910,
36584,
32961,
13,
20500,
62,
19199,
62,
1525,
62,
3672,
17816,
21575,
31077,
20520,
796,
4808,
9858,
44,
6981,
19535,
47,
1340,
5188,
198,
30910,
36584,
32961,
13,
20500,
62,
19199,
62,
1525,
62,
3672,
17816,
50,
3916,
21575,
31077,
20520,
796,
4808,
46224,
1961,
9858,
44,
6981,
19535,
47,
1340,
5188,
198,
62,
37047,
62,
9945,
13,
38804,
8979,
24564,
1968,
273,
7,
30910,
36584,
32961,
8,
198,
198,
30642,
2514,
45147,
796,
4808,
5420,
1564,
13,
8645,
515,
19703,
4668,
12837,
6030,
10786,
30642,
2514,
45147,
3256,
44104,
20500,
13,
12837,
11,
828,
8633,
7,
198,
220,
22196,
36584,
32961,
796,
4808,
10468,
42,
3525,
46,
16744,
8924,
11,
198,
220,
11593,
21412,
834,
796,
705,
71,
16072,
13,
11235,
418,
13,
30001,
13,
1676,
332,
62,
40842,
17,
6,
198,
220,
1303,
25248,
11235,
420,
62,
28463,
295,
62,
4122,
7,
4871,
62,
29982,
25,
30001,
13,
30642,
2514,
45147,
8,
198,
220,
15306,
198,
62,
37047,
62,
9945,
13,
38804,
12837,
7,
30642,
2514,
45147,
8,
198,
198,
6690,
48137,
43260,
11649,
796,
4808,
5420,
1564,
13,
8645,
515,
19703,
4668,
12837,
6030,
10786,
6690,
48137,
43260,
11649,
3256,
44104,
20500,
13,
12837,
11,
828,
8633,
7,
198,
220,
22196,
36584,
32961,
796,
4808,
38827,
4061,
28495,
5446,
15037,
37,
4877,
39,
12203,
11,
198,
220,
11593,
21412,
834,
796,
705,
71,
16072,
13,
11235,
418,
13,
30001,
13,
1676,
332,
62,
40842,
17,
6,
198,
220,
1303,
25248,
11235,
420,
62,
28463,
295,
62,
4122,
7,
4871,
62,
29982,
25,
30001,
13,
6690,
48137,
43260,
11649,
8,
198,
220,
15306,
198,
62,
37047,
62,
9945,
13,
38804,
12837,
7,
6690,
48137,
43260,
11649,
8,
198,
198,
30642,
26410,
796,
4808,
5420,
1564,
13,
8645,
515,
19703,
4668,
12837,
6030,
10786,
30642,
26410,
3256,
44104,
20500,
13,
12837,
11,
828,
8633,
7,
198,
220,
22196,
36584,
32961,
796,
4808,
10468,
43959,
2606,
7250,
3843,
11,
198,
220,
11593,
21412,
834,
796,
705,
71,
16072,
13,
11235,
418,
13,
30001,
13,
1676,
332,
62,
40842,
17,
6,
198,
220,
1303,
25248,
11235,
420,
62,
28463,
295,
62,
4122,
7,
4871,
62,
29982,
25,
30001,
13,
30642,
26410,
8,
198,
220,
15306,
198,
62,
37047,
62,
9945,
13,
38804,
12837,
7,
30642,
26410,
8,
198,
198,
3118,
2777,
298,
22906,
796,
4808,
5420,
1564,
13,
8645,
515,
19703,
4668,
12837,
6030,
10786,
3118,
2777,
298,
22906,
3256,
44104,
20500,
13,
12837,
11,
828,
8633,
7,
198,
220,
22196,
36584,
32961,
796,
4808,
4944,
4303,
3525,
10468,
42,
16938,
11,
198,
220,
11593,
21412,
834,
796,
705,
71,
16072,
13,
11235,
418,
13,
30001,
13,
1676,
332,
62,
40842,
17,
6,
198,
220,
1303,
25248,
11235,
420,
62,
28463,
295,
62,
4122,
7,
4871,
62,
29982,
25,
30001,
13,
3118,
2777,
298,
22906,
8,
198,
220,
15306,
198,
62,
37047,
62,
9945,
13,
38804,
12837,
7,
3118,
2777,
298,
22906,
8,
198,
198,
8053,
18453,
796,
4808,
5420,
1564,
13,
8645,
515,
19703,
4668,
12837,
6030,
10786,
8053,
18453,
3256,
44104,
20500,
13,
12837,
11,
828,
8633,
7,
198,
220,
22196,
36584,
32961,
796,
4808,
45849,
2200,
35780,
11,
198,
220,
11593,
21412,
834,
796,
705,
71,
16072,
13,
11235,
418,
13,
30001,
13,
1676,
332,
62,
40842,
17,
6,
198,
220,
1303,
25248,
11235,
420,
62,
28463,
295,
62,
4122,
7,
4871,
62,
29982,
25,
30001,
13,
8053,
18453,
8,
198,
220,
15306,
198,
62,
37047,
62,
9945,
13,
38804,
12837,
7,
8053,
18453,
8,
198,
198,
20939,
18453,
796,
4808,
5420,
1564,
13,
8645,
515,
19703,
4668,
12837,
6030,
10786,
20939,
18453,
3256,
44104,
20500,
13,
12837,
11,
828,
8633,
7,
198,
220,
22196,
36584,
32961,
796,
4808,
3955,
15490,
2200,
35780,
11,
198,
220,
11593,
21412,
834,
796,
705,
71,
16072,
13,
11235,
418,
13,
30001,
13,
1676,
332,
62,
40842,
17,
6,
198,
220,
1303,
25248,
11235,
420,
62,
28463,
295,
62,
4122,
7,
4871,
62,
29982,
25,
30001,
13,
20939,
18453,
8,
198,
220,
15306,
198,
62,
37047,
62,
9945,
13,
38804,
12837,
7,
20939,
18453,
8,
198,
198,
43260,
18453,
796,
4808,
5420,
1564,
13,
8645,
515,
19703,
4668,
12837,
6030,
10786,
43260,
18453,
3256,
44104,
20500,
13,
12837,
11,
828,
8633,
7,
198,
220,
22196,
36584,
32961,
796,
4808,
5446,
15037,
24302,
2200,
35780,
11,
198,
220,
11593,
21412,
834,
796,
705,
71,
16072,
13,
11235,
418,
13,
30001,
13,
1676,
332,
62,
40842,
17,
6,
198,
220,
1303,
25248,
11235,
420,
62,
28463,
295,
62,
4122,
7,
4871,
62,
29982,
25,
30001,
13,
43260,
18453,
8,
198,
220,
15306,
198,
62,
37047,
62,
9945,
13,
38804,
12837,
7,
43260,
18453,
8,
198,
198,
7738,
13761,
18453,
796,
4808,
5420,
1564,
13,
8645,
515,
19703,
4668,
12837,
6030,
10786,
7738,
13761,
18453,
3256,
44104,
20500,
13,
12837,
11,
828,
8633,
7,
198,
220,
22196,
36584,
32961,
796,
4808,
22083,
36,
3620,
2200,
35780,
11,
198,
220,
11593,
21412,
834,
796,
705,
71,
16072,
13,
11235,
418,
13,
30001,
13,
1676,
332,
62,
40842,
17,
6,
198,
220,
1303,
25248,
11235,
420,
62,
28463,
295,
62,
4122,
7,
4871,
62,
29982,
25,
30001,
13,
7738,
13761,
18453,
8,
198,
220,
15306,
198,
62,
37047,
62,
9945,
13,
38804,
12837,
7,
7738,
13761,
18453,
8,
198,
198,
35265,
590,
6690,
48137,
11649,
796,
4808,
5420,
1564,
13,
8645,
515,
19703,
4668,
12837,
6030,
10786,
35265,
590,
6690,
48137,
11649,
3256,
44104,
20500,
13,
12837,
11,
828,
8633,
7,
198,
220,
22196,
36584,
32961,
796,
4808,
7036,
3913,
20940,
1137,
2943,
4061,
28495,
42597,
11,
198,
220,
11593,
21412,
834,
796,
705,
71,
16072,
13,
11235,
418,
13,
30001,
13,
1676,
332,
62,
40842,
17,
6,
198,
220,
1303,
25248,
11235,
420,
62,
28463,
295,
62,
4122,
7,
4871,
62,
29982,
25,
30001,
13,
35265,
590,
6690,
48137,
11649,
8,
198,
220,
15306,
198,
62,
37047,
62,
9945,
13,
38804,
12837,
7,
35265,
590,
6690,
48137,
11649,
8,
198,
198,
4677,
305,
303,
18453,
796,
4808,
5420,
1564,
13,
8645,
515,
19703,
4668,
12837,
6030,
10786,
4677,
305,
303,
18453,
3256,
44104,
20500,
13,
12837,
11,
828,
8633,
7,
198,
220,
22196,
36584,
32961,
796,
4808,
2969,
31190,
5959,
36,
35780,
11,
198,
220,
11593,
21412,
834,
796,
705,
71,
16072,
13,
11235,
418,
13,
30001,
13,
1676,
332,
62,
40842,
17,
6,
198,
220,
1303,
25248,
11235,
420,
62,
28463,
295,
62,
4122,
7,
4871,
62,
29982,
25,
30001,
13,
4677,
305,
303,
18453,
8,
198,
220,
15306,
198,
62,
37047,
62,
9945,
13,
38804,
12837,
7,
4677,
305,
303,
18453,
8,
198,
198,
3109,
806,
341,
18453,
796,
4808,
5420,
1564,
13,
8645,
515,
19703,
4668,
12837,
6030,
10786,
3109,
806,
341,
18453,
3256,
44104,
20500,
13,
12837,
11,
828,
8633,
7,
198,
220,
22196,
36584,
32961,
796,
4808,
49864,
9782,
6234,
2200,
35780,
11,
198,
220,
11593,
21412,
834,
796,
705,
71,
16072,
13,
11235,
418,
13,
30001,
13,
1676,
332,
62,
40842,
17,
6,
198,
220,
1303,
25248,
11235,
420,
62,
28463,
295,
62,
4122,
7,
4871,
62,
29982,
25,
30001,
13,
3109,
806,
341,
18453,
8,
198,
220,
15306,
198,
62,
37047,
62,
9945,
13,
38804,
12837,
7,
3109,
806,
341,
18453,
8,
198,
198,
39681,
796,
4808,
5420,
1564,
13,
8645,
515,
19703,
4668,
12837,
6030,
10786,
39681,
3256,
44104,
20500,
13,
12837,
11,
828,
8633,
7,
198,
220,
22196,
36584,
32961,
796,
4808,
37682,
1137,
11,
198,
220,
11593,
21412,
834,
796,
705,
71,
16072,
13,
11235,
418,
13,
30001,
13,
1676,
332,
62,
40842,
17,
6,
198,
220,
1303,
25248,
11235,
420,
62,
28463,
295,
62,
4122,
7,
4871,
62,
29982,
25,
30001,
13,
39681,
8,
198,
220,
15306,
198,
62,
37047,
62,
9945,
13,
38804,
12837,
7,
39681,
8,
198,
198,
21575,
796,
4808,
5420,
1564,
13,
8645,
515,
19703,
4668,
12837,
6030,
10786,
21575,
3256,
44104,
20500,
13,
12837,
11,
828,
8633,
7,
198,
220,
22196,
36584,
32961,
796,
4808,
9858,
44,
6981,
11,
198,
220,
11593,
21412,
834,
796,
705,
71,
16072,
13,
11235,
418,
13,
30001,
13,
1676,
332,
62,
40842,
17,
6,
198,
220,
1303,
25248,
11235,
420,
62,
28463,
295,
62,
4122,
7,
4871,
62,
29982,
25,
30001,
13,
21575,
8,
198,
220,
15306,
198,
62,
37047,
62,
9945,
13,
38804,
12837,
7,
21575,
8,
198,
198,
50,
3916,
21575,
796,
4808,
5420,
1564,
13,
8645,
515,
19703,
4668,
12837,
6030,
10786,
50,
3916,
21575,
3256,
44104,
20500,
13,
12837,
11,
828,
8633,
7,
198,
220,
22196,
36584,
32961,
796,
4808,
46224,
1961,
9858,
44,
6981,
11,
198,
220,
11593,
21412,
834,
796,
705,
71,
16072,
13,
11235,
418,
13,
30001,
13,
1676,
332,
62,
40842,
17,
6,
198,
220,
1303,
25248,
11235,
420,
62,
28463,
295,
62,
4122,
7,
4871,
62,
29982,
25,
30001,
13,
50,
3916,
21575,
8,
198,
220,
15306,
198,
62,
37047,
62,
9945,
13,
38804,
12837,
7,
50,
3916,
21575,
8,
198,
198,
21575,
31077,
39681,
796,
4808,
5420,
1564,
13,
8645,
515,
19703,
4668,
12837,
6030,
10786,
21575,
31077,
39681,
3256,
44104,
20500,
13,
12837,
11,
828,
8633,
7,
198,
220,
22196,
36584,
32961,
796,
4808,
9858,
44,
6981,
19535,
47,
1340,
5188,
37682,
1137,
11,
198,
220,
11593,
21412,
834,
796,
705,
71,
16072,
13,
11235,
418,
13,
30001,
13,
1676,
332,
62,
40842,
17,
6,
198,
220,
1303,
25248,
11235,
420,
62,
28463,
295,
62,
4122,
7,
4871,
62,
29982,
25,
30001,
13,
21575,
31077,
39681,
8,
198,
220,
15306,
198,
62,
37047,
62,
9945,
13,
38804,
12837,
7,
21575,
31077,
39681,
8,
198,
198,
12331,
796,
4808,
5420,
1564,
13,
8645,
515,
19703,
4668,
12837,
6030,
10786,
12331,
3256,
44104,
20500,
13,
12837,
11,
828,
8633,
7,
198,
220,
22196,
36584,
32961,
796,
4808,
24908,
11,
198,
220,
11593,
21412,
834,
796,
705,
71,
16072,
13,
11235,
418,
13,
30001,
13,
1676,
332,
62,
40842,
17,
6,
198,
220,
1303,
25248,
11235,
420,
62,
28463,
295,
62,
4122,
7,
4871,
62,
29982,
25,
30001,
13,
12331,
8,
198,
220,
15306,
198,
62,
37047,
62,
9945,
13,
38804,
12837,
7,
12331,
8,
198,
198,
21575,
31077,
796,
4808,
5420,
1564,
13,
8645,
515,
19703,
4668,
12837,
6030,
10786,
21575,
31077,
3256,
44104,
20500,
13,
12837,
11,
828,
8633,
7,
198,
220,
22196,
36584,
32961,
796,
4808,
9858,
44,
6981,
19535,
47,
1340,
5188,
11,
198,
220,
11593,
21412,
834,
796,
705,
71,
16072,
13,
11235,
418,
13,
30001,
13,
1676,
332,
62,
40842,
17,
6,
198,
220,
1303,
25248,
11235,
420,
62,
28463,
295,
62,
4122,
7,
4871,
62,
29982,
25,
30001,
13,
21575,
31077,
8,
198,
220,
15306,
198,
62,
37047,
62,
9945,
13,
38804,
12837,
7,
21575,
31077,
8,
198,
198,
50,
3916,
21575,
31077,
796,
4808,
5420,
1564,
13,
8645,
515,
19703,
4668,
12837,
6030,
10786,
50,
3916,
21575,
31077,
3256,
44104,
20500,
13,
12837,
11,
828,
8633,
7,
198,
220,
22196,
36584,
32961,
796,
4808,
46224,
1961,
9858,
44,
6981,
19535,
47,
1340,
5188,
11,
198,
220,
11593,
21412,
834,
796,
705,
71,
16072,
13,
11235,
418,
13,
30001,
13,
1676,
332,
62,
40842,
17,
6,
198,
220,
1303,
25248,
11235,
420,
62,
28463,
295,
62,
4122,
7,
4871,
62,
29982,
25,
30001,
13,
50,
3916,
21575,
31077,
8,
198,
220,
15306,
198,
62,
37047,
62,
9945,
13,
38804,
12837,
7,
50,
3916,
21575,
31077,
8,
628,
198,
30910,
36584,
32961,
13557,
25811,
796,
6045,
198,
198,
62,
31190,
5959,
796,
4808,
20147,
1968,
273,
13,
16177,
24564,
1968,
273,
7,
198,
220,
1438,
11639,
2964,
332,
3256,
198,
220,
1336,
62,
3672,
11639,
30001,
13,
2964,
332,
3256,
198,
220,
2393,
28,
30910,
36584,
32961,
11,
198,
220,
6376,
28,
15,
11,
198,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
198,
220,
11389,
1143,
62,
9688,
28,
1238,
5999,
11,
198,
220,
11389,
1143,
62,
437,
28,
20666,
18,
11,
198,
220,
5050,
41888,
198,
220,
4808,
20147,
1968,
273,
13,
17410,
24564,
1968,
273,
7,
198,
220,
220,
220,
1438,
11639,
18709,
21575,
3256,
198,
220,
220,
220,
1336,
62,
3672,
11639,
30001,
13,
2964,
332,
13,
18709,
21575,
3256,
198,
220,
220,
220,
6376,
28,
15,
11,
198,
220,
220,
220,
7268,
62,
15271,
28,
14202,
11,
198,
220,
220,
220,
5128,
62,
4906,
28,
62,
46224,
1961,
9858,
44,
6981,
11,
198,
220,
220,
220,
5072,
62,
4906,
28,
62,
46224,
1961,
9858,
44,
6981,
19535,
47,
1340,
5188,
11,
198,
220,
220,
220,
11389,
1143,
62,
25811,
28,
14202,
11,
198,
220,
10612,
198,
12962,
198,
62,
37047,
62,
9945,
13,
38804,
16177,
24564,
1968,
273,
28264,
31190,
5959,
8,
198,
198,
30910,
36584,
32961,
13,
30416,
62,
1525,
62,
3672,
17816,
2964,
332,
20520,
796,
4808,
31190,
5959,
198,
198,
2,
25248,
11235,
420,
62,
28463,
295,
62,
4122,
7,
21412,
62,
29982,
8,
198
] | 2.442633 | 17,545 |
import json
import requests
from instagram_scraper.constants import BASE_URL, STORIES_UA, LOGIN_URL, LOGOUT_URL
CHROME_WIN_UA = 'Mozilla/5.0 (Windows NT 10.0; WOW64) AppleWebKit/537.36 (KHTML, like Gecko) Chrome/67.0.3396.87 Safari/537.36'
| [
11748,
33918,
198,
198,
11748,
7007,
198,
198,
6738,
916,
6713,
62,
1416,
38545,
13,
9979,
1187,
1330,
49688,
62,
21886,
11,
46366,
11015,
62,
34970,
11,
41605,
1268,
62,
21886,
11,
41605,
12425,
62,
21886,
198,
198,
37846,
13649,
62,
37620,
62,
34970,
796,
705,
44,
8590,
5049,
14,
20,
13,
15,
357,
11209,
24563,
838,
13,
15,
26,
370,
3913,
2414,
8,
4196,
13908,
20827,
14,
46096,
13,
2623,
357,
42,
28656,
11,
588,
2269,
37549,
8,
13282,
14,
3134,
13,
15,
13,
2091,
4846,
13,
5774,
23298,
14,
46096,
13,
2623,
6,
628
] | 2.541667 | 96 |
# Determining interface details with netfaces library
# This script uses a number of functions to accomplish specific tasks
# including get_networks, get_addresses, get_gateways and get_interfaces
import netifaces
import sys
try:
import netifaces
except:
sys.exit("[!] Install the netifaces library: pip install netifaces")
gateways = {}
network_ifaces={}
# The second function identifies the gateways and return them as a dictionary
# The third function identifies the addresses for each interface
# This fourth fuction is actucally identifying the gateway IP from the dictionary provided
# by the get_gateways function to the interface.
gateways = get_gateways()
network_ifaces = get_networks(gateways)
print(network_ifaces) | [
2,
360,
13221,
278,
7071,
3307,
351,
2010,
32186,
5888,
198,
2,
770,
4226,
3544,
257,
1271,
286,
5499,
284,
9989,
2176,
8861,
198,
2,
1390,
651,
62,
3262,
5225,
11,
651,
62,
2860,
16746,
11,
651,
62,
10494,
1322,
290,
651,
62,
3849,
32186,
198,
198,
11748,
2010,
361,
2114,
198,
11748,
25064,
198,
28311,
25,
198,
220,
220,
220,
1330,
2010,
361,
2114,
198,
16341,
25,
198,
220,
220,
220,
25064,
13,
37023,
7203,
58,
36463,
15545,
262,
2010,
361,
2114,
5888,
25,
7347,
2721,
2010,
361,
2114,
4943,
198,
198,
10494,
1322,
796,
23884,
198,
27349,
62,
361,
2114,
34758,
92,
198,
198,
2,
383,
1218,
2163,
21079,
262,
8946,
1322,
290,
1441,
606,
355,
257,
22155,
198,
198,
2,
383,
2368,
2163,
21079,
262,
9405,
329,
1123,
7071,
198,
198,
2,
770,
5544,
277,
8110,
318,
719,
1229,
453,
13720,
262,
24308,
6101,
422,
262,
22155,
2810,
220,
198,
2,
416,
262,
651,
62,
10494,
1322,
2163,
284,
262,
7071,
13,
220,
198,
198,
10494,
1322,
796,
651,
62,
10494,
1322,
3419,
198,
27349,
62,
361,
2114,
796,
651,
62,
3262,
5225,
7,
10494,
1322,
8,
198,
4798,
7,
27349,
62,
361,
2114,
8
] | 3.747475 | 198 |
from helpers import functions
from flask import Flask, request, session, url_for, redirect, \
render_template, abort, g, flash, _app_ctx_stack
from werkzeug import check_password_hash, generate_password_hash
def login():
"""Logs the user in."""
if g.user:
return redirect(functions.url_for('/'))
error = None
if request.method == 'POST':
user = functions.query_db('''select * from user where
username = ?''', [request.form['username']], one=True)
if user is None:
error = 'Invalid username'
elif not check_password_hash(user['pw_hash'],
request.form['password']):
error = 'Invalid password'
else:
flash('You were logged in')
session['user_id'] = user['user_id']
return redirect(functions.url_for('/'))
return render_template('login.html', error=error)
def register():
"""Registers the user."""
return render_template('register.html')
def logout():
"""Logs the user out."""
flash('You were logged out')
session.pop('user_id', None)
return redirect(functions.url_for('/public'))
| [
6738,
49385,
1330,
5499,
198,
6738,
42903,
1330,
46947,
11,
2581,
11,
6246,
11,
19016,
62,
1640,
11,
18941,
11,
3467,
198,
220,
220,
220,
220,
8543,
62,
28243,
11,
15614,
11,
308,
11,
7644,
11,
4808,
1324,
62,
49464,
62,
25558,
198,
6738,
266,
9587,
2736,
1018,
1330,
2198,
62,
28712,
62,
17831,
11,
7716,
62,
28712,
62,
17831,
198,
198,
4299,
17594,
33529,
198,
220,
220,
220,
37227,
11187,
82,
262,
2836,
287,
526,
15931,
198,
220,
220,
220,
611,
308,
13,
7220,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
18941,
7,
12543,
2733,
13,
6371,
62,
1640,
10786,
14,
6,
4008,
198,
220,
220,
220,
4049,
796,
6045,
198,
220,
220,
220,
611,
2581,
13,
24396,
6624,
705,
32782,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
2836,
796,
5499,
13,
22766,
62,
9945,
7,
7061,
6,
19738,
1635,
422,
2836,
810,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
20579,
796,
5633,
7061,
3256,
685,
25927,
13,
687,
17816,
29460,
20520,
4357,
530,
28,
17821,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2836,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4049,
796,
705,
44651,
20579,
6,
198,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
407,
2198,
62,
28712,
62,
17831,
7,
7220,
17816,
79,
86,
62,
17831,
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,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2581,
13,
687,
17816,
28712,
20520,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4049,
796,
705,
44651,
9206,
6,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7644,
10786,
1639,
547,
18832,
287,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6246,
17816,
7220,
62,
312,
20520,
796,
2836,
17816,
7220,
62,
312,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
18941,
7,
12543,
2733,
13,
6371,
62,
1640,
10786,
14,
6,
4008,
198,
220,
220,
220,
1441,
8543,
62,
28243,
10786,
38235,
13,
6494,
3256,
4049,
28,
18224,
8,
198,
198,
4299,
7881,
33529,
198,
220,
220,
220,
37227,
8081,
6223,
262,
2836,
526,
15931,
198,
220,
220,
220,
1441,
8543,
62,
28243,
10786,
30238,
13,
6494,
11537,
198,
198,
4299,
2604,
448,
33529,
198,
220,
220,
220,
37227,
11187,
82,
262,
2836,
503,
526,
15931,
198,
220,
220,
220,
7644,
10786,
1639,
547,
18832,
503,
11537,
198,
220,
220,
220,
6246,
13,
12924,
10786,
7220,
62,
312,
3256,
6045,
8,
198,
220,
220,
220,
1441,
18941,
7,
12543,
2733,
13,
6371,
62,
1640,
10786,
14,
11377,
6,
4008,
628,
198
] | 2.438017 | 484 |
#Embedded file name: /Users/versonator/Hudson/live/Projects/AppLive/Resources/MIDI Remote Scripts/MackieControl/ChannelStripController.py
from itertools import chain
from .MHControlComponent import *
from _Generic.Devices import *
class ChannelStripController(MHControlComponent):
"""
Controls all channel-strips of the Mackie Control and controller extensions
(Mackie Control XTs) if available: Maps and controls the faders, VPots and the
displays depending on the assignemnt modes (Vol_Pan, PlugIn, IO, Send) and
edit and flip mode.
stack_offset vs. strip_index vs. bank_channel_offset:
When using multiple sets of channel strips (stacking them), we will still only
have one ChannelStripController which rules them all.
To identify and seperate them, the implementation uses 3 different kind of
indices or offsets:
- strip_index: is the index of a channel_strip within its controller box,
so strip no 1 on an extension (XT) and strip number one on the 'main' Mackie
will both have a strip_index of 1.
We need to preserve this index, because every device (extension or main controller
will use a unique MIDI port to send out its MIDI messages which uses the
strip_index, encoded into the MIDI messages channel, to tell the hardware which
channel on the controller is meant.
- stack_offset: descibes how many channels are left to the device that a
channel_strip belongs to. For example: You have 3 Mackies: First, a XT, then
the main Mackie, then another XT.
The first XT will have the stack_index 0, the main Mackie, the stack_index 8,
because 8 faders are on present before it. The second XT has a stack_index of 16
- bank_cha_offset: this shifts all available channel strips within all the tracks
that should be controlled. For example: If you have a song with 32 tracks, and
a main Mackie Control + a XT on the right, then you want to shift the first fader
of the main Mackie to Track 16, to be able to control Track 16 to 32.
The master channel strip is hardcoded and not in the list of "normal" channel_strips,
because its always mapped to the master_volume.
"""
def set_controller_extensions(self, left_extensions, right_extensions):
""" Called from the main script (after all scripts where initialized), to let us
know where and how many MackieControlXT are installed.
There exists only one ChannelStripController, so we will take care about the
extensions channel strips
"""
self.__left_extensions = left_extensions
self.__right_extensions = right_extensions
self.__channel_strips = []
stack_offset = 0
for le in left_extensions:
for s in le.channel_strips():
self.__channel_strips.append(s)
s.set_stack_offset(stack_offset)
stack_offset += NUM_CHANNEL_STRIPS
for s in self.__own_channel_strips:
self.__channel_strips.append(s)
s.set_stack_offset(stack_offset)
stack_offset += NUM_CHANNEL_STRIPS
for re in right_extensions:
for s in re.channel_strips():
self.__channel_strips.append(s)
s.set_stack_offset(stack_offset)
stack_offset += NUM_CHANNEL_STRIPS
for s in self.__channel_strips:
s.set_channel_strip_controller(self)
self.refresh_state()
def request_rebuild_midi_map(self):
""" Overridden to call also the extensions request_rebuild_midi_map"""
MHControlComponent.request_rebuild_midi_map(self)
for ex in self.__left_extensions + self.__right_extensions:
ex.request_rebuild_midi_map()
def toggle_meter_mode(self):
""" called from the main script when the display toggle button was pressed """
self.__meters_enabled = not self.__meters_enabled
self.__apply_meter_mode()
def handle_vpot_rotation(self, strip_index, stack_offset, cc_value):
""" forwarded to us by the channel_strips """
if self.__assignment_mode == CSM_IO:
if cc_value >= 64:
direction = -1
else:
direction = 1
channel_strip = self.__channel_strips[stack_offset + strip_index]
current_routing = self.__routing_target(channel_strip)
available_routings = self.__available_routing_targets(channel_strip)
if current_routing and available_routings:
if current_routing in available_routings:
i = list(available_routings).index(current_routing)
if direction == 1:
new_i = min(len(available_routings) - 1, i + direction)
else:
new_i = max(0, i + direction)
new_routing = available_routings[new_i]
elif len(available_routings):
new_routing = available_routings[0]
self.__set_routing_target(channel_strip, new_routing)
elif self.__assignment_mode == CSM_PLUGINS:
pass
else:
channel_strip = self.__channel_strips[stack_offset + strip_index]
raise not channel_strip.assigned_track() or not channel_strip.assigned_track().has_audio_output or AssertionError('in every other mode, the midimap should handle the messages')
def handle_fader_touch(self, strip_offset, stack_offset, touched):
""" forwarded to us by the channel_strips """
self.__reassign_channel_strip_parameters(for_display_only=True)
def handle_pressed_v_pot(self, strip_index, stack_offset):
""" forwarded to us by the channel_strips """
if self.__assignment_mode == CSM_VOLPAN or self.__assignment_mode == CSM_SENDS or self.__assignment_mode == CSM_PLUGINS and self.__plugin_mode == PCM_PARAMETERS:
if stack_offset + strip_index in range(0, len(self.__channel_strips)):
param = self.__channel_strips[stack_offset + strip_index].v_pot_parameter()
if param and param.is_enabled:
if param.is_quantized:
if param.value + 1 > param.max:
param.value = param.min
else:
param.value = param.value + 1
else:
param.value = param.default_value
elif self.__assignment_mode == CSM_PLUGINS:
if self.__plugin_mode == PCM_DEVICES:
device_index = strip_index + stack_offset + self.__plugin_mode_offsets[PCM_DEVICES]
if device_index >= 0 and device_index < len(self.song().view.selected_track.devices):
if self.__chosen_plugin != None:
self.__chosen_plugin.remove_parameters_listener(self.__on_parameter_list_of_chosen_plugin_changed)
self.__chosen_plugin = self.song().view.selected_track.devices[device_index]
self.__chosen_plugin != None and self.__chosen_plugin.add_parameters_listener(self.__on_parameter_list_of_chosen_plugin_changed)
self.__reorder_parameters()
self.__plugin_mode_offsets[PCM_PARAMETERS] = 0
self.__set_plugin_mode(PCM_PARAMETERS)
def __strip_offset(self):
""" return the bank_channel offset depending if we are in return mode or not
"""
if self.__view_returns:
return self.__bank_cha_offset_returns
else:
return self.__bank_cha_offset
def __controlled_num_of_tracks(self):
""" return the number of tracks, depending on if we are in send_track
mode or normal track mode
"""
if self.__view_returns:
return len(self.song().return_tracks)
else:
return len(self.song().visible_tracks)
def __send_parameter(self, strip_index, stack_index):
""" Return the send parameter that is assigned to the given channel strip
"""
if not self.__assignment_mode == CSM_SENDS:
raise AssertionError
send_index = strip_index + stack_index + self.__send_mode_offset
p = send_index < len(self.song().view.selected_track.mixer_device.sends) and self.song().view.selected_track.mixer_device.sends[send_index]
return (p, p.name)
return (None, None)
def __plugin_parameter(self, strip_index, stack_index):
""" Return the parameter that is assigned to the given channel strip
"""
if not self.__assignment_mode == CSM_PLUGINS:
raise AssertionError
return self.__plugin_mode == PCM_DEVICES and (None, None)
elif not (self.__plugin_mode == PCM_PARAMETERS and self.__chosen_plugin):
raise AssertionError
parameters = self.__ordered_plugin_parameters
parameter_index = strip_index + stack_index + self.__plugin_mode_offsets[PCM_PARAMETERS]
if parameter_index >= 0 and parameter_index < len(parameters):
return parameters[parameter_index]
else:
return (None, None)
else:
raise 0 or AssertionError
def __can_switch_to_prev_page(self):
""" return true if pressing the "next" button will have any effect """
if self.__assignment_mode == CSM_PLUGINS:
return self.__plugin_mode_offsets[self.__plugin_mode] > 0
elif self.__assignment_mode == CSM_SENDS:
return self.__send_mode_offset > 0
else:
return False
def __can_switch_to_next_page(self):
""" return true if pressing the "prev" button will have any effect """
if self.__assignment_mode == CSM_PLUGINS:
sel_track = self.song().view.selected_track
if self.__plugin_mode == PCM_DEVICES:
return self.__plugin_mode_offsets[PCM_DEVICES] + len(self.__channel_strips) < len(sel_track.devices)
elif not (self.__plugin_mode == PCM_PARAMETERS and self.__chosen_plugin):
raise AssertionError
parameters = self.__ordered_plugin_parameters
return self.__plugin_mode_offsets[PCM_PARAMETERS] + len(self.__channel_strips) < len(parameters)
else:
raise 0 or AssertionError
elif self.__assignment_mode == CSM_SENDS:
return self.__send_mode_offset + len(self.__channel_strips) < len(self.song().return_tracks)
else:
return False
def __set_channel_offset(self, new_offset):
""" Set and validate a new channel_strip offset, which shifts all available channel
strips within all the available tracks or reutrn tracks
"""
if new_offset < 0:
new_offset = 0
elif new_offset >= self.__controlled_num_of_tracks():
new_offset = self.__controlled_num_of_tracks() - 1
if self.__view_returns:
self.__bank_cha_offset_returns = new_offset
else:
self.__bank_cha_offset = new_offset
self.__main_display_controller.set_channel_offset(new_offset)
self.__reassign_channel_strip_offsets()
self.__reassign_channel_strip_parameters(for_display_only=False)
self.__update_channel_strip_strings()
self.request_rebuild_midi_map()
def __set_plugin_mode(self, new_mode):
""" Set a new plugin sub-mode, which can be:
1. Choosing the device to control (PCM_DEVICES)
2. Controlling the chosen devices parameters (PCM_PARAMETERS)
"""
if not (new_mode >= 0 and new_mode < PCM_NUMMODES):
raise AssertionError
if self.__plugin_mode != new_mode:
self.__plugin_mode = new_mode
self.__reassign_channel_strip_parameters(for_display_only=False)
self.request_rebuild_midi_map()
self.__plugin_mode == PCM_DEVICES and self.__update_vpot_leds_in_plugins_device_choose_mode()
else:
for plugin in self.__displayed_plugins:
if plugin != None:
plugin.remove_name_listener(self.__update_plugin_names)
self.__displayed_plugins = []
self.__update_page_switch_leds()
self.__update_flip_led()
self.__update_page_switch_leds()
def __switch_to_prev_page(self):
""" Switch to the previous page in the non track strip modes (choosing plugs, or
controlling devices)
"""
if self.__can_switch_to_prev_page():
if self.__assignment_mode == CSM_PLUGINS:
self.__plugin_mode_offsets[self.__plugin_mode] -= len(self.__channel_strips)
if self.__plugin_mode == PCM_DEVICES:
self.__update_vpot_leds_in_plugins_device_choose_mode()
elif self.__assignment_mode == CSM_SENDS:
self.__send_mode_offset -= len(self.__channel_strips)
self.__reassign_channel_strip_parameters(for_display_only=False)
self.__update_channel_strip_strings()
self.__update_page_switch_leds()
self.request_rebuild_midi_map()
def __switch_to_next_page(self):
""" Switch to the next page in the non track strip modes (choosing plugs, or
controlling devices)
"""
if self.__can_switch_to_next_page():
if self.__assignment_mode == CSM_PLUGINS:
self.__plugin_mode_offsets[self.__plugin_mode] += len(self.__channel_strips)
if self.__plugin_mode == PCM_DEVICES:
self.__update_vpot_leds_in_plugins_device_choose_mode()
elif self.__assignment_mode == CSM_SENDS:
self.__send_mode_offset += len(self.__channel_strips)
else:
raise 0 or AssertionError
self.__reassign_channel_strip_parameters(for_display_only=False)
self.__update_channel_strip_strings()
self.__update_page_switch_leds()
self.request_rebuild_midi_map()
def __switch_to_next_io_mode(self):
""" Step through the available IO modes (In/OutPut//Main/Sub)
"""
self.__sub_mode_in_io_mode += 1
if self.__sub_mode_in_io_mode > CSM_IO_LAST_MODE:
self.__sub_mode_in_io_mode = CSM_IO_FIRST_MODE
def __reassign_channel_strip_offsets(self):
""" Update the channel strips bank_channel offset
"""
for s in self.__channel_strips:
s.set_bank_and_channel_offset(self.__strip_offset(), self.__view_returns, self.__within_track_added_or_deleted)
def __reassign_channel_strip_parameters(self, for_display_only):
""" Reevaluate all v-pot/fader -> parameter assignments
"""
display_parameters = []
for s in self.__channel_strips:
vpot_param = (None, None)
slider_param = (None, None)
vpot_display_mode = VPOT_DISPLAY_SINGLE_DOT
slider_display_mode = VPOT_DISPLAY_SINGLE_DOT
if self.__assignment_mode == CSM_VOLPAN:
if s.assigned_track() and s.assigned_track().has_audio_output:
vpot_param = (s.assigned_track().mixer_device.panning, 'Pan')
vpot_display_mode = VPOT_DISPLAY_BOOST_CUT
slider_param = (s.assigned_track().mixer_device.volume, 'Volume')
slider_display_mode = VPOT_DISPLAY_WRAP
elif self.__assignment_mode == CSM_PLUGINS:
vpot_param = self.__plugin_parameter(s.strip_index(), s.stack_offset())
vpot_display_mode = VPOT_DISPLAY_WRAP
if s.assigned_track() and s.assigned_track().has_audio_output:
slider_param = (s.assigned_track().mixer_device.volume, 'Volume')
slider_display_mode = VPOT_DISPLAY_WRAP
elif self.__assignment_mode == CSM_SENDS:
vpot_param = self.__send_parameter(s.strip_index(), s.stack_offset())
vpot_display_mode = VPOT_DISPLAY_WRAP
if s.assigned_track() and s.assigned_track().has_audio_output:
slider_param = (s.assigned_track().mixer_device.volume, 'Volume')
slider_display_mode = VPOT_DISPLAY_WRAP
elif self.__assignment_mode == CSM_IO:
if s.assigned_track() and s.assigned_track().has_audio_output:
slider_param = (s.assigned_track().mixer_device.volume, 'Volume')
if self.__flip and self.__can_flip():
if self.__any_slider_is_touched():
display_parameters.append(vpot_param)
else:
display_parameters.append(slider_param)
if not for_display_only:
s.set_v_pot_parameter(slider_param[0], slider_display_mode)
s.set_fader_parameter(vpot_param[0])
else:
if self.__any_slider_is_touched():
display_parameters.append(slider_param)
else:
display_parameters.append(vpot_param)
if not for_display_only:
s.set_v_pot_parameter(vpot_param[0], vpot_display_mode)
s.set_fader_parameter(slider_param[0])
self.__main_display_controller.set_channel_offset(self.__strip_offset())
if len(display_parameters):
self.__main_display_controller.set_parameters(display_parameters)
def __apply_meter_mode(self):
""" Update the meter mode in the displays and channel strips """
enabled = self.__meters_enabled and self.__assignment_mode is CSM_VOLPAN
for s in self.__channel_strips:
s.enable_meter_mode(enabled)
self.__main_display_controller.enable_meters(enabled)
def __toggle_flip(self):
""" En/Disable V-Pot / Fader flipping
"""
if self.__can_flip():
self.__flip = not self.__flip
self.__on_flip_changed()
def __toggle_view_returns(self):
""" Toggle if we want to control the return tracks or normal tracks
"""
self.__view_returns = not self.__view_returns
self.__update_view_returns_mode()
def __update_assignment_mode_leds(self):
""" Show which assignment mode is currently active """
if self.__assignment_mode == CSM_IO:
sid_on_switch = SID_ASSIGNMENT_IO
elif self.__assignment_mode == CSM_SENDS:
sid_on_switch = SID_ASSIGNMENT_SENDS
elif self.__assignment_mode == CSM_VOLPAN:
sid_on_switch = SID_ASSIGNMENT_PAN
elif self.__assignment_mode == CSM_PLUGINS:
sid_on_switch = SID_ASSIGNMENT_PLUG_INS
else:
raise 0 or AssertionError
sid_on_switch = None
for s in (SID_ASSIGNMENT_IO,
SID_ASSIGNMENT_SENDS,
SID_ASSIGNMENT_PAN,
SID_ASSIGNMENT_PLUG_INS):
if s == sid_on_switch:
self.send_midi((NOTE_ON_STATUS, s, BUTTON_STATE_ON))
else:
self.send_midi((NOTE_ON_STATUS, s, BUTTON_STATE_OFF))
def __update_assignment_display(self):
""" Cryptically label the current assignment mode in the 2char display above
the assignment buttons
"""
if self.__assignment_mode == CSM_VOLPAN:
ass_string = ['P', 'N']
else:
if self.__assignment_mode == CSM_PLUGINS or self.__assignment_mode == CSM_SENDS:
ass_string = self.__last_attached_selected_track == self.song().master_track and ['M', 'A']
for t in self.song().return_tracks:
if t == self.__last_attached_selected_track:
ass_string = ['R', chr(ord('A') + list(self.song().return_tracks).index(t))]
break
for t in self.song().visible_tracks:
if t == self.__last_attached_selected_track:
ass_string = list('%.2d' % min(99, list(self.song().visible_tracks).index(t) + 1))
break
if not ass_string:
raise AssertionError
elif self.__assignment_mode == CSM_IO:
if self.__sub_mode_in_io_mode == CSM_IO_MODE_INPUT_MAIN:
ass_string = ['I', "'"]
elif self.__sub_mode_in_io_mode == CSM_IO_MODE_INPUT_SUB:
ass_string = ['I', ',']
elif self.__sub_mode_in_io_mode == CSM_IO_MODE_OUTPUT_MAIN:
ass_string = ['0', "'"]
elif self.__sub_mode_in_io_mode == CSM_IO_MODE_OUTPUT_SUB:
ass_string = ['0', ',']
else:
raise 0 or AssertionError
else:
raise 0 or AssertionError
self.send_midi((CC_STATUS, 75, g7_seg_led_conv_table[ass_string[0]]))
self.send_midi((CC_STATUS, 74, g7_seg_led_conv_table[ass_string[1]]))
def __update_page_switch_leds(self):
""" visualize if the "prev" an "next" buttons can be pressed """
if self.__can_switch_to_prev_page():
self.send_midi((NOTE_ON_STATUS, SID_ASSIGNMENT_EQ, BUTTON_STATE_ON))
else:
self.send_midi((NOTE_ON_STATUS, SID_ASSIGNMENT_EQ, BUTTON_STATE_OFF))
if self.__can_switch_to_next_page():
self.send_midi((NOTE_ON_STATUS, SID_ASSIGNMENT_DYNAMIC, BUTTON_STATE_ON))
else:
self.send_midi((NOTE_ON_STATUS, SID_ASSIGNMENT_DYNAMIC, BUTTON_STATE_OFF))
def __update_vpot_leds_in_plugins_device_choose_mode(self):
""" To be called in assignment mode CSM_PLUGINS, submode PCM_DEVICES only:
This will enlighten all poties which can be pressed to choose a device
for editing, and unlight all poties where pressing will have no effect
"""
raise self.__assignment_mode == CSM_PLUGINS or AssertionError
raise self.__plugin_mode == PCM_DEVICES or AssertionError
sel_track = self.song().view.selected_track
count = 0
for s in self.__channel_strips:
offset = self.__plugin_mode_offsets[self.__plugin_mode]
if sel_track and offset + count >= 0 and offset + count < len(sel_track.devices):
s.show_full_enlighted_poti()
else:
s.unlight_vpot_leds()
count += 1
def __update_channel_strip_strings(self):
""" In IO mode, collect all strings that will be visible in the main display manually
"""
if not self.__any_slider_is_touched():
if self.__assignment_mode == CSM_IO:
targets = []
for s in self.__channel_strips:
if self.__routing_target(s):
targets.append(self.__routing_target(s))
else:
targets.append('')
self.__main_display_controller.set_channel_strip_strings(targets)
elif self.__assignment_mode == CSM_PLUGINS and self.__plugin_mode == PCM_DEVICES:
for plugin in self.__displayed_plugins:
if plugin != None:
plugin.remove_name_listener(self.__update_plugin_names)
self.__displayed_plugins = []
sel_track = self.song().view.selected_track
for i in range(len(self.__channel_strips)):
device_index = i + self.__plugin_mode_offsets[PCM_DEVICES]
if device_index >= 0 and device_index < len(sel_track.devices):
sel_track.devices[device_index].add_name_listener(self.__update_plugin_names)
self.__displayed_plugins.append(sel_track.devices[device_index])
else:
self.__displayed_plugins.append(None)
self.__update_plugin_names()
def __update_view_returns_mode(self):
""" Update the control return tracks LED
"""
if self.__view_returns:
self.send_midi((NOTE_ON_STATUS, SID_FADERBANK_EDIT, BUTTON_STATE_ON))
else:
self.send_midi((NOTE_ON_STATUS, SID_FADERBANK_EDIT, BUTTON_STATE_OFF))
self.__main_display_controller.set_show_return_track_names(self.__view_returns)
self.__reassign_channel_strip_offsets()
self.__reassign_channel_strip_parameters(for_display_only=False)
self.request_rebuild_midi_map()
def __on_selected_track_changed(self):
""" Notifier, called as soon as the selected track has changed
"""
st = self.__last_attached_selected_track
if st and st.devices_has_listener(self.__on_selected_device_chain_changed):
st.remove_devices_listener(self.__on_selected_device_chain_changed)
self.__last_attached_selected_track = self.song().view.selected_track
st = self.__last_attached_selected_track
if st:
st.add_devices_listener(self.__on_selected_device_chain_changed)
if self.__assignment_mode == CSM_PLUGINS:
self.__plugin_mode_offsets = [ 0 for x in range(PCM_NUMMODES) ]
if self.__chosen_plugin != None:
self.__chosen_plugin.remove_parameters_listener(self.__on_parameter_list_of_chosen_plugin_changed)
self.__chosen_plugin = None
self.__ordered_plugin_parameters = []
self.__update_assignment_display()
if self.__plugin_mode == PCM_DEVICES:
self.__update_vpot_leds_in_plugins_device_choose_mode()
else:
self.__set_plugin_mode(PCM_DEVICES)
elif self.__assignment_mode == CSM_SENDS:
self.__reassign_channel_strip_parameters(for_display_only=False)
self.__update_assignment_display()
self.request_rebuild_midi_map()
def __on_flip_changed(self):
""" Update the flip button LED when the flip mode changed
"""
self.__update_flip_led()
if self.__can_flip():
self.__update_assignment_display()
self.__reassign_channel_strip_parameters(for_display_only=False)
self.request_rebuild_midi_map()
def __on_tracks_added_or_deleted(self):
""" Notifier, called as soon as tracks where added, removed or moved
"""
self.__within_track_added_or_deleted = True
for t in chain(self.song().visible_tracks, self.song().return_tracks):
if not t.solo_has_listener(self.__update_rude_solo_led):
t.add_solo_listener(self.__update_rude_solo_led)
if not t.has_audio_output_has_listener(self.__on_any_tracks_output_type_changed):
t.add_has_audio_output_listener(self.__on_any_tracks_output_type_changed)
if self.__send_mode_offset >= len(self.song().return_tracks):
self.__send_mode_offset = 0
self.__reassign_channel_strip_parameters(for_display_only=False)
self.__update_channel_strip_strings()
if self.__strip_offset() + len(self.__channel_strips) >= self.__controlled_num_of_tracks():
self.__set_channel_offset(max(0, self.__controlled_num_of_tracks() - len(self.__channel_strips)))
self.__reassign_channel_strip_parameters(for_display_only=False)
self.__update_channel_strip_strings()
if self.__assignment_mode == CSM_SENDS:
self.__update_page_switch_leds()
self.refresh_state()
self.__main_display_controller.refresh_state()
self.__within_track_added_or_deleted = False
self.request_rebuild_midi_map()
def __on_any_tracks_output_type_changed(self):
""" called as soon as any device chain has changed (devices where
added/removed/swapped...)
"""
self.__reassign_channel_strip_parameters(for_display_only=False)
self.request_rebuild_midi_map() | [
2,
31567,
47238,
2393,
1438,
25,
1220,
14490,
14,
49589,
1352,
14,
39,
463,
1559,
14,
12583,
14,
16775,
82,
14,
4677,
18947,
14,
33236,
14,
44,
2389,
40,
21520,
12327,
82,
14,
44,
441,
494,
15988,
14,
29239,
1273,
5528,
22130,
13,
9078,
198,
6738,
340,
861,
10141,
1330,
6333,
198,
198,
6738,
764,
36208,
15988,
21950,
1330,
1635,
198,
6738,
4808,
46189,
13,
13603,
1063,
1330,
1635,
628,
198,
4871,
11102,
1273,
5528,
22130,
7,
36208,
15988,
21950,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
36357,
477,
6518,
12,
33565,
862,
286,
262,
16640,
494,
6779,
290,
10444,
18366,
198,
220,
220,
220,
220,
220,
220,
357,
44,
441,
494,
6779,
1395,
33758,
8,
611,
1695,
25,
20347,
290,
6973,
262,
277,
9972,
11,
23342,
1747,
290,
262,
198,
220,
220,
220,
220,
220,
220,
11298,
6906,
319,
262,
8333,
368,
429,
12881,
357,
16598,
62,
15730,
11,
22689,
818,
11,
24418,
11,
16290,
8,
290,
198,
220,
220,
220,
220,
220,
220,
4370,
290,
14283,
4235,
13,
198,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
8931,
62,
28968,
3691,
13,
10283,
62,
9630,
3691,
13,
3331,
62,
17620,
62,
28968,
25,
198,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
1649,
1262,
3294,
5621,
286,
6518,
22670,
357,
301,
5430,
606,
828,
356,
481,
991,
691,
198,
220,
220,
220,
220,
220,
220,
423,
530,
11102,
1273,
5528,
22130,
543,
3173,
606,
477,
13,
198,
220,
220,
220,
220,
220,
220,
1675,
5911,
290,
384,
30052,
606,
11,
262,
7822,
3544,
513,
1180,
1611,
286,
198,
220,
220,
220,
220,
220,
220,
36525,
393,
49005,
25,
198,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
532,
10283,
62,
9630,
25,
318,
262,
6376,
286,
257,
6518,
62,
36311,
1626,
663,
10444,
3091,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
523,
10283,
645,
352,
319,
281,
7552,
357,
25010,
8,
290,
10283,
1271,
530,
319,
262,
705,
12417,
6,
16640,
494,
198,
220,
220,
220,
220,
220,
220,
220,
220,
481,
1111,
423,
257,
10283,
62,
9630,
286,
352,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
775,
761,
284,
12201,
428,
6376,
11,
780,
790,
3335,
357,
2302,
3004,
393,
1388,
10444,
198,
220,
220,
220,
220,
220,
220,
220,
220,
481,
779,
257,
3748,
33439,
2493,
284,
3758,
503,
663,
33439,
6218,
543,
3544,
262,
198,
220,
220,
220,
220,
220,
220,
220,
220,
10283,
62,
9630,
11,
30240,
656,
262,
33439,
6218,
6518,
11,
284,
1560,
262,
6890,
543,
198,
220,
220,
220,
220,
220,
220,
220,
220,
6518,
319,
262,
10444,
318,
4001,
13,
198,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
532,
8931,
62,
28968,
25,
1715,
571,
274,
703,
867,
9619,
389,
1364,
284,
262,
3335,
326,
257,
198,
220,
220,
220,
220,
220,
220,
220,
220,
6518,
62,
36311,
14448,
284,
13,
1114,
1672,
25,
921,
423,
513,
16640,
444,
25,
3274,
11,
257,
44235,
11,
788,
198,
220,
220,
220,
220,
220,
220,
220,
220,
262,
1388,
16640,
494,
11,
788,
1194,
44235,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
383,
717,
44235,
481,
423,
262,
8931,
62,
9630,
657,
11,
262,
1388,
16640,
494,
11,
262,
8931,
62,
9630,
807,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
780,
807,
277,
9972,
389,
319,
1944,
878,
340,
13,
383,
1218,
44235,
468,
257,
8931,
62,
9630,
286,
1467,
198,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
532,
3331,
62,
11693,
62,
28968,
25,
428,
15381,
477,
1695,
6518,
22670,
1626,
477,
262,
8339,
198,
220,
220,
220,
220,
220,
220,
220,
220,
326,
815,
307,
6856,
13,
1114,
1672,
25,
1002,
345,
423,
257,
3496,
351,
3933,
8339,
11,
290,
198,
220,
220,
220,
220,
220,
220,
220,
220,
257,
1388,
16640,
494,
6779,
1343,
257,
44235,
319,
262,
826,
11,
788,
345,
765,
284,
6482,
262,
717,
277,
5067,
198,
220,
220,
220,
220,
220,
220,
220,
220,
286,
262,
1388,
16640,
494,
284,
17762,
1467,
11,
284,
307,
1498,
284,
1630,
17762,
1467,
284,
3933,
13,
198,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
383,
4958,
6518,
10283,
318,
1327,
40976,
290,
407,
287,
262,
1351,
286,
366,
11265,
1,
6518,
62,
33565,
862,
11,
198,
220,
220,
220,
220,
220,
220,
780,
663,
1464,
27661,
284,
262,
4958,
62,
29048,
13,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
825,
900,
62,
36500,
62,
2302,
5736,
7,
944,
11,
1364,
62,
2302,
5736,
11,
826,
62,
2302,
5736,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
34099,
422,
262,
1388,
4226,
357,
8499,
477,
14750,
810,
23224,
828,
284,
1309,
514,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
760,
810,
290,
703,
867,
16640,
494,
15988,
25010,
389,
6589,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1318,
7160,
691,
530,
11102,
1273,
5528,
22130,
11,
523,
356,
481,
1011,
1337,
546,
262,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
18366,
6518,
22670,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
9464,
62,
2302,
5736,
796,
1364,
62,
2302,
5736,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
3506,
62,
2302,
5736,
796,
826,
62,
2302,
5736,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
17620,
62,
33565,
862,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
8931,
62,
28968,
796,
657,
198,
220,
220,
220,
220,
220,
220,
220,
329,
443,
287,
1364,
62,
2302,
5736,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
264,
287,
443,
13,
17620,
62,
33565,
862,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
17620,
62,
33565,
862,
13,
33295,
7,
82,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
264,
13,
2617,
62,
25558,
62,
28968,
7,
25558,
62,
28968,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8931,
62,
28968,
15853,
36871,
62,
3398,
22846,
3698,
62,
2257,
7112,
3705,
628,
220,
220,
220,
220,
220,
220,
220,
329,
264,
287,
2116,
13,
834,
593,
62,
17620,
62,
33565,
862,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
17620,
62,
33565,
862,
13,
33295,
7,
82,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
264,
13,
2617,
62,
25558,
62,
28968,
7,
25558,
62,
28968,
8,
628,
220,
220,
220,
220,
220,
220,
220,
8931,
62,
28968,
15853,
36871,
62,
3398,
22846,
3698,
62,
2257,
7112,
3705,
198,
220,
220,
220,
220,
220,
220,
220,
329,
302,
287,
826,
62,
2302,
5736,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
264,
287,
302,
13,
17620,
62,
33565,
862,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
17620,
62,
33565,
862,
13,
33295,
7,
82,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
264,
13,
2617,
62,
25558,
62,
28968,
7,
25558,
62,
28968,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8931,
62,
28968,
15853,
36871,
62,
3398,
22846,
3698,
62,
2257,
7112,
3705,
628,
220,
220,
220,
220,
220,
220,
220,
329,
264,
287,
2116,
13,
834,
17620,
62,
33565,
862,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
264,
13,
2617,
62,
17620,
62,
36311,
62,
36500,
7,
944,
8,
628,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
5420,
3447,
62,
5219,
3419,
628,
220,
220,
220,
825,
2581,
62,
260,
11249,
62,
13602,
72,
62,
8899,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
3827,
40372,
284,
869,
635,
262,
18366,
2581,
62,
260,
11249,
62,
13602,
72,
62,
8899,
37811,
198,
220,
220,
220,
220,
220,
220,
220,
20752,
15988,
21950,
13,
25927,
62,
260,
11249,
62,
13602,
72,
62,
8899,
7,
944,
8,
198,
220,
220,
220,
220,
220,
220,
220,
329,
409,
287,
2116,
13,
834,
9464,
62,
2302,
5736,
1343,
2116,
13,
834,
3506,
62,
2302,
5736,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
409,
13,
25927,
62,
260,
11249,
62,
13602,
72,
62,
8899,
3419,
628,
220,
220,
220,
825,
19846,
62,
27231,
62,
14171,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
1444,
422,
262,
1388,
4226,
618,
262,
3359,
19846,
4936,
373,
12070,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
4164,
364,
62,
25616,
796,
407,
2116,
13,
834,
4164,
364,
62,
25616,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
39014,
62,
27231,
62,
14171,
3419,
628,
220,
220,
220,
825,
5412,
62,
85,
13059,
62,
10599,
341,
7,
944,
11,
10283,
62,
9630,
11,
8931,
62,
28968,
11,
36624,
62,
8367,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
28308,
284,
514,
416,
262,
6518,
62,
33565,
862,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
834,
562,
16747,
62,
14171,
6624,
9429,
44,
62,
9399,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
36624,
62,
8367,
18189,
5598,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4571,
796,
532,
16,
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,
4571,
796,
352,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6518,
62,
36311,
796,
2116,
13,
834,
17620,
62,
33565,
862,
58,
25558,
62,
28968,
1343,
10283,
62,
9630,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1459,
62,
81,
13660,
796,
2116,
13,
834,
81,
13660,
62,
16793,
7,
17620,
62,
36311,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1695,
62,
81,
448,
654,
796,
2116,
13,
834,
15182,
62,
81,
13660,
62,
83,
853,
1039,
7,
17620,
62,
36311,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
1459,
62,
81,
13660,
290,
1695,
62,
81,
448,
654,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
1459,
62,
81,
13660,
287,
1695,
62,
81,
448,
654,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1312,
796,
1351,
7,
15182,
62,
81,
448,
654,
737,
9630,
7,
14421,
62,
81,
13660,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
4571,
6624,
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,
649,
62,
72,
796,
949,
7,
11925,
7,
15182,
62,
81,
448,
654,
8,
532,
352,
11,
1312,
1343,
4571,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
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,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
72,
796,
3509,
7,
15,
11,
1312,
1343,
4571,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
81,
13660,
796,
1695,
62,
81,
448,
654,
58,
3605,
62,
72,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
18896,
7,
15182,
62,
81,
448,
654,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
81,
13660,
796,
1695,
62,
81,
448,
654,
58,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
2617,
62,
81,
13660,
62,
16793,
7,
17620,
62,
36311,
11,
649,
62,
81,
13660,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
2116,
13,
834,
562,
16747,
62,
14171,
6624,
9429,
44,
62,
6489,
7340,
20913,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1208,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6518,
62,
36311,
796,
2116,
13,
834,
17620,
62,
33565,
862,
58,
25558,
62,
28968,
1343,
10283,
62,
9630,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
407,
6518,
62,
36311,
13,
562,
3916,
62,
11659,
3419,
393,
407,
6518,
62,
36311,
13,
562,
3916,
62,
11659,
22446,
10134,
62,
24051,
62,
22915,
393,
2195,
861,
295,
12331,
10786,
259,
790,
584,
4235,
11,
262,
3095,
320,
499,
815,
5412,
262,
6218,
11537,
628,
220,
220,
220,
825,
5412,
62,
69,
5067,
62,
29332,
7,
944,
11,
10283,
62,
28968,
11,
8931,
62,
28968,
11,
12615,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
28308,
284,
514,
416,
262,
6518,
62,
33565,
862,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
260,
562,
570,
62,
17620,
62,
36311,
62,
17143,
7307,
7,
1640,
62,
13812,
62,
8807,
28,
17821,
8,
628,
220,
220,
220,
825,
5412,
62,
45477,
62,
85,
62,
13059,
7,
944,
11,
10283,
62,
9630,
11,
8931,
62,
28968,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
28308,
284,
514,
416,
262,
6518,
62,
33565,
862,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
834,
562,
16747,
62,
14171,
6624,
9429,
44,
62,
44558,
47,
1565,
393,
2116,
13,
834,
562,
16747,
62,
14171,
6624,
9429,
44,
62,
50,
1677,
5258,
393,
2116,
13,
834,
562,
16747,
62,
14171,
6624,
9429,
44,
62,
6489,
7340,
20913,
290,
2116,
13,
834,
33803,
62,
14171,
6624,
4217,
44,
62,
27082,
2390,
2767,
4877,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
8931,
62,
28968,
1343,
10283,
62,
9630,
287,
2837,
7,
15,
11,
18896,
7,
944,
13,
834,
17620,
62,
33565,
862,
8,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5772,
796,
2116,
13,
834,
17620,
62,
33565,
862,
58,
25558,
62,
28968,
1343,
10283,
62,
9630,
4083,
85,
62,
13059,
62,
17143,
2357,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
5772,
290,
5772,
13,
271,
62,
25616,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
5772,
13,
271,
62,
40972,
1143,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
5772,
13,
8367,
1343,
352,
1875,
5772,
13,
9806,
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,
5772,
13,
8367,
796,
5772,
13,
1084,
198,
220,
220,
220,
220,
220,
220,
220,
220,
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,
220,
220,
220,
220,
220,
220,
220,
220,
5772,
13,
8367,
796,
5772,
13,
8367,
1343,
352,
198,
220,
220,
220,
220,
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,
220,
220,
220,
220,
5772,
13,
8367,
796,
5772,
13,
12286,
62,
8367,
198,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
2116,
13,
834,
562,
16747,
62,
14171,
6624,
9429,
44,
62,
6489,
7340,
20913,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
834,
33803,
62,
14171,
6624,
4217,
44,
62,
39345,
34444,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3335,
62,
9630,
796,
10283,
62,
9630,
1343,
8931,
62,
28968,
1343,
2116,
13,
834,
33803,
62,
14171,
62,
8210,
1039,
58,
5662,
44,
62,
39345,
34444,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
3335,
62,
9630,
18189,
657,
290,
3335,
62,
9630,
1279,
18896,
7,
944,
13,
34050,
22446,
1177,
13,
34213,
62,
11659,
13,
42034,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
834,
354,
5233,
62,
33803,
14512,
6045,
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,
2116,
13,
834,
354,
5233,
62,
33803,
13,
28956,
62,
17143,
7307,
62,
4868,
877,
7,
944,
13,
834,
261,
62,
17143,
2357,
62,
4868,
62,
1659,
62,
354,
5233,
62,
33803,
62,
40985,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
354,
5233,
62,
33803,
796,
2116,
13,
34050,
22446,
1177,
13,
34213,
62,
11659,
13,
42034,
58,
25202,
62,
9630,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
354,
5233,
62,
33803,
14512,
6045,
290,
2116,
13,
834,
354,
5233,
62,
33803,
13,
2860,
62,
17143,
7307,
62,
4868,
877,
7,
944,
13,
834,
261,
62,
17143,
2357,
62,
4868,
62,
1659,
62,
354,
5233,
62,
33803,
62,
40985,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
260,
2875,
62,
17143,
7307,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
33803,
62,
14171,
62,
8210,
1039,
58,
5662,
44,
62,
27082,
2390,
2767,
4877,
60,
796,
657,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
2617,
62,
33803,
62,
14171,
7,
5662,
44,
62,
27082,
2390,
2767,
4877,
8,
628,
220,
220,
220,
825,
11593,
36311,
62,
28968,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
1441,
262,
3331,
62,
17620,
11677,
6906,
611,
356,
389,
287,
1441,
4235,
393,
407,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
834,
1177,
62,
7783,
82,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
834,
17796,
62,
11693,
62,
28968,
62,
7783,
82,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
834,
17796,
62,
11693,
62,
28968,
628,
220,
220,
220,
825,
11593,
14401,
62,
22510,
62,
1659,
62,
46074,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
1441,
262,
1271,
286,
8339,
11,
6906,
319,
611,
356,
389,
287,
3758,
62,
11659,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4235,
393,
3487,
2610,
4235,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
834,
1177,
62,
7783,
82,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
18896,
7,
944,
13,
34050,
22446,
7783,
62,
46074,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
18896,
7,
944,
13,
34050,
22446,
23504,
62,
46074,
8,
628,
220,
220,
220,
825,
11593,
21280,
62,
17143,
2357,
7,
944,
11,
10283,
62,
9630,
11,
8931,
62,
9630,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
8229,
262,
3758,
11507,
326,
318,
8686,
284,
262,
1813,
6518,
10283,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
611,
407,
2116,
13,
834,
562,
16747,
62,
14171,
6624,
9429,
44,
62,
50,
1677,
5258,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
2195,
861,
295,
12331,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3758,
62,
9630,
796,
10283,
62,
9630,
1343,
8931,
62,
9630,
1343,
2116,
13,
834,
21280,
62,
14171,
62,
28968,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
279,
796,
3758,
62,
9630,
1279,
18896,
7,
944,
13,
34050,
22446,
1177,
13,
34213,
62,
11659,
13,
19816,
263,
62,
25202,
13,
82,
2412,
8,
290,
2116,
13,
34050,
22446,
1177,
13,
34213,
62,
11659,
13,
19816,
263,
62,
25202,
13,
82,
2412,
58,
21280,
62,
9630,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
357,
79,
11,
279,
13,
3672,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
357,
14202,
11,
6045,
8,
628,
220,
220,
220,
825,
11593,
33803,
62,
17143,
2357,
7,
944,
11,
10283,
62,
9630,
11,
8931,
62,
9630,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
8229,
262,
11507,
326,
318,
8686,
284,
262,
1813,
6518,
10283,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
611,
407,
2116,
13,
834,
562,
16747,
62,
14171,
6624,
9429,
44,
62,
6489,
7340,
20913,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
2195,
861,
295,
12331,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
834,
33803,
62,
14171,
6624,
4217,
44,
62,
39345,
34444,
290,
357,
14202,
11,
6045,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
407,
357,
944,
13,
834,
33803,
62,
14171,
6624,
4217,
44,
62,
27082,
2390,
2767,
4877,
290,
2116,
13,
834,
354,
5233,
62,
33803,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
2195,
861,
295,
12331,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
10007,
796,
2116,
13,
834,
24071,
62,
33803,
62,
17143,
7307,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11507,
62,
9630,
796,
10283,
62,
9630,
1343,
8931,
62,
9630,
1343,
2116,
13,
834,
33803,
62,
14171,
62,
8210,
1039,
58,
5662,
44,
62,
27082,
2390,
2767,
4877,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
11507,
62,
9630,
18189,
657,
290,
11507,
62,
9630,
1279,
18896,
7,
17143,
7307,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
10007,
58,
17143,
2357,
62,
9630,
60,
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,
1441,
357,
14202,
11,
6045,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
657,
393,
2195,
861,
295,
12331,
628,
220,
220,
220,
825,
11593,
5171,
62,
31943,
62,
1462,
62,
47050,
62,
7700,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
1441,
2081,
611,
12273,
262,
366,
19545,
1,
4936,
481,
423,
597,
1245,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
834,
562,
16747,
62,
14171,
6624,
9429,
44,
62,
6489,
7340,
20913,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
834,
33803,
62,
14171,
62,
8210,
1039,
58,
944,
13,
834,
33803,
62,
14171,
60,
1875,
657,
198,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
2116,
13,
834,
562,
16747,
62,
14171,
6624,
9429,
44,
62,
50,
1677,
5258,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
834,
21280,
62,
14171,
62,
28968,
1875,
657,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
10352,
628,
220,
220,
220,
825,
11593,
5171,
62,
31943,
62,
1462,
62,
19545,
62,
7700,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
1441,
2081,
611,
12273,
262,
366,
47050,
1,
4936,
481,
423,
597,
1245,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
834,
562,
16747,
62,
14171,
6624,
9429,
44,
62,
6489,
7340,
20913,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
384,
75,
62,
11659,
796,
2116,
13,
34050,
22446,
1177,
13,
34213,
62,
11659,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
834,
33803,
62,
14171,
6624,
4217,
44,
62,
39345,
34444,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
834,
33803,
62,
14171,
62,
8210,
1039,
58,
5662,
44,
62,
39345,
34444,
60,
1343,
18896,
7,
944,
13,
834,
17620,
62,
33565,
862,
8,
1279,
18896,
7,
741,
62,
11659,
13,
42034,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
407,
357,
944,
13,
834,
33803,
62,
14171,
6624,
4217,
44,
62,
27082,
2390,
2767,
4877,
290,
2116,
13,
834,
354,
5233,
62,
33803,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
2195,
861,
295,
12331,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
10007,
796,
2116,
13,
834,
24071,
62,
33803,
62,
17143,
7307,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
834,
33803,
62,
14171,
62,
8210,
1039,
58,
5662,
44,
62,
27082,
2390,
2767,
4877,
60,
1343,
18896,
7,
944,
13,
834,
17620,
62,
33565,
862,
8,
1279,
18896,
7,
17143,
7307,
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,
5298,
657,
393,
2195,
861,
295,
12331,
198,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
2116,
13,
834,
562,
16747,
62,
14171,
6624,
9429,
44,
62,
50,
1677,
5258,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
834,
21280,
62,
14171,
62,
28968,
1343,
18896,
7,
944,
13,
834,
17620,
62,
33565,
862,
8,
1279,
18896,
7,
944,
13,
34050,
22446,
7783,
62,
46074,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
10352,
628,
220,
220,
220,
825,
11593,
2617,
62,
17620,
62,
28968,
7,
944,
11,
649,
62,
28968,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
5345,
290,
26571,
257,
649,
6518,
62,
36311,
11677,
11,
543,
15381,
477,
1695,
6518,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
22670,
1626,
477,
262,
1695,
8339,
393,
302,
315,
35906,
8339,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
611,
649,
62,
28968,
1279,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
28968,
796,
657,
198,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
649,
62,
28968,
18189,
2116,
13,
834,
14401,
62,
22510,
62,
1659,
62,
46074,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
28968,
796,
2116,
13,
834,
14401,
62,
22510,
62,
1659,
62,
46074,
3419,
532,
352,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
834,
1177,
62,
7783,
82,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
17796,
62,
11693,
62,
28968,
62,
7783,
82,
796,
649,
62,
28968,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
17796,
62,
11693,
62,
28968,
796,
649,
62,
28968,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
12417,
62,
13812,
62,
36500,
13,
2617,
62,
17620,
62,
28968,
7,
3605,
62,
28968,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
260,
562,
570,
62,
17620,
62,
36311,
62,
8210,
1039,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
260,
562,
570,
62,
17620,
62,
36311,
62,
17143,
7307,
7,
1640,
62,
13812,
62,
8807,
28,
25101,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
19119,
62,
17620,
62,
36311,
62,
37336,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
25927,
62,
260,
11249,
62,
13602,
72,
62,
8899,
3419,
628,
220,
220,
220,
825,
11593,
2617,
62,
33803,
62,
14171,
7,
944,
11,
649,
62,
14171,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
5345,
257,
649,
13877,
850,
12,
14171,
11,
543,
460,
307,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
352,
13,
10031,
2752,
262,
3335,
284,
1630,
357,
5662,
44,
62,
39345,
34444,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
362,
13,
2345,
18886,
262,
7147,
4410,
10007,
357,
5662,
44,
62,
27082,
2390,
2767,
4877,
8,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
611,
407,
357,
3605,
62,
14171,
18189,
657,
290,
649,
62,
14171,
1279,
4217,
44,
62,
41359,
33365,
1546,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
2195,
861,
295,
12331,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
834,
33803,
62,
14171,
14512,
649,
62,
14171,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
33803,
62,
14171,
796,
649,
62,
14171,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
260,
562,
570,
62,
17620,
62,
36311,
62,
17143,
7307,
7,
1640,
62,
13812,
62,
8807,
28,
25101,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
25927,
62,
260,
11249,
62,
13602,
72,
62,
8899,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
33803,
62,
14171,
6624,
4217,
44,
62,
39345,
34444,
290,
2116,
13,
834,
19119,
62,
85,
13059,
62,
992,
82,
62,
259,
62,
37390,
62,
25202,
62,
6679,
577,
62,
14171,
3419,
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,
329,
13877,
287,
2116,
13,
834,
13812,
276,
62,
37390,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
13877,
14512,
6045,
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,
13877,
13,
28956,
62,
3672,
62,
4868,
877,
7,
944,
13,
834,
19119,
62,
33803,
62,
14933,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
13812,
276,
62,
37390,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
19119,
62,
7700,
62,
31943,
62,
992,
82,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
19119,
62,
2704,
541,
62,
992,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
19119,
62,
7700,
62,
31943,
62,
992,
82,
3419,
628,
220,
220,
220,
825,
11593,
31943,
62,
1462,
62,
47050,
62,
7700,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
14645,
284,
262,
2180,
2443,
287,
262,
1729,
2610,
10283,
12881,
357,
6679,
2752,
37008,
11,
393,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12755,
4410,
8,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
834,
5171,
62,
31943,
62,
1462,
62,
47050,
62,
7700,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
834,
562,
16747,
62,
14171,
6624,
9429,
44,
62,
6489,
7340,
20913,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
33803,
62,
14171,
62,
8210,
1039,
58,
944,
13,
834,
33803,
62,
14171,
60,
48185,
18896,
7,
944,
13,
834,
17620,
62,
33565,
862,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
834,
33803,
62,
14171,
6624,
4217,
44,
62,
39345,
34444,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
19119,
62,
85,
13059,
62,
992,
82,
62,
259,
62,
37390,
62,
25202,
62,
6679,
577,
62,
14171,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
2116,
13,
834,
562,
16747,
62,
14171,
6624,
9429,
44,
62,
50,
1677,
5258,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
21280,
62,
14171,
62,
28968,
48185,
18896,
7,
944,
13,
834,
17620,
62,
33565,
862,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
260,
562,
570,
62,
17620,
62,
36311,
62,
17143,
7307,
7,
1640,
62,
13812,
62,
8807,
28,
25101,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
19119,
62,
17620,
62,
36311,
62,
37336,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
19119,
62,
7700,
62,
31943,
62,
992,
82,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
25927,
62,
260,
11249,
62,
13602,
72,
62,
8899,
3419,
628,
220,
220,
220,
825,
11593,
31943,
62,
1462,
62,
19545,
62,
7700,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
14645,
284,
262,
1306,
2443,
287,
262,
1729,
2610,
10283,
12881,
357,
6679,
2752,
37008,
11,
393,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12755,
4410,
8,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
834,
5171,
62,
31943,
62,
1462,
62,
19545,
62,
7700,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
834,
562,
16747,
62,
14171,
6624,
9429,
44,
62,
6489,
7340,
20913,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
33803,
62,
14171,
62,
8210,
1039,
58,
944,
13,
834,
33803,
62,
14171,
60,
15853,
18896,
7,
944,
13,
834,
17620,
62,
33565,
862,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
834,
33803,
62,
14171,
6624,
4217,
44,
62,
39345,
34444,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
19119,
62,
85,
13059,
62,
992,
82,
62,
259,
62,
37390,
62,
25202,
62,
6679,
577,
62,
14171,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
2116,
13,
834,
562,
16747,
62,
14171,
6624,
9429,
44,
62,
50,
1677,
5258,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
21280,
62,
14171,
62,
28968,
15853,
18896,
7,
944,
13,
834,
17620,
62,
33565,
862,
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,
5298,
657,
393,
2195,
861,
295,
12331,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
260,
562,
570,
62,
17620,
62,
36311,
62,
17143,
7307,
7,
1640,
62,
13812,
62,
8807,
28,
25101,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
19119,
62,
17620,
62,
36311,
62,
37336,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
19119,
62,
7700,
62,
31943,
62,
992,
82,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
25927,
62,
260,
11249,
62,
13602,
72,
62,
8899,
3419,
628,
220,
220,
220,
825,
11593,
31943,
62,
1462,
62,
19545,
62,
952,
62,
14171,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
5012,
832,
262,
1695,
24418,
12881,
357,
818,
14,
7975,
11588,
1003,
13383,
14,
7004,
8,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
7266,
62,
14171,
62,
259,
62,
952,
62,
14171,
15853,
352,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
834,
7266,
62,
14171,
62,
259,
62,
952,
62,
14171,
1875,
9429,
44,
62,
9399,
62,
43,
11262,
62,
49058,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
7266,
62,
14171,
62,
259,
62,
952,
62,
14171,
796,
9429,
44,
62,
9399,
62,
39776,
2257,
62,
49058,
628,
220,
220,
220,
825,
11593,
260,
562,
570,
62,
17620,
62,
36311,
62,
8210,
1039,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
10133,
262,
6518,
22670,
3331,
62,
17620,
11677,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
329,
264,
287,
2116,
13,
834,
17620,
62,
33565,
862,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
264,
13,
2617,
62,
17796,
62,
392,
62,
17620,
62,
28968,
7,
944,
13,
834,
36311,
62,
28968,
22784,
2116,
13,
834,
1177,
62,
7783,
82,
11,
2116,
13,
834,
33479,
62,
11659,
62,
29373,
62,
273,
62,
2934,
33342,
8,
628,
220,
220,
220,
825,
11593,
260,
562,
570,
62,
17620,
62,
36311,
62,
17143,
7307,
7,
944,
11,
329,
62,
13812,
62,
8807,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
797,
49786,
477,
410,
12,
13059,
14,
69,
5067,
4613,
11507,
25815,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
3359,
62,
17143,
7307,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
329,
264,
287,
2116,
13,
834,
17620,
62,
33565,
862,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
410,
13059,
62,
17143,
796,
357,
14202,
11,
6045,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
28982,
62,
17143,
796,
357,
14202,
11,
6045,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
410,
13059,
62,
13812,
62,
14171,
796,
23342,
2394,
62,
26288,
31519,
62,
50,
2751,
2538,
62,
35,
2394,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
28982,
62,
13812,
62,
14171,
796,
23342,
2394,
62,
26288,
31519,
62,
50,
2751,
2538,
62,
35,
2394,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
834,
562,
16747,
62,
14171,
6624,
9429,
44,
62,
44558,
47,
1565,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
264,
13,
562,
3916,
62,
11659,
3419,
290,
264,
13,
562,
3916,
62,
11659,
22446,
10134,
62,
24051,
62,
22915,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
410,
13059,
62,
17143,
796,
357,
82,
13,
562,
3916,
62,
11659,
22446,
19816,
263,
62,
25202,
13,
6839,
768,
11,
705,
15730,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
410,
13059,
62,
13812,
62,
14171,
796,
23342,
2394,
62,
26288,
31519,
62,
33,
6684,
2257,
62,
34,
3843,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
28982,
62,
17143,
796,
357,
82,
13,
562,
3916,
62,
11659,
22446,
19816,
263,
62,
25202,
13,
29048,
11,
705,
31715,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
28982,
62,
13812,
62,
14171,
796,
23342,
2394,
62,
26288,
31519,
62,
18564,
2969,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
2116,
13,
834,
562,
16747,
62,
14171,
6624,
9429,
44,
62,
6489,
7340,
20913,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
410,
13059,
62,
17143,
796,
2116,
13,
834,
33803,
62,
17143,
2357,
7,
82,
13,
36311,
62,
9630,
22784,
264,
13,
25558,
62,
28968,
28955,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
410,
13059,
62,
13812,
62,
14171,
796,
23342,
2394,
62,
26288,
31519,
62,
18564,
2969,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
264,
13,
562,
3916,
62,
11659,
3419,
290,
264,
13,
562,
3916,
62,
11659,
22446,
10134,
62,
24051,
62,
22915,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
28982,
62,
17143,
796,
357,
82,
13,
562,
3916,
62,
11659,
22446,
19816,
263,
62,
25202,
13,
29048,
11,
705,
31715,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
28982,
62,
13812,
62,
14171,
796,
23342,
2394,
62,
26288,
31519,
62,
18564,
2969,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
2116,
13,
834,
562,
16747,
62,
14171,
6624,
9429,
44,
62,
50,
1677,
5258,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
410,
13059,
62,
17143,
796,
2116,
13,
834,
21280,
62,
17143,
2357,
7,
82,
13,
36311,
62,
9630,
22784,
264,
13,
25558,
62,
28968,
28955,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
410,
13059,
62,
13812,
62,
14171,
796,
23342,
2394,
62,
26288,
31519,
62,
18564,
2969,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
264,
13,
562,
3916,
62,
11659,
3419,
290,
264,
13,
562,
3916,
62,
11659,
22446,
10134,
62,
24051,
62,
22915,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
28982,
62,
17143,
796,
357,
82,
13,
562,
3916,
62,
11659,
22446,
19816,
263,
62,
25202,
13,
29048,
11,
705,
31715,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
28982,
62,
13812,
62,
14171,
796,
23342,
2394,
62,
26288,
31519,
62,
18564,
2969,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
2116,
13,
834,
562,
16747,
62,
14171,
6624,
9429,
44,
62,
9399,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
264,
13,
562,
3916,
62,
11659,
3419,
290,
264,
13,
562,
3916,
62,
11659,
22446,
10134,
62,
24051,
62,
22915,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
28982,
62,
17143,
796,
357,
82,
13,
562,
3916,
62,
11659,
22446,
19816,
263,
62,
25202,
13,
29048,
11,
705,
31715,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
834,
2704,
541,
290,
2116,
13,
834,
5171,
62,
2704,
541,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
834,
1092,
62,
6649,
1304,
62,
271,
62,
83,
30075,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3359,
62,
17143,
7307,
13,
33295,
7,
85,
13059,
62,
17143,
8,
198,
220,
220,
220,
220,
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,
220,
220,
220,
220,
3359,
62,
17143,
7307,
13,
33295,
7,
6649,
1304,
62,
17143,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
407,
329,
62,
13812,
62,
8807,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
264,
13,
2617,
62,
85,
62,
13059,
62,
17143,
2357,
7,
6649,
1304,
62,
17143,
58,
15,
4357,
28982,
62,
13812,
62,
14171,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
264,
13,
2617,
62,
69,
5067,
62,
17143,
2357,
7,
85,
13059,
62,
17143,
58,
15,
12962,
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,
611,
2116,
13,
834,
1092,
62,
6649,
1304,
62,
271,
62,
83,
30075,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3359,
62,
17143,
7307,
13,
33295,
7,
6649,
1304,
62,
17143,
8,
198,
220,
220,
220,
220,
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,
220,
220,
220,
220,
3359,
62,
17143,
7307,
13,
33295,
7,
85,
13059,
62,
17143,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
407,
329,
62,
13812,
62,
8807,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
264,
13,
2617,
62,
85,
62,
13059,
62,
17143,
2357,
7,
85,
13059,
62,
17143,
58,
15,
4357,
410,
13059,
62,
13812,
62,
14171,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
264,
13,
2617,
62,
69,
5067,
62,
17143,
2357,
7,
6649,
1304,
62,
17143,
58,
15,
12962,
628,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
12417,
62,
13812,
62,
36500,
13,
2617,
62,
17620,
62,
28968,
7,
944,
13,
834,
36311,
62,
28968,
28955,
198,
220,
220,
220,
220,
220,
220,
220,
611,
18896,
7,
13812,
62,
17143,
7307,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
12417,
62,
13812,
62,
36500,
13,
2617,
62,
17143,
7307,
7,
13812,
62,
17143,
7307,
8,
628,
220,
220,
220,
825,
11593,
39014,
62,
27231,
62,
14171,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
10133,
262,
16430,
4235,
287,
262,
11298,
290,
6518,
22670,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
9343,
796,
2116,
13,
834,
4164,
364,
62,
25616,
290,
2116,
13,
834,
562,
16747,
62,
14171,
318,
9429,
44,
62,
44558,
47,
1565,
198,
220,
220,
220,
220,
220,
220,
220,
329,
264,
287,
2116,
13,
834,
17620,
62,
33565,
862,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
264,
13,
21633,
62,
27231,
62,
14171,
7,
25616,
8,
628,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
12417,
62,
13812,
62,
36500,
13,
21633,
62,
4164,
364,
7,
25616,
8,
628,
220,
220,
220,
825,
11593,
44256,
62,
2704,
541,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
2039,
14,
48893,
569,
12,
25396,
1220,
376,
5067,
33097,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
834,
5171,
62,
2704,
541,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
2704,
541,
796,
407,
2116,
13,
834,
2704,
541,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
261,
62,
2704,
541,
62,
40985,
3419,
628,
220,
220,
220,
825,
11593,
44256,
62,
1177,
62,
7783,
82,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
34098,
611,
356,
765,
284,
1630,
262,
1441,
8339,
393,
3487,
8339,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
1177,
62,
7783,
82,
796,
407,
2116,
13,
834,
1177,
62,
7783,
82,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
19119,
62,
1177,
62,
7783,
82,
62,
14171,
3419,
628,
220,
220,
220,
825,
11593,
19119,
62,
562,
16747,
62,
14171,
62,
992,
82,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
5438,
543,
16237,
4235,
318,
3058,
4075,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
834,
562,
16747,
62,
14171,
6624,
9429,
44,
62,
9399,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9785,
62,
261,
62,
31943,
796,
311,
2389,
62,
10705,
16284,
10979,
62,
9399,
198,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
2116,
13,
834,
562,
16747,
62,
14171,
6624,
9429,
44,
62,
50,
1677,
5258,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9785,
62,
261,
62,
31943,
796,
311,
2389,
62,
10705,
16284,
10979,
62,
50,
1677,
5258,
198,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
2116,
13,
834,
562,
16747,
62,
14171,
6624,
9429,
44,
62,
44558,
47,
1565,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9785,
62,
261,
62,
31943,
796,
311,
2389,
62,
10705,
16284,
10979,
62,
47,
1565,
198,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
2116,
13,
834,
562,
16747,
62,
14171,
6624,
9429,
44,
62,
6489,
7340,
20913,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9785,
62,
261,
62,
31943,
796,
311,
2389,
62,
10705,
16284,
10979,
62,
6489,
7340,
62,
20913,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
657,
393,
2195,
861,
295,
12331,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9785,
62,
261,
62,
31943,
796,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
329,
264,
287,
357,
50,
2389,
62,
10705,
16284,
10979,
62,
9399,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
311,
2389,
62,
10705,
16284,
10979,
62,
50,
1677,
5258,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
311,
2389,
62,
10705,
16284,
10979,
62,
47,
1565,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
311,
2389,
62,
10705,
16284,
10979,
62,
6489,
7340,
62,
20913,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
264,
6624,
9785,
62,
261,
62,
31943,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
21280,
62,
13602,
72,
19510,
16580,
62,
1340,
62,
35744,
2937,
11,
264,
11,
21728,
11357,
62,
44724,
62,
1340,
4008,
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,
2116,
13,
21280,
62,
13602,
72,
19510,
16580,
62,
1340,
62,
35744,
2937,
11,
264,
11,
21728,
11357,
62,
44724,
62,
27977,
4008,
628,
220,
220,
220,
825,
11593,
19119,
62,
562,
16747,
62,
13812,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
15126,
1146,
6167,
262,
1459,
16237,
4235,
287,
262,
362,
10641,
3359,
2029,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
262,
16237,
12163,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
834,
562,
16747,
62,
14171,
6624,
9429,
44,
62,
44558,
47,
1565,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
840,
62,
8841,
796,
37250,
47,
3256,
705,
45,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
834,
562,
16747,
62,
14171,
6624,
9429,
44,
62,
6489,
7340,
20913,
393,
2116,
13,
834,
562,
16747,
62,
14171,
6624,
9429,
44,
62,
50,
1677,
5258,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
840,
62,
8841,
796,
2116,
13,
834,
12957,
62,
1078,
2317,
62,
34213,
62,
11659,
6624,
2116,
13,
34050,
22446,
9866,
62,
11659,
290,
37250,
44,
3256,
705,
32,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
256,
287,
2116,
13,
34050,
22446,
7783,
62,
46074,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
256,
6624,
2116,
13,
834,
12957,
62,
1078,
2317,
62,
34213,
62,
11659,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
840,
62,
8841,
796,
37250,
49,
3256,
442,
81,
7,
585,
10786,
32,
11537,
1343,
1351,
7,
944,
13,
34050,
22446,
7783,
62,
46074,
737,
9630,
7,
83,
4008,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2270,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
256,
287,
2116,
13,
34050,
22446,
23504,
62,
46074,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
256,
6624,
2116,
13,
834,
12957,
62,
1078,
2317,
62,
34213,
62,
11659,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
840,
62,
8841,
796,
1351,
10786,
7225,
17,
67,
6,
4064,
949,
7,
2079,
11,
1351,
7,
944,
13,
34050,
22446,
23504,
62,
46074,
737,
9630,
7,
83,
8,
1343,
352,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2270,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
407,
840,
62,
8841,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
2195,
861,
295,
12331,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
2116,
13,
834,
562,
16747,
62,
14171,
6624,
9429,
44,
62,
9399,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
834,
7266,
62,
14171,
62,
259,
62,
952,
62,
14171,
6624,
9429,
44,
62,
9399,
62,
49058,
62,
1268,
30076,
62,
5673,
1268,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
840,
62,
8841,
796,
37250,
40,
3256,
24018,
8973,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
2116,
13,
834,
7266,
62,
14171,
62,
259,
62,
952,
62,
14171,
6624,
9429,
44,
62,
9399,
62,
49058,
62,
1268,
30076,
62,
50,
10526,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
840,
62,
8841,
796,
37250,
40,
3256,
705,
4032,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
2116,
13,
834,
7266,
62,
14171,
62,
259,
62,
952,
62,
14171,
6624,
9429,
44,
62,
9399,
62,
49058,
62,
2606,
7250,
3843,
62,
5673,
1268,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
840,
62,
8841,
796,
37250,
15,
3256,
24018,
8973,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
2116,
13,
834,
7266,
62,
14171,
62,
259,
62,
952,
62,
14171,
6624,
9429,
44,
62,
9399,
62,
49058,
62,
2606,
7250,
3843,
62,
50,
10526,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
840,
62,
8841,
796,
37250,
15,
3256,
705,
4032,
60,
198,
220,
220,
220,
220,
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,
220,
220,
220,
220,
5298,
657,
393,
2195,
861,
295,
12331,
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,
5298,
657,
393,
2195,
861,
295,
12331,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
21280,
62,
13602,
72,
19510,
4093,
62,
35744,
2937,
11,
5441,
11,
308,
22,
62,
325,
70,
62,
992,
62,
42946,
62,
11487,
58,
562,
62,
8841,
58,
15,
11907,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
21280,
62,
13602,
72,
19510,
4093,
62,
35744,
2937,
11,
8915,
11,
308,
22,
62,
325,
70,
62,
992,
62,
42946,
62,
11487,
58,
562,
62,
8841,
58,
16,
11907,
4008,
628,
220,
220,
220,
825,
11593,
19119,
62,
7700,
62,
31943,
62,
992,
82,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
38350,
611,
262,
366,
47050,
1,
281,
366,
19545,
1,
12163,
460,
307,
12070,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
834,
5171,
62,
31943,
62,
1462,
62,
47050,
62,
7700,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
21280,
62,
13602,
72,
19510,
16580,
62,
1340,
62,
35744,
2937,
11,
311,
2389,
62,
10705,
16284,
10979,
62,
36,
48,
11,
21728,
11357,
62,
44724,
62,
1340,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
21280,
62,
13602,
72,
19510,
16580,
62,
1340,
62,
35744,
2937,
11,
311,
2389,
62,
10705,
16284,
10979,
62,
36,
48,
11,
21728,
11357,
62,
44724,
62,
27977,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
834,
5171,
62,
31943,
62,
1462,
62,
19545,
62,
7700,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
21280,
62,
13602,
72,
19510,
16580,
62,
1340,
62,
35744,
2937,
11,
311,
2389,
62,
10705,
16284,
10979,
62,
35,
40760,
2390,
2149,
11,
21728,
11357,
62,
44724,
62,
1340,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
21280,
62,
13602,
72,
19510,
16580,
62,
1340,
62,
35744,
2937,
11,
311,
2389,
62,
10705,
16284,
10979,
62,
35,
40760,
2390,
2149,
11,
21728,
11357,
62,
44724,
62,
27977,
4008,
628,
220,
220,
220,
825,
11593,
19119,
62,
85,
13059,
62,
992,
82,
62,
259,
62,
37390,
62,
25202,
62,
6679,
577,
62,
14171,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
1675,
307,
1444,
287,
16237,
4235,
9429,
44,
62,
6489,
7340,
20913,
11,
850,
14171,
4217,
44,
62,
39345,
34444,
691,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
770,
481,
19128,
268,
477,
1787,
444,
543,
460,
307,
12070,
284,
3853,
257,
3335,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
12857,
11,
290,
555,
2971,
477,
1787,
444,
810,
12273,
481,
423,
645,
1245,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
5298,
2116,
13,
834,
562,
16747,
62,
14171,
6624,
9429,
44,
62,
6489,
7340,
20913,
393,
2195,
861,
295,
12331,
198,
220,
220,
220,
220,
220,
220,
220,
5298,
2116,
13,
834,
33803,
62,
14171,
6624,
4217,
44,
62,
39345,
34444,
393,
2195,
861,
295,
12331,
198,
220,
220,
220,
220,
220,
220,
220,
384,
75,
62,
11659,
796,
2116,
13,
34050,
22446,
1177,
13,
34213,
62,
11659,
198,
220,
220,
220,
220,
220,
220,
220,
954,
796,
657,
198,
220,
220,
220,
220,
220,
220,
220,
329,
264,
287,
2116,
13,
834,
17620,
62,
33565,
862,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11677,
796,
2116,
13,
834,
33803,
62,
14171,
62,
8210,
1039,
58,
944,
13,
834,
33803,
62,
14171,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
384,
75,
62,
11659,
290,
11677,
1343,
954,
18189,
657,
290,
11677,
1343,
954,
1279,
18896,
7,
741,
62,
11659,
13,
42034,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
264,
13,
12860,
62,
12853,
62,
268,
2971,
276,
62,
79,
5092,
3419,
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,
264,
13,
403,
2971,
62,
85,
13059,
62,
992,
82,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
954,
15853,
352,
628,
220,
220,
220,
825,
11593,
19119,
62,
17620,
62,
36311,
62,
37336,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
554,
24418,
4235,
11,
2824,
477,
13042,
326,
481,
307,
7424,
287,
262,
1388,
3359,
14500,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
611,
407,
2116,
13,
834,
1092,
62,
6649,
1304,
62,
271,
62,
83,
30075,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
834,
562,
16747,
62,
14171,
6624,
9429,
44,
62,
9399,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6670,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
264,
287,
2116,
13,
834,
17620,
62,
33565,
862,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
834,
81,
13660,
62,
16793,
7,
82,
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,
6670,
13,
33295,
7,
944,
13,
834,
81,
13660,
62,
16793,
7,
82,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
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,
220,
220,
220,
220,
220,
220,
220,
220,
6670,
13,
33295,
7,
7061,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
12417,
62,
13812,
62,
36500,
13,
2617,
62,
17620,
62,
36311,
62,
37336,
7,
83,
853,
1039,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
2116,
13,
834,
562,
16747,
62,
14171,
6624,
9429,
44,
62,
6489,
7340,
20913,
290,
2116,
13,
834,
33803,
62,
14171,
6624,
4217,
44,
62,
39345,
34444,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
13877,
287,
2116,
13,
834,
13812,
276,
62,
37390,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
13877,
14512,
6045,
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,
13877,
13,
28956,
62,
3672,
62,
4868,
877,
7,
944,
13,
834,
19119,
62,
33803,
62,
14933,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
13812,
276,
62,
37390,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
384,
75,
62,
11659,
796,
2116,
13,
34050,
22446,
1177,
13,
34213,
62,
11659,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
1312,
287,
2837,
7,
11925,
7,
944,
13,
834,
17620,
62,
33565,
862,
8,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3335,
62,
9630,
796,
1312,
1343,
2116,
13,
834,
33803,
62,
14171,
62,
8210,
1039,
58,
5662,
44,
62,
39345,
34444,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
3335,
62,
9630,
18189,
657,
290,
3335,
62,
9630,
1279,
18896,
7,
741,
62,
11659,
13,
42034,
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,
384,
75,
62,
11659,
13,
42034,
58,
25202,
62,
9630,
4083,
2860,
62,
3672,
62,
4868,
877,
7,
944,
13,
834,
19119,
62,
33803,
62,
14933,
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,
2116,
13,
834,
13812,
276,
62,
37390,
13,
33295,
7,
741,
62,
11659,
13,
42034,
58,
25202,
62,
9630,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
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,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
13812,
276,
62,
37390,
13,
33295,
7,
14202,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
19119,
62,
33803,
62,
14933,
3419,
628,
220,
220,
220,
825,
11593,
19119,
62,
1177,
62,
7783,
82,
62,
14171,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
10133,
262,
1630,
1441,
8339,
12365,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
834,
1177,
62,
7783,
82,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
21280,
62,
13602,
72,
19510,
16580,
62,
1340,
62,
35744,
2937,
11,
311,
2389,
62,
37,
2885,
1137,
33,
15154,
62,
24706,
11,
21728,
11357,
62,
44724,
62,
1340,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
21280,
62,
13602,
72,
19510,
16580,
62,
1340,
62,
35744,
2937,
11,
311,
2389,
62,
37,
2885,
1137,
33,
15154,
62,
24706,
11,
21728,
11357,
62,
44724,
62,
27977,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
12417,
62,
13812,
62,
36500,
13,
2617,
62,
12860,
62,
7783,
62,
11659,
62,
14933,
7,
944,
13,
834,
1177,
62,
7783,
82,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
260,
562,
570,
62,
17620,
62,
36311,
62,
8210,
1039,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
260,
562,
570,
62,
17620,
62,
36311,
62,
17143,
7307,
7,
1640,
62,
13812,
62,
8807,
28,
25101,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
25927,
62,
260,
11249,
62,
13602,
72,
62,
8899,
3419,
628,
220,
220,
220,
825,
11593,
261,
62,
34213,
62,
11659,
62,
40985,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
1892,
7483,
11,
1444,
355,
2582,
355,
262,
6163,
2610,
468,
3421,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
336,
796,
2116,
13,
834,
12957,
62,
1078,
2317,
62,
34213,
62,
11659,
198,
220,
220,
220,
220,
220,
220,
220,
611,
336,
290,
336,
13,
42034,
62,
10134,
62,
4868,
877,
7,
944,
13,
834,
261,
62,
34213,
62,
25202,
62,
7983,
62,
40985,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
336,
13,
28956,
62,
42034,
62,
4868,
877,
7,
944,
13,
834,
261,
62,
34213,
62,
25202,
62,
7983,
62,
40985,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
12957,
62,
1078,
2317,
62,
34213,
62,
11659,
796,
2116,
13,
34050,
22446,
1177,
13,
34213,
62,
11659,
198,
220,
220,
220,
220,
220,
220,
220,
336,
796,
2116,
13,
834,
12957,
62,
1078,
2317,
62,
34213,
62,
11659,
198,
220,
220,
220,
220,
220,
220,
220,
611,
336,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
336,
13,
2860,
62,
42034,
62,
4868,
877,
7,
944,
13,
834,
261,
62,
34213,
62,
25202,
62,
7983,
62,
40985,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
834,
562,
16747,
62,
14171,
6624,
9429,
44,
62,
6489,
7340,
20913,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
33803,
62,
14171,
62,
8210,
1039,
796,
685,
657,
329,
2124,
287,
2837,
7,
5662,
44,
62,
41359,
33365,
1546,
8,
2361,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
834,
354,
5233,
62,
33803,
14512,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
354,
5233,
62,
33803,
13,
28956,
62,
17143,
7307,
62,
4868,
877,
7,
944,
13,
834,
261,
62,
17143,
2357,
62,
4868,
62,
1659,
62,
354,
5233,
62,
33803,
62,
40985,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
354,
5233,
62,
33803,
796,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
24071,
62,
33803,
62,
17143,
7307,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
19119,
62,
562,
16747,
62,
13812,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
834,
33803,
62,
14171,
6624,
4217,
44,
62,
39345,
34444,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
19119,
62,
85,
13059,
62,
992,
82,
62,
259,
62,
37390,
62,
25202,
62,
6679,
577,
62,
14171,
3419,
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,
2116,
13,
834,
2617,
62,
33803,
62,
14171,
7,
5662,
44,
62,
39345,
34444,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
2116,
13,
834,
562,
16747,
62,
14171,
6624,
9429,
44,
62,
50,
1677,
5258,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
260,
562,
570,
62,
17620,
62,
36311,
62,
17143,
7307,
7,
1640,
62,
13812,
62,
8807,
28,
25101,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
19119,
62,
562,
16747,
62,
13812,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
25927,
62,
260,
11249,
62,
13602,
72,
62,
8899,
3419,
628,
220,
220,
220,
825,
11593,
261,
62,
2704,
541,
62,
40985,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
10133,
262,
14283,
4936,
12365,
618,
262,
14283,
4235,
3421,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
19119,
62,
2704,
541,
62,
992,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
834,
5171,
62,
2704,
541,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
19119,
62,
562,
16747,
62,
13812,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
260,
562,
570,
62,
17620,
62,
36311,
62,
17143,
7307,
7,
1640,
62,
13812,
62,
8807,
28,
25101,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
25927,
62,
260,
11249,
62,
13602,
72,
62,
8899,
3419,
628,
220,
220,
220,
825,
11593,
261,
62,
46074,
62,
29373,
62,
273,
62,
2934,
33342,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
1892,
7483,
11,
1444,
355,
2582,
355,
8339,
810,
2087,
11,
4615,
393,
3888,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
33479,
62,
11659,
62,
29373,
62,
273,
62,
2934,
33342,
796,
6407,
198,
220,
220,
220,
220,
220,
220,
220,
329,
256,
287,
6333,
7,
944,
13,
34050,
22446,
23504,
62,
46074,
11,
2116,
13,
34050,
22446,
7783,
62,
46074,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
407,
256,
13,
82,
14057,
62,
10134,
62,
4868,
877,
7,
944,
13,
834,
19119,
62,
81,
2507,
62,
82,
14057,
62,
992,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
256,
13,
2860,
62,
82,
14057,
62,
4868,
877,
7,
944,
13,
834,
19119,
62,
81,
2507,
62,
82,
14057,
62,
992,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
407,
256,
13,
10134,
62,
24051,
62,
22915,
62,
10134,
62,
4868,
877,
7,
944,
13,
834,
261,
62,
1092,
62,
46074,
62,
22915,
62,
4906,
62,
40985,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
256,
13,
2860,
62,
10134,
62,
24051,
62,
22915,
62,
4868,
877,
7,
944,
13,
834,
261,
62,
1092,
62,
46074,
62,
22915,
62,
4906,
62,
40985,
8,
628,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
834,
21280,
62,
14171,
62,
28968,
18189,
18896,
7,
944,
13,
34050,
22446,
7783,
62,
46074,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
21280,
62,
14171,
62,
28968,
796,
657,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
260,
562,
570,
62,
17620,
62,
36311,
62,
17143,
7307,
7,
1640,
62,
13812,
62,
8807,
28,
25101,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
19119,
62,
17620,
62,
36311,
62,
37336,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
834,
36311,
62,
28968,
3419,
1343,
18896,
7,
944,
13,
834,
17620,
62,
33565,
862,
8,
18189,
2116,
13,
834,
14401,
62,
22510,
62,
1659,
62,
46074,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
2617,
62,
17620,
62,
28968,
7,
9806,
7,
15,
11,
2116,
13,
834,
14401,
62,
22510,
62,
1659,
62,
46074,
3419,
532,
18896,
7,
944,
13,
834,
17620,
62,
33565,
862,
22305,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
260,
562,
570,
62,
17620,
62,
36311,
62,
17143,
7307,
7,
1640,
62,
13812,
62,
8807,
28,
25101,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
19119,
62,
17620,
62,
36311,
62,
37336,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
834,
562,
16747,
62,
14171,
6624,
9429,
44,
62,
50,
1677,
5258,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
19119,
62,
7700,
62,
31943,
62,
992,
82,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
5420,
3447,
62,
5219,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
12417,
62,
13812,
62,
36500,
13,
5420,
3447,
62,
5219,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
33479,
62,
11659,
62,
29373,
62,
273,
62,
2934,
33342,
796,
10352,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
25927,
62,
260,
11249,
62,
13602,
72,
62,
8899,
3419,
628,
220,
220,
220,
825,
11593,
261,
62,
1092,
62,
46074,
62,
22915,
62,
4906,
62,
40985,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
1444,
355,
2582,
355,
597,
3335,
6333,
468,
3421,
357,
42034,
810,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2087,
14,
2787,
2668,
14,
2032,
6320,
23029,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
834,
260,
562,
570,
62,
17620,
62,
36311,
62,
17143,
7307,
7,
1640,
62,
13812,
62,
8807,
28,
25101,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
25927,
62,
260,
11249,
62,
13602,
72,
62,
8899,
3419
] | 2.147581 | 13,125 |
nome = str(input('Digite o seu nome: '))
nom = nome.title()
print('Silva' in nom) | [
77,
462,
796,
965,
7,
15414,
10786,
19511,
578,
267,
384,
84,
299,
462,
25,
705,
4008,
198,
26601,
796,
299,
462,
13,
7839,
3419,
198,
4798,
10786,
15086,
6862,
6,
287,
4515,
8
] | 2.382353 | 34 |
print(insertionSort([55,3,2,5,6,75,4])) | [
201,
198,
201,
198,
201,
198,
4798,
7,
28463,
295,
42758,
26933,
2816,
11,
18,
11,
17,
11,
20,
11,
21,
11,
2425,
11,
19,
60,
4008
] | 1.666667 | 27 |
#!/usr/bin/env python3
# encoding: utf-8
#
# Copyright (c) 2010 Doug Hellmann. All rights reserved.
#
"""
"""
#end_pymotw_header
import argparse
parser = argparse.ArgumentParser()
group = parser.add_mutually_exclusive_group()
group.add_argument('-a', action='store_true')
group.add_argument('-b', action='store_true')
print(parser.parse_args())
| [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
18,
198,
2,
21004,
25,
3384,
69,
12,
23,
198,
2,
198,
2,
15069,
357,
66,
8,
3050,
15115,
5783,
9038,
13,
220,
1439,
2489,
10395,
13,
198,
2,
198,
37811,
198,
37811,
198,
198,
2,
437,
62,
79,
4948,
313,
86,
62,
25677,
198,
11748,
1822,
29572,
198,
198,
48610,
796,
1822,
29572,
13,
28100,
1713,
46677,
3419,
198,
198,
8094,
796,
30751,
13,
2860,
62,
21973,
935,
62,
41195,
62,
8094,
3419,
198,
8094,
13,
2860,
62,
49140,
10786,
12,
64,
3256,
2223,
11639,
8095,
62,
7942,
11537,
198,
8094,
13,
2860,
62,
49140,
10786,
12,
65,
3256,
2223,
11639,
8095,
62,
7942,
11537,
198,
198,
4798,
7,
48610,
13,
29572,
62,
22046,
28955,
198
] | 2.8 | 125 |
#!/usr/bin/env python3
# === IMPORTS ===
import logging
import os
from flask import Flask
from inovonics.cloud.datastore import InoRedis
from inovonics.cloud.oauth import InoOAuth2Provider, oauth_register_handlers
from inovonics.cloud.oauth import OAuthClients, OAuthClient, OAuthUsers, OAuthUser
# === GLOBALS ===
REDIS_HOST = os.getenv('REDIS_HOST', 'localhost')
REDIS_PORT = os.getenv('REDIS_PORT', 6379)
REDIS_DB = os.getenv('REDIS_DB', 0)
dstore = InoRedis(host=REDIS_HOST, port=REDIS_PORT, db=REDIS_DB)
app = Flask(__name__)
oauth = InoOAuth2Provider(app, dstore)
oauth_register_handlers(app, oauth, token_path='/oauth/token', revoke_path='/oauth/revoke')
# === FUNCTIONS ===
@app.before_first_request
@app.route('/')
@app.route('/protected/')
@oauth.require_oauth('protected')
# === CLASSES ===
# === MAIN ===
if __name__ == '__main__':
main()
| [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
18,
198,
198,
2,
24844,
30023,
33002,
24844,
198,
11748,
18931,
198,
11748,
28686,
198,
198,
6738,
42903,
1330,
46947,
198,
198,
6738,
287,
709,
38530,
13,
17721,
13,
19608,
459,
382,
1330,
554,
78,
7738,
271,
198,
6738,
287,
709,
38530,
13,
17721,
13,
12162,
1071,
1330,
554,
78,
23621,
1071,
17,
29495,
11,
267,
18439,
62,
30238,
62,
4993,
8116,
198,
198,
6738,
287,
709,
38530,
13,
17721,
13,
12162,
1071,
1330,
440,
30515,
2601,
2334,
11,
440,
30515,
11792,
11,
440,
30515,
14490,
11,
440,
30515,
12982,
198,
198,
2,
24844,
10188,
9864,
23333,
24844,
198,
22083,
1797,
62,
39,
10892,
796,
28686,
13,
1136,
24330,
10786,
22083,
1797,
62,
39,
10892,
3256,
705,
36750,
11537,
198,
22083,
1797,
62,
15490,
796,
28686,
13,
1136,
24330,
10786,
22083,
1797,
62,
15490,
3256,
718,
29088,
8,
198,
22083,
1797,
62,
11012,
796,
28686,
13,
1136,
24330,
10786,
22083,
1797,
62,
11012,
3256,
657,
8,
198,
198,
67,
8095,
796,
554,
78,
7738,
271,
7,
4774,
28,
22083,
1797,
62,
39,
10892,
11,
2493,
28,
22083,
1797,
62,
15490,
11,
20613,
28,
22083,
1797,
62,
11012,
8,
198,
198,
1324,
796,
46947,
7,
834,
3672,
834,
8,
198,
198,
12162,
1071,
796,
554,
78,
23621,
1071,
17,
29495,
7,
1324,
11,
288,
8095,
8,
198,
12162,
1071,
62,
30238,
62,
4993,
8116,
7,
1324,
11,
267,
18439,
11,
11241,
62,
6978,
11639,
14,
12162,
1071,
14,
30001,
3256,
39041,
62,
6978,
11639,
14,
12162,
1071,
14,
18218,
2088,
11537,
198,
198,
2,
24844,
29397,
4177,
11053,
24844,
198,
31,
1324,
13,
19052,
62,
11085,
62,
25927,
198,
198,
31,
1324,
13,
38629,
10786,
14,
11537,
198,
198,
31,
1324,
13,
38629,
10786,
14,
24326,
14,
11537,
198,
31,
12162,
1071,
13,
46115,
62,
12162,
1071,
10786,
24326,
11537,
198,
198,
2,
24844,
42715,
1546,
24844,
198,
198,
2,
24844,
8779,
1268,
24844,
198,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
198,
220,
220,
220,
1388,
3419,
198
] | 2.555882 | 340 |
from otree.api import Currency as c, currency_range
from . import views
from ._builtin import Bot
from .models import Constants
from otree.api import SubmissionMustFail
| [
6738,
267,
21048,
13,
15042,
1330,
20113,
355,
269,
11,
7395,
62,
9521,
198,
6738,
764,
1330,
5009,
198,
6738,
47540,
18780,
259,
1330,
18579,
198,
6738,
764,
27530,
1330,
4757,
1187,
198,
6738,
267,
21048,
13,
15042,
1330,
42641,
34320,
39044,
628,
628,
628
] | 3.866667 | 45 |
from transferfile import TransferFactory
from pathlib import Path
| [
6738,
4351,
7753,
1330,
20558,
22810,
198,
6738,
3108,
8019,
1330,
10644,
628
] | 5.153846 | 13 |
'''
Socket.IO server for testing
CLI:
python -m watchgod server.main [aiohttp|sanic|tornado|asgi]
Test results:
| connect | disconnect | event | background_task | Ctrl+C
---------+---------+------------+-------+-----------------|--------
aiohttp | O | O | O | X | O
sanic | O | O | O | X | O
tornado | O | O | O | O | O
asgi | O | O | O | ! | O
'''
import sys
from servers.aiohttp_server import main as aiohttp_main
from servers.asgi_server import main as asgi_main
from servers.sanic_server import main as sanic_main
from servers.tornado_server import main as tornado_main
if __name__ == '__main__':
main()
| [
7061,
6,
201,
198,
39105,
13,
9399,
4382,
329,
4856,
201,
198,
201,
198,
5097,
40,
25,
201,
198,
220,
21015,
532,
76,
2342,
25344,
4382,
13,
12417,
685,
64,
952,
4023,
91,
12807,
291,
91,
45910,
4533,
91,
292,
12397,
60,
201,
198,
201,
198,
14402,
2482,
25,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
930,
2018,
930,
22837,
930,
1785,
930,
4469,
62,
35943,
930,
19212,
10,
34,
201,
198,
220,
24200,
19529,
982,
19529,
10541,
10,
26866,
10,
1783,
22831,
982,
201,
198,
220,
220,
257,
952,
4023,
930,
220,
220,
220,
440,
220,
220,
220,
930,
220,
220,
220,
220,
440,
220,
220,
220,
220,
220,
930,
220,
220,
440,
220,
220,
930,
220,
220,
220,
220,
220,
220,
220,
1395,
220,
220,
220,
220,
220,
220,
220,
930,
220,
220,
440,
201,
198,
220,
220,
5336,
291,
220,
220,
930,
220,
220,
220,
440,
220,
220,
220,
930,
220,
220,
220,
220,
440,
220,
220,
220,
220,
220,
930,
220,
220,
440,
220,
220,
930,
220,
220,
220,
220,
220,
220,
220,
1395,
220,
220,
220,
220,
220,
220,
220,
930,
220,
220,
440,
201,
198,
220,
220,
33718,
930,
220,
220,
220,
440,
220,
220,
220,
930,
220,
220,
220,
220,
440,
220,
220,
220,
220,
220,
930,
220,
220,
440,
220,
220,
930,
220,
220,
220,
220,
220,
220,
220,
440,
220,
220,
220,
220,
220,
220,
220,
930,
220,
220,
440,
201,
198,
220,
220,
355,
12397,
220,
220,
220,
930,
220,
220,
220,
440,
220,
220,
220,
930,
220,
220,
220,
220,
440,
220,
220,
220,
220,
220,
930,
220,
220,
440,
220,
220,
930,
220,
220,
220,
220,
220,
220,
220,
5145,
220,
220,
220,
220,
220,
220,
220,
930,
220,
220,
440,
201,
198,
7061,
6,
201,
198,
201,
198,
11748,
25064,
201,
198,
201,
198,
6738,
9597,
13,
64,
952,
4023,
62,
15388,
1330,
1388,
355,
257,
952,
4023,
62,
12417,
201,
198,
6738,
9597,
13,
292,
12397,
62,
15388,
1330,
1388,
355,
355,
12397,
62,
12417,
201,
198,
6738,
9597,
13,
12807,
291,
62,
15388,
1330,
1388,
355,
5336,
291,
62,
12417,
201,
198,
6738,
9597,
13,
45910,
4533,
62,
15388,
1330,
1388,
355,
33718,
62,
12417,
201,
198,
201,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
201,
198,
220,
220,
220,
1388,
3419,
201,
198,
201,
198
] | 2.0375 | 400 |
import cv2
video_file_name = ""
if __name__ == '__main__':
FrameCapture(video_file_name)
| [
11748,
269,
85,
17,
220,
198,
198,
15588,
62,
7753,
62,
3672,
796,
13538,
198,
220,
220,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
220,
198,
220,
220,
220,
25184,
49630,
7,
15588,
62,
7753,
62,
3672,
8,
198
] | 2.302326 | 43 |
# Copyright 2016 Medical Research Council Harwell.
#
# 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.
#
#
# @author Neil Horner <[email protected]>
"""
TODO: don't duplicate the full array for each _get_* function
"""
import numpy as np
import os
import tempfile
from PIL import Image
from PyQt5 import QtCore
from vpv.common import read_image, get_stage_and_modality, error_dialog
from vpv.annotations.impc_xml import load_xml, get_annotator_id_and_date
from vpv.annotations.annotations_model import centre_stage_options, PROCEDURE_METADATA, ANNOTATION_DONE_METADATA_FILE
from .ImageVolume import ImageVolume
from .HeatmapVolume import HeatmapVolume
from .VectorVolume import VectorVolume
from .ImageSeriesVolume import ImageSeriesVolume
from .VirtualStackVolume import VirtualStackVolume
import yaml
class DataModel(QtCore.QObject):
"""
The model for our app
"""
data_changed_signal = QtCore.pyqtSignal()
updating_started_signal = QtCore.pyqtSignal()
updating_msg_signal = QtCore.pyqtSignal(str)
updating_finished_signal = QtCore.pyqtSignal()
def update_msg_slot(self, msg):
"""
Gets update messages from the different volume classes which are then propagated to the main window to display
a progress message
Parameters
----------
msg: str
progress message
"""
self.update_msg_signal.emit(msg)
def load_annotation(self, ann_path):
"""
Load annotations from an IMPC xml file.
Parameters
----------
ann_path: str
path to xml annotation file
Returns
-------
"""
# Load in data from xml
try:
centerID, pipeline, project, doe, ex_id, spec_id, proc_id, \
simple_and_series_params, procedure_metadata = load_xml(ann_path)
except IOError as e:
print("Cannot read xml file {}\n".format(ann_path, e))
error_dialog(None, 'File read error', "Problem reading annotaitons file\n{}".format(ann_path))
return
# try to find a corresponding procedure_metadata.yaml file
ann_dir = os.path.split(ann_path)[0]
procedure_metadata_file = os.path.join(ann_dir, PROCEDURE_METADATA)
if not os.path.isfile(procedure_metadata_file):
vol = None # Should also check if annotation options have been loaded
else:
vol_id = os.path.basename(ann_dir) # The annotation directory is the same name as the annotated volume
vol = self._volumes.get(vol_id)
if not vol:
return "Could not load annotation: {}. Not able to find loaded volume with same id".format(vol_id)
vol.annotations.clear()
# Get the dict that contains the available options for a given center/stage
annotation_date_param_id = get_annotator_id_and_date(proc_id)[1]
ann_date = [x[1] for x in procedure_metadata if x[0] == annotation_date_param_id]
ann_date = ann_date[0]
vol.annotations.annotation_date = ann_date
default_opts = centre_stage_options.opts
stage = get_stage_and_modality(proc_id, centerID)
######################################
# This all needs moving into Annotations
# Set the xml file path which is where it will get resaved to
vol.annotations.saved_xml_fname = ann_path
# Get all the simpleParameter entries form the xml file
for xml_param, xml_data in simple_and_series_params.items():
option = xml_data['option']
xyz = xml_data.get('xyz')
if xyz:
x, y, z = [int(i) for i in xyz]
else:
x = y = z = None
dims = vol.shape_xyz()
# Some of the data needed to create an annotation object is not recorded in the XML output
# So we need to load that from the center annotation options file
for center, default_data in default_opts['centers'].items():
if default_data['short_name'] == centerID:
params = default_data['procedures'][proc_id]['parameters']
for param_id, default_param_info in params.items():
if param_id == xml_param:
name = default_param_info['name']
options = default_opts['available_options'][
default_param_info['options']] # available options for this parameter
order = default_param_info['order']
is_mandatory = default_param_info['mandatory']
vol.annotations.add_impc_annotation(x, y, z, xml_param, name, options, option,
stage,
order, is_mandatory, dims)
vol.annotations._load_done_status()
# def load_annotation(self, ann_path):
# """
# Load annotations from an IMPC xml file.
#
# Parameters
# ----------
# ann_path: str
# path to xml annotation file
#
# Returns
# -------
#
# """
# # Load in data from xml
# centerID, pipeline, project, doe, ex_id, spec_id, proc_id, \
# simple_and_series_params, procedure_metadata = load_xml(ann_path)
#
# # try to find a corresponding procedure_metadata.yaml file
# ann_dir = os.path.split(ann_path)[0]
# procedure_metadata_file = os.path.join(ann_dir, PROCEDURE_METADATA)
# if not os.path.isfile(procedure_metadata_file):
# vol = None # Should also check if annotation options have been loaded
# else:
# vol_id = os.path.basename(ann_dir) # The annotation directory is the same name as the annotated volume
# vol = self._volumes.get(vol_id)
#
# if vol:
# # Get the dict that contains the available options for a given center/stage
# default_opts = centre_stage_options.opts
# stage = get_stage_from_proc_id(proc_id, centerID)
#
# # Get all the simpleParameter entries form the xml file
# for xml_param, xml_data in simple_and_series_params.items():
# option = xml_data['option']
# xyz = xml_data.get('xyz')
# if xyz:
# x, y, z = [int(i) for i in xyz]
# else:
# x = y = z = None
# dims = vol.shape_xyz()
#
# # Some of the data neded to crate an annotation object is not recorded in the XML output
# # So we need to load that from the center annotation options file
# for center, default_data in default_opts['centers'].items():
# if default_data['short_name'] == centerID:
# params = default_data['stages'][stage]['parameters']
#
# for param_id, default_param_info in params.items():
# if param_id == xml_param:
# name = default_param_info['name']
# options = default_opts['available_options'][default_param_info['options']]# available options for this parameter
# order = default_param_info['options']
# is_mandatory = default_param_info['mandatory']
#
# vol.annotations.add_impc_annotation(x, y, z, xml_param, name, options, option, stage,
# order, is_mandatory, dims)
#
# else:
# return "Could not load annotation: {}. Not able to find loaded volume with same id".format(vol_id)
# return None
def add_volume(self, volpath, data_type, memory_map, fdr_thresholds=False) -> str:
"""
Load a volume into a subclass of a Volume object
Parameters
----------
volpath: str
data_type: str
memory_map: bool
fdr_thresholds: fdict
q -> t statistic mappings
{0.01: 3.4,
0.05:, 3.1}
Returns
-------
unique id of loaded image
"""
if data_type != 'virtual_stack':
volpath = str(volpath)
n = os.path.basename(volpath)
unique_name = self.create_unique_name(n)
else:
n = os.path.basename(os.path.split(volpath[0])[0])
unique_name = self.create_unique_name(n)
if data_type == 'heatmap':
vol = HeatmapVolume(volpath, self, 'heatmap')
if fdr_thresholds or fdr_thresholds is None:
vol.fdr_thresholds = fdr_thresholds
vol.name = unique_name
self._data[vol.name] = vol
elif data_type == 'vol':
vol = ImageVolume(volpath, self, 'volume', memory_map)
vol.name = unique_name
self._volumes[vol.name] = vol
elif data_type == 'virtual_stack':
vol = VirtualStackVolume(volpath, self, 'virtual_stack', memory_map)
vol.name = unique_name
self._volumes[vol.name] = vol
elif data_type == 'vector':
vol = VectorVolume(volpath, self, 'vector')
vol.name = unique_name
self._vectors[vol.name] = vol
self.id_counter += 1
self.data_changed_signal.emit()
return unique_name
def create_unique_name(self, name):
"""
Create a unique name for each volume. If it already exists, append a digit in a bracket to it
:param name:
:return:
"""
name = os.path.splitext(name)[0]
if name not in self._volumes and name not in self._data and name not in self._vectors:
return name
else:
for i in range(1, 100):
new_name = '{}({})'.format(name, i)
if new_name not in self._volumes and new_name not in self._data:
return new_name
def write_temporary_annotations_metadata(self):
"""
Returns
-------
"""
from os.path import join
for id_, vol in self._volumes.items():
if vol.annotations.annotation_dir:
# Check for previous done list
done_file = join(vol.annotations.annotation_dir, ANNOTATION_DONE_METADATA_FILE)
done_status = {}
for ann in vol.annotations:
done_status[ann.term] = ann.looked_at
with open(done_file, 'w') as fh:
fh.write(yaml.dump(done_status))
| [
2,
15069,
1584,
8366,
4992,
4281,
2113,
4053,
13,
198,
2,
198,
2,
49962,
739,
262,
24843,
13789,
11,
10628,
362,
13,
15,
357,
1169,
366,
34156,
15341,
198,
2,
345,
743,
407,
779,
428,
2393,
2845,
287,
11846,
351,
262,
13789,
13,
198,
2,
921,
743,
7330,
257,
4866,
286,
262,
13789,
379,
198,
2,
198,
2,
220,
220,
220,
220,
220,
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,
2,
198,
2,
2488,
9800,
15929,
6075,
1008,
1279,
77,
13,
17899,
1008,
31,
9869,
13,
76,
6015,
13,
330,
13,
2724,
29,
198,
198,
37811,
198,
51,
3727,
46,
25,
836,
470,
23418,
262,
1336,
7177,
329,
1123,
4808,
1136,
62,
9,
2163,
198,
37811,
198,
11748,
299,
32152,
355,
45941,
198,
11748,
28686,
198,
11748,
20218,
7753,
198,
6738,
350,
4146,
1330,
7412,
198,
6738,
9485,
48,
83,
20,
1330,
33734,
14055,
198,
6738,
410,
79,
85,
13,
11321,
1330,
1100,
62,
9060,
11,
651,
62,
14247,
62,
392,
62,
4666,
1483,
11,
4049,
62,
38969,
519,
198,
6738,
410,
79,
85,
13,
34574,
602,
13,
11011,
66,
62,
19875,
1330,
3440,
62,
19875,
11,
651,
62,
34574,
1352,
62,
312,
62,
392,
62,
4475,
198,
6738,
410,
79,
85,
13,
34574,
602,
13,
34574,
602,
62,
19849,
1330,
7372,
62,
14247,
62,
25811,
11,
41755,
1961,
11335,
62,
47123,
2885,
13563,
11,
3537,
11929,
6234,
62,
35,
11651,
62,
47123,
2885,
13563,
62,
25664,
198,
198,
6738,
764,
5159,
31715,
1330,
7412,
31715,
198,
6738,
764,
39596,
8899,
31715,
1330,
12308,
8899,
31715,
198,
6738,
764,
38469,
31715,
1330,
20650,
31715,
198,
6738,
764,
5159,
27996,
31715,
1330,
7412,
27996,
31715,
198,
6738,
764,
37725,
25896,
31715,
1330,
15595,
25896,
31715,
198,
11748,
331,
43695,
628,
198,
198,
4871,
6060,
17633,
7,
48,
83,
14055,
13,
48,
10267,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
383,
2746,
329,
674,
598,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1366,
62,
40985,
62,
12683,
282,
796,
33734,
14055,
13,
9078,
39568,
11712,
282,
3419,
198,
220,
220,
220,
19698,
62,
46981,
62,
12683,
282,
796,
33734,
14055,
13,
9078,
39568,
11712,
282,
3419,
198,
220,
220,
220,
19698,
62,
19662,
62,
12683,
282,
796,
33734,
14055,
13,
9078,
39568,
11712,
282,
7,
2536,
8,
198,
220,
220,
220,
19698,
62,
43952,
62,
12683,
282,
796,
33734,
14055,
13,
9078,
39568,
11712,
282,
3419,
628,
220,
220,
220,
825,
4296,
62,
19662,
62,
43384,
7,
944,
11,
31456,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
29620,
4296,
6218,
422,
262,
1180,
6115,
6097,
543,
389,
788,
8928,
515,
284,
262,
1388,
4324,
284,
3359,
198,
220,
220,
220,
220,
220,
220,
220,
257,
4371,
3275,
628,
220,
220,
220,
220,
220,
220,
220,
40117,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
220,
220,
220,
220,
31456,
25,
965,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4371,
3275,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
19119,
62,
19662,
62,
12683,
282,
13,
368,
270,
7,
19662,
8,
628,
220,
220,
220,
825,
3440,
62,
1236,
14221,
7,
944,
11,
1529,
62,
6978,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
8778,
37647,
422,
281,
8959,
5662,
35555,
2393,
13,
628,
220,
220,
220,
220,
220,
220,
220,
40117,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
220,
220,
220,
220,
1529,
62,
6978,
25,
965,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3108,
284,
35555,
23025,
2393,
628,
220,
220,
220,
220,
220,
220,
220,
16409,
198,
220,
220,
220,
220,
220,
220,
220,
35656,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
8778,
287,
1366,
422,
35555,
198,
220,
220,
220,
220,
220,
220,
220,
1949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3641,
2389,
11,
11523,
11,
1628,
11,
466,
68,
11,
409,
62,
312,
11,
1020,
62,
312,
11,
13834,
62,
312,
11,
3467,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2829,
62,
392,
62,
25076,
62,
37266,
11,
8771,
62,
38993,
796,
3440,
62,
19875,
7,
1236,
62,
6978,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2845,
24418,
12331,
355,
304,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
7203,
34,
34574,
1100,
35555,
2393,
23884,
59,
77,
1911,
18982,
7,
1236,
62,
6978,
11,
304,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4049,
62,
38969,
519,
7,
14202,
11,
705,
8979,
1100,
4049,
3256,
366,
40781,
3555,
1529,
4265,
270,
684,
2393,
59,
77,
90,
92,
1911,
18982,
7,
1236,
62,
6978,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
1949,
284,
1064,
257,
11188,
8771,
62,
38993,
13,
88,
43695,
2393,
198,
220,
220,
220,
220,
220,
220,
220,
1529,
62,
15908,
796,
28686,
13,
6978,
13,
35312,
7,
1236,
62,
6978,
38381,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
8771,
62,
38993,
62,
7753,
796,
28686,
13,
6978,
13,
22179,
7,
1236,
62,
15908,
11,
41755,
1961,
11335,
62,
47123,
2885,
13563,
8,
628,
220,
220,
220,
220,
220,
220,
220,
611,
407,
28686,
13,
6978,
13,
4468,
576,
7,
1676,
771,
495,
62,
38993,
62,
7753,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2322,
796,
6045,
220,
1303,
10358,
635,
2198,
611,
23025,
3689,
423,
587,
9639,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2322,
62,
312,
796,
28686,
13,
6978,
13,
12093,
12453,
7,
1236,
62,
15908,
8,
220,
1303,
383,
23025,
8619,
318,
262,
976,
1438,
355,
262,
24708,
515,
6115,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2322,
796,
2116,
13557,
10396,
8139,
13,
1136,
7,
10396,
62,
312,
8,
628,
220,
220,
220,
220,
220,
220,
220,
611,
407,
2322,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
366,
23722,
407,
3440,
23025,
25,
23884,
13,
1892,
1498,
284,
1064,
9639,
6115,
351,
976,
4686,
1911,
18982,
7,
10396,
62,
312,
8,
628,
220,
220,
220,
220,
220,
220,
220,
2322,
13,
34574,
602,
13,
20063,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
3497,
262,
8633,
326,
4909,
262,
1695,
3689,
329,
257,
1813,
3641,
14,
14247,
198,
220,
220,
220,
220,
220,
220,
220,
23025,
62,
4475,
62,
17143,
62,
312,
796,
651,
62,
34574,
1352,
62,
312,
62,
392,
62,
4475,
7,
36942,
62,
312,
38381,
16,
60,
198,
220,
220,
220,
220,
220,
220,
220,
1529,
62,
4475,
796,
685,
87,
58,
16,
60,
329,
2124,
287,
8771,
62,
38993,
611,
2124,
58,
15,
60,
6624,
23025,
62,
4475,
62,
17143,
62,
312,
60,
198,
220,
220,
220,
220,
220,
220,
220,
1529,
62,
4475,
796,
1529,
62,
4475,
58,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
2322,
13,
34574,
602,
13,
1236,
14221,
62,
4475,
796,
1529,
62,
4475,
628,
220,
220,
220,
220,
220,
220,
220,
4277,
62,
404,
912,
796,
7372,
62,
14247,
62,
25811,
13,
404,
912,
198,
220,
220,
220,
220,
220,
220,
220,
3800,
796,
651,
62,
14247,
62,
392,
62,
4666,
1483,
7,
36942,
62,
312,
11,
3641,
2389,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
29113,
4242,
2,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
770,
477,
2476,
3867,
656,
47939,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
5345,
262,
35555,
2393,
3108,
543,
318,
810,
340,
481,
651,
581,
9586,
284,
198,
220,
220,
220,
220,
220,
220,
220,
2322,
13,
34574,
602,
13,
82,
9586,
62,
19875,
62,
69,
3672,
796,
1529,
62,
6978,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
3497,
477,
262,
2829,
36301,
12784,
1296,
262,
35555,
2393,
198,
220,
220,
220,
220,
220,
220,
220,
329,
35555,
62,
17143,
11,
35555,
62,
7890,
287,
2829,
62,
392,
62,
25076,
62,
37266,
13,
23814,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3038,
796,
35555,
62,
7890,
17816,
18076,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2124,
45579,
796,
35555,
62,
7890,
13,
1136,
10786,
5431,
89,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2124,
45579,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2124,
11,
331,
11,
1976,
796,
685,
600,
7,
72,
8,
329,
1312,
287,
2124,
45579,
60,
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,
2124,
796,
331,
796,
1976,
796,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5391,
82,
796,
2322,
13,
43358,
62,
5431,
89,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
2773,
286,
262,
1366,
2622,
284,
2251,
281,
23025,
2134,
318,
407,
6264,
287,
262,
23735,
5072,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
1406,
356,
761,
284,
3440,
326,
422,
262,
3641,
23025,
3689,
2393,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
3641,
11,
4277,
62,
7890,
287,
4277,
62,
404,
912,
17816,
1087,
364,
6,
4083,
23814,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
4277,
62,
7890,
17816,
19509,
62,
3672,
20520,
6624,
3641,
2389,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
42287,
796,
4277,
62,
7890,
17816,
1676,
771,
942,
6,
7131,
36942,
62,
312,
7131,
6,
17143,
7307,
20520,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
5772,
62,
312,
11,
4277,
62,
17143,
62,
10951,
287,
42287,
13,
23814,
33529,
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,
5772,
62,
312,
6624,
35555,
62,
17143,
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,
220,
220,
220,
220,
1438,
796,
4277,
62,
17143,
62,
10951,
17816,
3672,
20520,
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,
3689,
796,
4277,
62,
404,
912,
17816,
15182,
62,
25811,
6,
7131,
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,
4277,
62,
17143,
62,
10951,
17816,
25811,
6,
11907,
220,
1303,
1695,
3689,
329,
428,
11507,
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,
1502,
796,
4277,
62,
17143,
62,
10951,
17816,
2875,
20520,
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,
318,
62,
22249,
2870,
796,
4277,
62,
17143,
62,
10951,
17816,
22249,
2870,
20520,
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,
2322,
13,
34574,
602,
13,
2860,
62,
11011,
66,
62,
1236,
14221,
7,
87,
11,
331,
11,
1976,
11,
35555,
62,
17143,
11,
1438,
11,
3689,
11,
3038,
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,
3800,
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,
1502,
11,
318,
62,
22249,
2870,
11,
5391,
82,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2322,
13,
34574,
602,
13557,
2220,
62,
28060,
62,
13376,
3419,
628,
628,
220,
220,
220,
1303,
825,
3440,
62,
1236,
14221,
7,
944,
11,
1529,
62,
6978,
2599,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
8778,
37647,
422,
281,
8959,
5662,
35555,
2393,
13,
198,
220,
220,
220,
1303,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
40117,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
1529,
62,
6978,
25,
965,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
220,
220,
220,
220,
3108,
284,
35555,
23025,
2393,
198,
220,
220,
220,
1303,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
16409,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
35656,
198,
220,
220,
220,
1303,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
1303,
8778,
287,
1366,
422,
35555,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
3641,
2389,
11,
11523,
11,
1628,
11,
466,
68,
11,
409,
62,
312,
11,
1020,
62,
312,
11,
13834,
62,
312,
11,
3467,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
2829,
62,
392,
62,
25076,
62,
37266,
11,
8771,
62,
38993,
796,
3440,
62,
19875,
7,
1236,
62,
6978,
8,
198,
220,
220,
220,
1303,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
1303,
1949,
284,
1064,
257,
11188,
8771,
62,
38993,
13,
88,
43695,
2393,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
1529,
62,
15908,
796,
28686,
13,
6978,
13,
35312,
7,
1236,
62,
6978,
38381,
15,
60,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
8771,
62,
38993,
62,
7753,
796,
28686,
13,
6978,
13,
22179,
7,
1236,
62,
15908,
11,
41755,
1961,
11335,
62,
47123,
2885,
13563,
8,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
611,
407,
28686,
13,
6978,
13,
4468,
576,
7,
1676,
771,
495,
62,
38993,
62,
7753,
2599,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
220,
220,
220,
220,
2322,
796,
6045,
220,
1303,
10358,
635,
2198,
611,
23025,
3689,
423,
587,
9639,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
220,
220,
220,
220,
2322,
62,
312,
796,
28686,
13,
6978,
13,
12093,
12453,
7,
1236,
62,
15908,
8,
1303,
383,
23025,
8619,
318,
262,
976,
1438,
355,
262,
24708,
515,
6115,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
220,
220,
220,
220,
2322,
796,
2116,
13557,
10396,
8139,
13,
1136,
7,
10396,
62,
312,
8,
198,
220,
220,
220,
1303,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
611,
2322,
25,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
3497,
262,
8633,
326,
4909,
262,
1695,
3689,
329,
257,
1813,
3641,
14,
14247,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
220,
220,
220,
220,
4277,
62,
404,
912,
796,
7372,
62,
14247,
62,
25811,
13,
404,
912,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
220,
220,
220,
220,
3800,
796,
651,
62,
14247,
62,
6738,
62,
36942,
62,
312,
7,
36942,
62,
312,
11,
3641,
2389,
8,
198,
220,
220,
220,
1303,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
3497,
477,
262,
2829,
36301,
12784,
1296,
262,
35555,
2393,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
220,
220,
220,
220,
329,
35555,
62,
17143,
11,
35555,
62,
7890,
287,
2829,
62,
392,
62,
25076,
62,
37266,
13,
23814,
33529,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3038,
796,
35555,
62,
7890,
17816,
18076,
20520,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2124,
45579,
796,
35555,
62,
7890,
13,
1136,
10786,
5431,
89,
11537,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2124,
45579,
25,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2124,
11,
331,
11,
1976,
796,
685,
600,
7,
72,
8,
329,
1312,
287,
2124,
45579,
60,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2124,
796,
331,
796,
1976,
796,
6045,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5391,
82,
796,
2322,
13,
43358,
62,
5431,
89,
3419,
198,
220,
220,
220,
1303,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
2773,
286,
262,
1366,
299,
15395,
284,
27021,
281,
23025,
2134,
318,
407,
6264,
287,
262,
23735,
5072,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
1406,
356,
761,
284,
3440,
326,
422,
262,
3641,
23025,
3689,
2393,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
3641,
11,
4277,
62,
7890,
287,
4277,
62,
404,
912,
17816,
1087,
364,
6,
4083,
23814,
33529,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
4277,
62,
7890,
17816,
19509,
62,
3672,
20520,
6624,
3641,
2389,
25,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
42287,
796,
4277,
62,
7890,
17816,
301,
1095,
6,
7131,
14247,
7131,
6,
17143,
7307,
20520,
198,
220,
220,
220,
1303,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
5772,
62,
312,
11,
4277,
62,
17143,
62,
10951,
287,
42287,
13,
23814,
33529,
198,
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,
611,
5772,
62,
312,
6624,
35555,
62,
17143,
25,
198,
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,
220,
220,
1438,
796,
4277,
62,
17143,
62,
10951,
17816,
3672,
20520,
198,
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,
220,
220,
3689,
796,
4277,
62,
404,
912,
17816,
15182,
62,
25811,
6,
7131,
12286,
62,
17143,
62,
10951,
17816,
25811,
6,
11907,
2,
1695,
3689,
329,
428,
11507,
198,
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,
220,
220,
1502,
796,
4277,
62,
17143,
62,
10951,
17816,
25811,
20520,
198,
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,
220,
220,
318,
62,
22249,
2870,
796,
4277,
62,
17143,
62,
10951,
17816,
22249,
2870,
20520,
198,
220,
220,
220,
1303,
198,
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,
220,
220,
2322,
13,
34574,
602,
13,
2860,
62,
11011,
66,
62,
1236,
14221,
7,
87,
11,
331,
11,
1976,
11,
35555,
62,
17143,
11,
1438,
11,
3689,
11,
3038,
11,
3800,
11,
198,
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,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1502,
11,
318,
62,
22249,
2870,
11,
5391,
82,
8,
198,
220,
220,
220,
1303,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
366,
23722,
407,
3440,
23025,
25,
23884,
13,
1892,
1498,
284,
1064,
9639,
6115,
351,
976,
4686,
1911,
18982,
7,
10396,
62,
312,
8,
198,
220,
220,
220,
1303,
220,
220,
220,
220,
1441,
6045,
628,
220,
220,
220,
825,
751,
62,
29048,
7,
944,
11,
2322,
6978,
11,
1366,
62,
4906,
11,
4088,
62,
8899,
11,
277,
7109,
62,
400,
10126,
82,
28,
25101,
8,
4613,
965,
25,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
8778,
257,
6115,
656,
257,
47611,
286,
257,
14701,
2134,
628,
220,
220,
220,
220,
220,
220,
220,
40117,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
220,
220,
220,
220,
2322,
6978,
25,
965,
198,
220,
220,
220,
220,
220,
220,
220,
1366,
62,
4906,
25,
965,
198,
220,
220,
220,
220,
220,
220,
220,
4088,
62,
8899,
25,
20512,
198,
220,
220,
220,
220,
220,
220,
220,
277,
7109,
62,
400,
10126,
82,
25,
277,
11600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
10662,
4613,
256,
24696,
285,
39242,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1391,
15,
13,
486,
25,
513,
13,
19,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
657,
13,
2713,
45299,
513,
13,
16,
92,
628,
220,
220,
220,
220,
220,
220,
220,
16409,
198,
220,
220,
220,
220,
220,
220,
220,
35656,
198,
220,
220,
220,
220,
220,
220,
220,
3748,
4686,
286,
9639,
2939,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
611,
1366,
62,
4906,
14512,
705,
32844,
62,
25558,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2322,
6978,
796,
965,
7,
10396,
6978,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
299,
796,
28686,
13,
6978,
13,
12093,
12453,
7,
10396,
6978,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3748,
62,
3672,
796,
2116,
13,
17953,
62,
34642,
62,
3672,
7,
77,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
299,
796,
28686,
13,
6978,
13,
12093,
12453,
7,
418,
13,
6978,
13,
35312,
7,
10396,
6978,
58,
15,
12962,
58,
15,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3748,
62,
3672,
796,
2116,
13,
17953,
62,
34642,
62,
3672,
7,
77,
8,
628,
220,
220,
220,
220,
220,
220,
220,
611,
1366,
62,
4906,
6624,
705,
25080,
8899,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2322,
796,
12308,
8899,
31715,
7,
10396,
6978,
11,
2116,
11,
705,
25080,
8899,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
277,
7109,
62,
400,
10126,
82,
393,
277,
7109,
62,
400,
10126,
82,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2322,
13,
69,
7109,
62,
400,
10126,
82,
796,
277,
7109,
62,
400,
10126,
82,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2322,
13,
3672,
796,
3748,
62,
3672,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
7890,
58,
10396,
13,
3672,
60,
796,
2322,
198,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
1366,
62,
4906,
6624,
705,
10396,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2322,
796,
7412,
31715,
7,
10396,
6978,
11,
2116,
11,
705,
29048,
3256,
4088,
62,
8899,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2322,
13,
3672,
796,
3748,
62,
3672,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
10396,
8139,
58,
10396,
13,
3672,
60,
796,
2322,
198,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
1366,
62,
4906,
6624,
705,
32844,
62,
25558,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2322,
796,
15595,
25896,
31715,
7,
10396,
6978,
11,
2116,
11,
705,
32844,
62,
25558,
3256,
4088,
62,
8899,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2322,
13,
3672,
796,
3748,
62,
3672,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
10396,
8139,
58,
10396,
13,
3672,
60,
796,
2322,
198,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
1366,
62,
4906,
6624,
705,
31364,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2322,
796,
20650,
31715,
7,
10396,
6978,
11,
2116,
11,
705,
31364,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2322,
13,
3672,
796,
3748,
62,
3672,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
303,
5217,
58,
10396,
13,
3672,
60,
796,
2322,
628,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
312,
62,
24588,
15853,
352,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
7890,
62,
40985,
62,
12683,
282,
13,
368,
270,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
3748,
62,
3672,
628,
220,
220,
220,
825,
2251,
62,
34642,
62,
3672,
7,
944,
11,
1438,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
13610,
257,
3748,
1438,
329,
1123,
6115,
13,
1002,
340,
1541,
7160,
11,
24443,
257,
16839,
287,
257,
19096,
284,
340,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
1438,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
7783,
25,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1438,
796,
28686,
13,
6978,
13,
22018,
578,
742,
7,
3672,
38381,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
611,
1438,
407,
287,
2116,
13557,
10396,
8139,
290,
1438,
407,
287,
2116,
13557,
7890,
290,
1438,
407,
287,
2116,
13557,
303,
5217,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
1438,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
1312,
287,
2837,
7,
16,
11,
1802,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
3672,
796,
705,
90,
92,
15090,
30072,
4458,
18982,
7,
3672,
11,
1312,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
649,
62,
3672,
407,
287,
2116,
13557,
10396,
8139,
290,
649,
62,
3672,
407,
287,
2116,
13557,
7890,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
649,
62,
3672,
628,
220,
220,
220,
825,
3551,
62,
11498,
5551,
62,
34574,
602,
62,
38993,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
16409,
198,
220,
220,
220,
220,
220,
220,
220,
35656,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
422,
28686,
13,
6978,
1330,
4654,
198,
220,
220,
220,
220,
220,
220,
220,
329,
4686,
62,
11,
2322,
287,
2116,
13557,
10396,
8139,
13,
23814,
33529,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2322,
13,
34574,
602,
13,
1236,
14221,
62,
15908,
25,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
6822,
329,
2180,
1760,
1351,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1760,
62,
7753,
796,
4654,
7,
10396,
13,
34574,
602,
13,
1236,
14221,
62,
15908,
11,
3537,
11929,
6234,
62,
35,
11651,
62,
47123,
2885,
13563,
62,
25664,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1760,
62,
13376,
796,
23884,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
1529,
287,
2322,
13,
34574,
602,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1760,
62,
13376,
58,
1236,
13,
4354,
60,
796,
1529,
13,
5460,
276,
62,
265,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
351,
1280,
7,
28060,
62,
7753,
11,
705,
86,
11537,
355,
277,
71,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
277,
71,
13,
13564,
7,
88,
43695,
13,
39455,
7,
28060,
62,
13376,
4008,
198
] | 2.176957 | 5,199 |
# Copyright (c) 2001-2004 Twisted Matrix Laboratories.
# See LICENSE for details.
#
# Maintainer: Jonathan Lange <[email protected]>
import errno, sys, os, re, StringIO
from twisted.internet.utils import suppressWarnings
from twisted.python import failure
from twisted.trial import unittest, runner, reporter, util
from twisted.trial.test import erroneous
class BrokenStream(object):
"""
Stream-ish object that raises a signal interrupt error. We use this to make
sure that Trial still manages to write what it needs to write.
"""
written = False
flushed = False
class MockColorizer:
"""
Used by TestTreeReporter to make sure that output is colored correctly.
"""
supported = classmethod(supported)
| [
2,
15069,
357,
66,
8,
5878,
12,
15724,
40006,
24936,
46779,
13,
198,
2,
4091,
38559,
24290,
329,
3307,
13,
198,
2,
198,
2,
337,
2913,
10613,
25,
11232,
47579,
1279,
73,
4029,
31,
4246,
6347,
6759,
8609,
13,
785,
29,
628,
198,
11748,
11454,
3919,
11,
25064,
11,
28686,
11,
302,
11,
10903,
9399,
198,
6738,
19074,
13,
37675,
13,
26791,
1330,
18175,
54,
1501,
654,
198,
6738,
19074,
13,
29412,
1330,
5287,
198,
6738,
19074,
13,
45994,
1330,
555,
715,
395,
11,
17490,
11,
9095,
11,
7736,
198,
6738,
19074,
13,
45994,
13,
9288,
1330,
35366,
628,
198,
4871,
22607,
12124,
7,
15252,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
13860,
12,
680,
2134,
326,
12073,
257,
6737,
11313,
4049,
13,
775,
779,
428,
284,
787,
198,
220,
220,
220,
1654,
326,
21960,
991,
15314,
284,
3551,
644,
340,
2476,
284,
3551,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
3194,
796,
10352,
198,
220,
220,
220,
44869,
796,
10352,
628,
628,
628,
628,
628,
628,
198,
4871,
44123,
10258,
7509,
25,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
16718,
416,
6208,
27660,
6207,
4337,
284,
787,
1654,
326,
5072,
318,
16396,
9380,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
4855,
796,
1398,
24396,
7,
15999,
8,
628,
628,
198
] | 3.436937 | 222 |
# Import Flask app object from project folder (For python this means from the __init__.py file)
from project import app
# Run flask app with debug on and listening on port 8000
app.run(
debug=True,
port=8000
) | [
2,
17267,
46947,
598,
2134,
422,
1628,
9483,
357,
1890,
21015,
428,
1724,
422,
262,
11593,
15003,
834,
13,
9078,
2393,
8,
198,
6738,
1628,
1330,
598,
198,
198,
2,
5660,
42903,
598,
351,
14257,
319,
290,
8680,
319,
2493,
38055,
198,
1324,
13,
5143,
7,
198,
220,
220,
220,
14257,
28,
17821,
11,
198,
220,
220,
220,
2493,
28,
33942,
198,
8
] | 3.460317 | 63 |
# Event: LCCS Python Fundamental Skills Workshop
# Date: May 2018
# Author: Joe English, PDST
# eMail: [email protected]
# Purpose: Prediction exercise
fruits = ['Strawberry', 'Lemon', 'Orange', 'Raspberry', 'Cherry']
print(fruits[0])
print(fruits[3])
print(fruits[2])
print(fruits[len(fruits)-1])
print(fruits[1])
fruit = fruits[2+2]
print(fruit)
print(fruit[0])
orange = fruits[1]
print(orange)
lemon = fruits[1]
print(lemon)
# Additional question (on the same page)
# A string is in fact a list of single character strings
# The first index refers to the list element
# The second index is applied to that element
print(fruits[0][0]+fruits[1][0]+fruits[2][0])
| [
2,
8558,
25,
406,
4093,
50,
11361,
49983,
20389,
26701,
201,
198,
2,
7536,
25,
1737,
2864,
201,
198,
2,
6434,
25,
5689,
3594,
11,
14340,
2257,
201,
198,
2,
304,
25804,
25,
9061,
4234,
31,
30094,
301,
13,
494,
201,
198,
2,
32039,
25,
46690,
5517,
201,
198,
201,
198,
69,
50187,
796,
37250,
1273,
1831,
8396,
3256,
705,
43,
7966,
3256,
705,
40141,
3256,
705,
49,
17653,
3256,
705,
34,
13372,
20520,
201,
198,
201,
198,
4798,
7,
69,
50187,
58,
15,
12962,
201,
198,
4798,
7,
69,
50187,
58,
18,
12962,
201,
198,
4798,
7,
69,
50187,
58,
17,
12962,
201,
198,
4798,
7,
69,
50187,
58,
11925,
7,
69,
50187,
13219,
16,
12962,
201,
198,
4798,
7,
69,
50187,
58,
16,
12962,
201,
198,
201,
198,
34711,
796,
15921,
58,
17,
10,
17,
60,
201,
198,
4798,
7,
34711,
8,
201,
198,
4798,
7,
34711,
58,
15,
12962,
201,
198,
201,
198,
43745,
796,
15921,
58,
16,
60,
201,
198,
4798,
7,
43745,
8,
201,
198,
293,
2144,
796,
15921,
58,
16,
60,
201,
198,
4798,
7,
293,
2144,
8,
201,
198,
201,
198,
2,
15891,
1808,
357,
261,
262,
976,
2443,
8,
201,
198,
2,
317,
4731,
318,
287,
1109,
257,
1351,
286,
2060,
2095,
13042,
201,
198,
2,
383,
717,
6376,
10229,
284,
262,
1351,
5002,
201,
198,
2,
383,
1218,
6376,
318,
5625,
284,
326,
5002,
201,
198,
4798,
7,
69,
50187,
58,
15,
7131,
15,
48688,
69,
50187,
58,
16,
7131,
15,
48688,
69,
50187,
58,
17,
7131,
15,
12962,
201,
198,
201,
198
] | 2.687023 | 262 |
#!/usr/bin/env python2
# -*- coding: utf-8 -*-
"""
Created on Sat Jan 4 07:43:40 2020
@author: lukemcculloch
"""
import numpy as np
| [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
17,
198,
2,
532,
9,
12,
19617,
25,
3384,
69,
12,
23,
532,
9,
12,
198,
37811,
198,
41972,
319,
7031,
2365,
220,
604,
8753,
25,
3559,
25,
1821,
12131,
198,
198,
31,
9800,
25,
300,
4649,
76,
535,
724,
5374,
198,
37811,
198,
11748,
299,
32152,
355,
45941,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
198,
220,
220,
220,
220
] | 2 | 76 |
from .vsr import VERSION
__version__ = VERSION
__author__ = 'Sameera Sandaruwan'
__author_email__ = '[email protected]' | [
6738,
764,
14259,
81,
1330,
44156,
2849,
198,
834,
9641,
834,
796,
44156,
2849,
198,
834,
9800,
834,
796,
705,
30556,
8607,
3837,
11493,
8149,
6,
198,
834,
9800,
62,
12888,
834,
796,
705,
12093,
480,
8607,
31,
1676,
1122,
4529,
13,
785,
6
] | 2.863636 | 44 |
from django.test import LiveServerTestCase
from selenium import webdriver
from django.urls import reverse
from django.utils.translation import activate, gettext_lazy as _
from .creation_utils import create_user, create_post
from simpleblog.models import Post
if __name__ == '__main__':
unittest.main()
| [
6738,
42625,
14208,
13,
9288,
1330,
7547,
10697,
14402,
20448,
198,
6738,
384,
11925,
1505,
1330,
3992,
26230,
198,
6738,
42625,
14208,
13,
6371,
82,
1330,
9575,
198,
6738,
42625,
14208,
13,
26791,
13,
41519,
1330,
15155,
11,
651,
5239,
62,
75,
12582,
355,
4808,
198,
6738,
764,
38793,
62,
26791,
1330,
2251,
62,
7220,
11,
2251,
62,
7353,
198,
6738,
2829,
14036,
13,
27530,
1330,
2947,
198,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
198,
220,
220,
220,
555,
715,
395,
13,
12417,
3419,
198
] | 3.411111 | 90 |
# O(n) time | O(n) space
# O(n) time | O(1) space
| [
2,
440,
7,
77,
8,
640,
930,
440,
7,
77,
8,
2272,
198,
198,
2,
440,
7,
77,
8,
640,
930,
440,
7,
16,
8,
2272,
198
] | 1.888889 | 27 |
#!/usr/bin/env python
# -*- coding: utf-8 -*-
#! 强制默认编码为utf-8
import sys
reload(sys)
sys.setdefaultencoding('utf8')
import urllib, urllib2, json, time
from pprint import pprint
from pdb import set_trace
import requests
from lxml import html
from alfred.feedback import Feedback
from config import service, addword, loginurl, username, pwd
# 扇贝词典
if __name__ == '__main__':
d = ShanbayDict()
d.query(sys.argv[1])
d.output()
| [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
198,
2,
532,
9,
12,
19617,
25,
3384,
69,
12,
23,
532,
9,
12,
198,
2,
0,
10263,
120,
118,
26344,
114,
165,
119,
246,
164,
106,
97,
163,
120,
244,
163,
254,
223,
10310,
118,
40477,
12,
23,
198,
11748,
25064,
198,
260,
2220,
7,
17597,
8,
198,
17597,
13,
2617,
12286,
12685,
7656,
10786,
40477,
23,
11537,
220,
198,
198,
11748,
2956,
297,
571,
11,
2956,
297,
571,
17,
11,
33918,
11,
640,
198,
6738,
279,
4798,
1330,
279,
4798,
198,
6738,
279,
9945,
1330,
900,
62,
40546,
198,
11748,
7007,
198,
6738,
300,
19875,
1330,
27711,
198,
198,
6738,
435,
39193,
13,
12363,
1891,
1330,
37774,
220,
198,
198,
6738,
4566,
1330,
2139,
11,
751,
4775,
11,
17594,
6371,
11,
20579,
11,
279,
16993,
198,
198,
2,
10545,
231,
229,
164,
112,
251,
46237,
235,
17739,
116,
628,
198,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
198,
220,
220,
220,
288,
796,
14866,
24406,
35,
713,
3419,
198,
220,
220,
220,
288,
13,
22766,
7,
17597,
13,
853,
85,
58,
16,
12962,
198,
220,
220,
220,
288,
13,
22915,
3419,
198
] | 2.265306 | 196 |
ODL_IP = "127.0.0.1"
ODL_PORT = "8181"
ODL_USER = "admin"
ODL_PASS = "admin"
| [
3727,
43,
62,
4061,
796,
366,
16799,
13,
15,
13,
15,
13,
16,
1,
198,
3727,
43,
62,
15490,
796,
366,
23,
27057,
1,
198,
3727,
43,
62,
29904,
796,
366,
28482,
1,
198,
3727,
43,
62,
47924,
796,
366,
28482,
1,
628
] | 1.813953 | 43 |
import requests
from nova_dveri_ru.data import USER_AGENT
if __name__ == '__main__':
url = 'https://nova-dveri.ru/mezhkomnatnye-dveri/ehkoshpon/il%20doors/dver-galleya-07-chern-yasen-svetlyj'
out_html_file = 'galleya-07-chern-yasen-svetlyj.html'
save_html_code(url, out_html_file)
| [
11748,
7007,
198,
198,
6738,
645,
6862,
62,
67,
332,
72,
62,
622,
13,
7890,
1330,
1294,
1137,
62,
4760,
3525,
628,
198,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
198,
220,
220,
220,
19016,
796,
705,
5450,
1378,
38438,
12,
67,
332,
72,
13,
622,
14,
1326,
23548,
74,
296,
32353,
3281,
68,
12,
67,
332,
72,
14,
17231,
74,
3768,
79,
261,
14,
346,
4,
1238,
19559,
14,
67,
332,
12,
13528,
1636,
64,
12,
2998,
12,
2044,
77,
12,
88,
292,
268,
12,
82,
16809,
306,
73,
6,
198,
220,
220,
220,
503,
62,
6494,
62,
7753,
796,
705,
13528,
1636,
64,
12,
2998,
12,
2044,
77,
12,
88,
292,
268,
12,
82,
16809,
306,
73,
13,
6494,
6,
198,
220,
220,
220,
3613,
62,
6494,
62,
8189,
7,
6371,
11,
503,
62,
6494,
62,
7753,
8,
198
] | 2.048276 | 145 |
# Copyright 2021 Jakub Kuczys (https://github.com/jack1142)
#
# 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
#
# https://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.
"""User models"""
from __future__ import annotations
from typing import TYPE_CHECKING, Any, Optional, final
from ..bit_fields import Badges, UserFlags
from ..enums import Presence, RelationshipStatus
from .attachment import Attachment
from .bases import Model, ParserData, StatefulModel, StatefulResource, field
if TYPE_CHECKING:
from ...events import UserUpdateEvent
from ..state import State
__all__ = (
"User",
"BotInfo",
"Relationship",
"Status",
"UserProfile",
)
@final
class Status(Model):
"""
Status()
Represents a user's status.
Attributes:
text: The custom status text.
presence: The user's presence.
"""
text: Optional[str] = field("text", default=None)
# Users who have never changed their presence do not have the `presence`.
# New users start with an Online presence,
# so that's what we should use in such case.
presence: Presence = field("presence", factory=True, default="Online")
@final
class Relationship(StatefulModel):
"""
Relationship()
Represents the client user's relationship with other user.
Attributes:
user_id: The ID of the other user in this relation.
status: The relationship's status.
"""
user_id: str = field("_id")
status: RelationshipStatus = field("status", factory=True)
@final
class BotInfo(StatefulModel):
"""
BotInfo()
Represents the information about a bot user.
Attributes:
owner_id: The ID of the bot owner.
"""
owner_id: str = field("owner")
@classmethod
@final
class UserProfile(StatefulModel):
"""
UserProfile()
Represents a profile of a user.
Attributes:
content: The profile content if provided.
background: The profile background if provided.
"""
content: Optional[str] = field("content", default=None)
background: Optional[Attachment] = field("background", factory=True, default=None)
@classmethod
@final
class User(StatefulResource):
"""
User()
Represents a user.
Attributes:
id: The user ID.
username: The username.
avatar: The user's avatar.
relations: The user's relations. This is only present for the client user.
badges: The user's badges.
status: The user's status.
relationship_status: The client user's relationship status with this user.
online: Indicates whether the user is online.
flags: The user flags.
bot: The information about this bot, or `None` if this user is not a bot.
profile: The user's profile.
"""
id: str = field("_id")
username: str = field("username")
avatar: Optional[Attachment] = field("avatar", factory=True, default=None)
relations: Optional[dict[str, Relationship]] = field(
"relations", factory=True, default=None
)
badges: Badges = field("badges", factory=True, default=0)
status: Status = field("status", factory=True, default_factory=dict)
relationship_status: Optional[RelationshipStatus] = field(
"relationship", factory=True, default=None
)
online: bool = field("online")
flags: UserFlags = field("flags", factory=True, default=0)
bot: Optional[BotInfo] = field("bot", factory=True, default=None)
profile: Optional[UserProfile] = field("profile", factory=True, default=None)
| [
2,
15069,
33448,
25845,
549,
509,
1229,
89,
893,
357,
5450,
1378,
12567,
13,
785,
14,
19650,
1157,
3682,
8,
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,
3740,
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,
12982,
4981,
37811,
198,
198,
6738,
11593,
37443,
834,
1330,
37647,
198,
198,
6738,
19720,
1330,
41876,
62,
50084,
2751,
11,
4377,
11,
32233,
11,
2457,
198,
198,
6738,
11485,
2545,
62,
25747,
1330,
7772,
3212,
11,
11787,
40053,
198,
6738,
11485,
268,
5700,
1330,
46523,
11,
39771,
19580,
198,
6738,
764,
1078,
15520,
1330,
3460,
15520,
198,
6738,
764,
65,
1386,
1330,
9104,
11,
23042,
263,
6601,
11,
1812,
913,
17633,
11,
1812,
913,
26198,
11,
2214,
198,
198,
361,
41876,
62,
50084,
2751,
25,
198,
220,
220,
220,
422,
2644,
31534,
1330,
11787,
10260,
9237,
198,
220,
220,
220,
422,
11485,
5219,
1330,
1812,
198,
198,
834,
439,
834,
796,
357,
198,
220,
220,
220,
366,
12982,
1600,
198,
220,
220,
220,
366,
20630,
12360,
1600,
198,
220,
220,
220,
366,
47117,
1056,
1600,
198,
220,
220,
220,
366,
19580,
1600,
198,
220,
220,
220,
366,
12982,
37046,
1600,
198,
8,
628,
198,
31,
20311,
198,
4871,
12678,
7,
17633,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
12678,
3419,
628,
220,
220,
220,
1432,
6629,
257,
2836,
338,
3722,
13,
628,
220,
220,
220,
49213,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2420,
25,
383,
2183,
3722,
2420,
13,
198,
220,
220,
220,
220,
220,
220,
220,
4931,
25,
383,
2836,
338,
4931,
13,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
2420,
25,
32233,
58,
2536,
60,
796,
2214,
7203,
5239,
1600,
4277,
28,
14202,
8,
198,
220,
220,
220,
1303,
18987,
508,
423,
1239,
3421,
511,
4931,
466,
407,
423,
262,
4600,
18302,
594,
44646,
198,
220,
220,
220,
1303,
968,
2985,
923,
351,
281,
7467,
4931,
11,
198,
220,
220,
220,
1303,
523,
326,
338,
644,
356,
815,
779,
287,
884,
1339,
13,
198,
220,
220,
220,
4931,
25,
46523,
796,
2214,
7203,
18302,
594,
1600,
8860,
28,
17821,
11,
4277,
2625,
14439,
4943,
628,
198,
31,
20311,
198,
4871,
39771,
7,
9012,
913,
17633,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
39771,
3419,
628,
220,
220,
220,
1432,
6629,
262,
5456,
2836,
338,
2776,
351,
584,
2836,
13,
628,
220,
220,
220,
49213,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2836,
62,
312,
25,
383,
4522,
286,
262,
584,
2836,
287,
428,
8695,
13,
198,
220,
220,
220,
220,
220,
220,
220,
3722,
25,
383,
2776,
338,
3722,
13,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
2836,
62,
312,
25,
965,
796,
2214,
7203,
62,
312,
4943,
198,
220,
220,
220,
3722,
25,
39771,
19580,
796,
2214,
7203,
13376,
1600,
8860,
28,
17821,
8,
628,
198,
31,
20311,
198,
4871,
18579,
12360,
7,
9012,
913,
17633,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
18579,
12360,
3419,
628,
220,
220,
220,
1432,
6629,
262,
1321,
546,
257,
10214,
2836,
13,
628,
220,
220,
220,
49213,
25,
198,
220,
220,
220,
220,
220,
220,
220,
4870,
62,
312,
25,
383,
4522,
286,
262,
10214,
4870,
13,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
4870,
62,
312,
25,
965,
796,
2214,
7203,
18403,
4943,
628,
220,
220,
220,
2488,
4871,
24396,
628,
198,
31,
20311,
198,
4871,
11787,
37046,
7,
9012,
913,
17633,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
11787,
37046,
3419,
628,
220,
220,
220,
1432,
6629,
257,
7034,
286,
257,
2836,
13,
628,
220,
220,
220,
49213,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2695,
25,
383,
7034,
2695,
611,
2810,
13,
198,
220,
220,
220,
220,
220,
220,
220,
4469,
25,
383,
7034,
4469,
611,
2810,
13,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
2695,
25,
32233,
58,
2536,
60,
796,
2214,
7203,
11299,
1600,
4277,
28,
14202,
8,
198,
220,
220,
220,
4469,
25,
32233,
58,
8086,
15520,
60,
796,
2214,
7203,
25249,
1600,
8860,
28,
17821,
11,
4277,
28,
14202,
8,
628,
220,
220,
220,
2488,
4871,
24396,
628,
198,
31,
20311,
198,
4871,
11787,
7,
9012,
913,
26198,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
11787,
3419,
628,
220,
220,
220,
1432,
6629,
257,
2836,
13,
628,
220,
220,
220,
49213,
25,
198,
220,
220,
220,
220,
220,
220,
220,
4686,
25,
383,
2836,
4522,
13,
198,
220,
220,
220,
220,
220,
220,
220,
20579,
25,
383,
20579,
13,
198,
220,
220,
220,
220,
220,
220,
220,
30919,
25,
383,
2836,
338,
30919,
13,
198,
220,
220,
220,
220,
220,
220,
220,
2316,
25,
383,
2836,
338,
2316,
13,
770,
318,
691,
1944,
329,
262,
5456,
2836,
13,
198,
220,
220,
220,
220,
220,
220,
220,
37583,
25,
383,
2836,
338,
37583,
13,
198,
220,
220,
220,
220,
220,
220,
220,
3722,
25,
383,
2836,
338,
3722,
13,
198,
220,
220,
220,
220,
220,
220,
220,
2776,
62,
13376,
25,
383,
5456,
2836,
338,
2776,
3722,
351,
428,
2836,
13,
198,
220,
220,
220,
220,
220,
220,
220,
2691,
25,
1423,
16856,
1771,
262,
2836,
318,
2691,
13,
198,
220,
220,
220,
220,
220,
220,
220,
9701,
25,
383,
2836,
9701,
13,
198,
220,
220,
220,
220,
220,
220,
220,
10214,
25,
383,
1321,
546,
428,
10214,
11,
393,
4600,
14202,
63,
611,
428,
2836,
318,
407,
257,
10214,
13,
198,
220,
220,
220,
220,
220,
220,
220,
7034,
25,
383,
2836,
338,
7034,
13,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
4686,
25,
965,
796,
2214,
7203,
62,
312,
4943,
198,
220,
220,
220,
20579,
25,
965,
796,
2214,
7203,
29460,
4943,
198,
220,
220,
220,
30919,
25,
32233,
58,
8086,
15520,
60,
796,
2214,
7203,
615,
9459,
1600,
8860,
28,
17821,
11,
4277,
28,
14202,
8,
198,
220,
220,
220,
2316,
25,
32233,
58,
11600,
58,
2536,
11,
39771,
11907,
796,
2214,
7,
198,
220,
220,
220,
220,
220,
220,
220,
366,
39468,
1600,
8860,
28,
17821,
11,
4277,
28,
14202,
198,
220,
220,
220,
1267,
198,
220,
220,
220,
37583,
25,
7772,
3212,
796,
2214,
7203,
14774,
3212,
1600,
8860,
28,
17821,
11,
4277,
28,
15,
8,
198,
220,
220,
220,
3722,
25,
12678,
796,
2214,
7203,
13376,
1600,
8860,
28,
17821,
11,
4277,
62,
69,
9548,
28,
11600,
8,
198,
220,
220,
220,
2776,
62,
13376,
25,
32233,
58,
47117,
1056,
19580,
60,
796,
2214,
7,
198,
220,
220,
220,
220,
220,
220,
220,
366,
39468,
1056,
1600,
8860,
28,
17821,
11,
4277,
28,
14202,
198,
220,
220,
220,
1267,
198,
220,
220,
220,
2691,
25,
20512,
796,
2214,
7203,
25119,
4943,
198,
220,
220,
220,
9701,
25,
11787,
40053,
796,
2214,
7203,
33152,
1600,
8860,
28,
17821,
11,
4277,
28,
15,
8,
198,
220,
220,
220,
10214,
25,
32233,
58,
20630,
12360,
60,
796,
2214,
7203,
13645,
1600,
8860,
28,
17821,
11,
4277,
28,
14202,
8,
198,
220,
220,
220,
7034,
25,
32233,
58,
12982,
37046,
60,
796,
2214,
7203,
13317,
1600,
8860,
28,
17821,
11,
4277,
28,
14202,
8,
198
] | 3.047292 | 1,311 |
from dataclasses import dataclass
from profit.types.blockchain_format.sized_bytes import bytes32
from profit.util.ints import uint32
from profit.util.streamable import Streamable, streamable
@dataclass(frozen=True)
@streamable
| [
6738,
4818,
330,
28958,
1330,
4818,
330,
31172,
198,
198,
6738,
7630,
13,
19199,
13,
9967,
7983,
62,
18982,
13,
13982,
62,
33661,
1330,
9881,
2624,
198,
6738,
7630,
13,
22602,
13,
29503,
1330,
20398,
2624,
198,
6738,
7630,
13,
22602,
13,
5532,
540,
1330,
13860,
540,
11,
4269,
540,
628,
198,
31,
19608,
330,
31172,
7,
69,
42005,
28,
17821,
8,
198,
31,
5532,
540,
198
] | 3.432836 | 67 |
# Generated by h2py from \mssdk\include\winnt.h
APPLICATION_ERROR_MASK = 536870912
ERROR_SEVERITY_SUCCESS = 0
ERROR_SEVERITY_INFORMATIONAL = 1073741824
ERROR_SEVERITY_WARNING = -2147483648
ERROR_SEVERITY_ERROR = -1073741824
MINCHAR = 128
MAXCHAR = 127
MINSHORT = 32768
MAXSHORT = 32767
MINLONG = -2147483648
MAXLONG = 2147483647
MAXBYTE = 255
MAXWORD = 65535
MAXDWORD = -1
LANG_NEUTRAL = 0
LANG_AFRIKAANS = 54
LANG_ALBANIAN = 28
LANG_ARABIC = 1
LANG_BASQUE = 45
LANG_BELARUSIAN = 35
LANG_BULGARIAN = 2
LANG_CATALAN = 3
LANG_CHINESE = 4
LANG_CROATIAN = 26
LANG_CZECH = 5
LANG_DANISH = 6
LANG_DUTCH = 19
LANG_ENGLISH = 9
LANG_ESTONIAN = 37
LANG_FAEROESE = 56
LANG_FARSI = 41
LANG_FINNISH = 11
LANG_FRENCH = 12
LANG_GERMAN = 7
LANG_GREEK = 8
LANG_HEBREW = 13
LANG_HINDI = 57
LANG_HUNGARIAN = 14
LANG_ICELANDIC = 15
LANG_INDONESIAN = 33
LANG_ITALIAN = 16
LANG_JAPANESE = 17
LANG_KOREAN = 18
LANG_LATVIAN = 38
LANG_LITHUANIAN = 39
LANG_MACEDONIAN = 47
LANG_MALAY = 62
LANG_NORWEGIAN = 20
LANG_POLISH = 21
LANG_PORTUGUESE = 22
LANG_ROMANIAN = 24
LANG_RUSSIAN = 25
LANG_SERBIAN = 26
LANG_SLOVAK = 27
LANG_SLOVENIAN = 36
LANG_SPANISH = 10
LANG_SWAHILI = 65
LANG_SWEDISH = 29
LANG_THAI = 30
LANG_TURKISH = 31
LANG_UKRAINIAN = 34
LANG_VIETNAMESE = 42
SUBLANG_NEUTRAL = 0
SUBLANG_DEFAULT = 1
SUBLANG_SYS_DEFAULT = 2
SUBLANG_ARABIC_SAUDI_ARABIA = 1
SUBLANG_ARABIC_IRAQ = 2
SUBLANG_ARABIC_EGYPT = 3
SUBLANG_ARABIC_LIBYA = 4
SUBLANG_ARABIC_ALGERIA = 5
SUBLANG_ARABIC_MOROCCO = 6
SUBLANG_ARABIC_TUNISIA = 7
SUBLANG_ARABIC_OMAN = 8
SUBLANG_ARABIC_YEMEN = 9
SUBLANG_ARABIC_SYRIA = 10
SUBLANG_ARABIC_JORDAN = 11
SUBLANG_ARABIC_LEBANON = 12
SUBLANG_ARABIC_KUWAIT = 13
SUBLANG_ARABIC_UAE = 14
SUBLANG_ARABIC_BAHRAIN = 15
SUBLANG_ARABIC_QATAR = 16
SUBLANG_CHINESE_TRADITIONAL = 1
SUBLANG_CHINESE_SIMPLIFIED = 2
SUBLANG_CHINESE_HONGKONG = 3
SUBLANG_CHINESE_SINGAPORE = 4
SUBLANG_CHINESE_MACAU = 5
SUBLANG_DUTCH = 1
SUBLANG_DUTCH_BELGIAN = 2
SUBLANG_ENGLISH_US = 1
SUBLANG_ENGLISH_UK = 2
SUBLANG_ENGLISH_AUS = 3
SUBLANG_ENGLISH_CAN = 4
SUBLANG_ENGLISH_NZ = 5
SUBLANG_ENGLISH_EIRE = 6
SUBLANG_ENGLISH_SOUTH_AFRICA = 7
SUBLANG_ENGLISH_JAMAICA = 8
SUBLANG_ENGLISH_CARIBBEAN = 9
SUBLANG_ENGLISH_BELIZE = 10
SUBLANG_ENGLISH_TRINIDAD = 11
SUBLANG_ENGLISH_ZIMBABWE = 12
SUBLANG_ENGLISH_PHILIPPINES = 13
SUBLANG_FRENCH = 1
SUBLANG_FRENCH_BELGIAN = 2
SUBLANG_FRENCH_CANADIAN = 3
SUBLANG_FRENCH_SWISS = 4
SUBLANG_FRENCH_LUXEMBOURG = 5
SUBLANG_FRENCH_MONACO = 6
SUBLANG_GERMAN = 1
SUBLANG_GERMAN_SWISS = 2
SUBLANG_GERMAN_AUSTRIAN = 3
SUBLANG_GERMAN_LUXEMBOURG = 4
SUBLANG_GERMAN_LIECHTENSTEIN = 5
SUBLANG_ITALIAN = 1
SUBLANG_ITALIAN_SWISS = 2
SUBLANG_KOREAN = 1
SUBLANG_KOREAN_JOHAB = 2
SUBLANG_LITHUANIAN = 1
SUBLANG_LITHUANIAN_CLASSIC = 2
SUBLANG_MALAY_MALAYSIA = 1
SUBLANG_MALAY_BRUNEI_DARUSSALAM = 2
SUBLANG_NORWEGIAN_BOKMAL = 1
SUBLANG_NORWEGIAN_NYNORSK = 2
SUBLANG_PORTUGUESE = 2
SUBLANG_PORTUGUESE_BRAZILIAN = 1
SUBLANG_SERBIAN_LATIN = 2
SUBLANG_SERBIAN_CYRILLIC = 3
SUBLANG_SPANISH = 1
SUBLANG_SPANISH_MEXICAN = 2
SUBLANG_SPANISH_MODERN = 3
SUBLANG_SPANISH_GUATEMALA = 4
SUBLANG_SPANISH_COSTA_RICA = 5
SUBLANG_SPANISH_PANAMA = 6
SUBLANG_SPANISH_DOMINICAN_REPUBLIC = 7
SUBLANG_SPANISH_VENEZUELA = 8
SUBLANG_SPANISH_COLOMBIA = 9
SUBLANG_SPANISH_PERU = 10
SUBLANG_SPANISH_ARGENTINA = 11
SUBLANG_SPANISH_ECUADOR = 12
SUBLANG_SPANISH_CHILE = 13
SUBLANG_SPANISH_URUGUAY = 14
SUBLANG_SPANISH_PARAGUAY = 15
SUBLANG_SPANISH_BOLIVIA = 16
SUBLANG_SPANISH_EL_SALVADOR = 17
SUBLANG_SPANISH_HONDURAS = 18
SUBLANG_SPANISH_NICARAGUA = 19
SUBLANG_SPANISH_PUERTO_RICO = 20
SUBLANG_SWEDISH = 1
SUBLANG_SWEDISH_FINLAND = 2
SORT_DEFAULT = 0
SORT_JAPANESE_XJIS = 0
SORT_JAPANESE_UNICODE = 1
SORT_CHINESE_BIG5 = 0
SORT_CHINESE_PRCP = 0
SORT_CHINESE_UNICODE = 1
SORT_CHINESE_PRC = 2
SORT_KOREAN_KSC = 0
SORT_KOREAN_UNICODE = 1
SORT_GERMAN_PHONE_BOOK = 1
NLS_VALID_LOCALE_MASK = 1048575
MAXIMUM_WAIT_OBJECTS = 64
MAXIMUM_SUSPEND_COUNT = MAXCHAR
EXCEPTION_NONCONTINUABLE = 1
EXCEPTION_MAXIMUM_PARAMETERS = 15
PROCESS_TERMINATE = (1)
PROCESS_CREATE_THREAD = (2)
PROCESS_VM_OPERATION = (8)
PROCESS_VM_READ = (16)
PROCESS_VM_WRITE = (32)
PROCESS_DUP_HANDLE = (64)
PROCESS_CREATE_PROCESS = (128)
PROCESS_SET_QUOTA = (256)
PROCESS_SET_INFORMATION = (512)
PROCESS_QUERY_INFORMATION = (1024)
MAXIMUM_PROCESSORS = 32
THREAD_TERMINATE = (1)
THREAD_SUSPEND_RESUME = (2)
THREAD_GET_CONTEXT = (8)
THREAD_SET_CONTEXT = (16)
THREAD_SET_INFORMATION = (32)
THREAD_QUERY_INFORMATION = (64)
THREAD_SET_THREAD_TOKEN = (128)
THREAD_IMPERSONATE = (256)
THREAD_DIRECT_IMPERSONATION = (512)
JOB_OBJECT_ASSIGN_PROCESS = (1)
JOB_OBJECT_SET_ATTRIBUTES = (2)
JOB_OBJECT_QUERY = (4)
JOB_OBJECT_TERMINATE = (8)
TLS_MINIMUM_AVAILABLE = 64
THREAD_BASE_PRIORITY_LOWRT = 15
THREAD_BASE_PRIORITY_MAX = 2
THREAD_BASE_PRIORITY_MIN = -2
THREAD_BASE_PRIORITY_IDLE = -15
JOB_OBJECT_LIMIT_WORKINGSET = 1
JOB_OBJECT_LIMIT_PROCESS_TIME = 2
JOB_OBJECT_LIMIT_JOB_TIME = 4
JOB_OBJECT_LIMIT_ACTIVE_PROCESS = 8
JOB_OBJECT_LIMIT_AFFINITY = 16
JOB_OBJECT_LIMIT_PRIORITY_CLASS = 32
JOB_OBJECT_LIMIT_VALID_FLAGS = 63
EVENT_MODIFY_STATE = 2
MUTANT_QUERY_STATE = 1
SEMAPHORE_MODIFY_STATE = 2
TIME_ZONE_ID_UNKNOWN = 0
TIME_ZONE_ID_STANDARD = 1
TIME_ZONE_ID_DAYLIGHT = 2
PROCESSOR_INTEL_386 = 386
PROCESSOR_INTEL_486 = 486
PROCESSOR_INTEL_PENTIUM = 586
PROCESSOR_MIPS_R4000 = 4000
PROCESSOR_ALPHA_21064 = 21064
PROCESSOR_HITACHI_SH3 = 10003
PROCESSOR_HITACHI_SH3E = 10004
PROCESSOR_HITACHI_SH4 = 10005
PROCESSOR_MOTOROLA_821 = 821
PROCESSOR_ARM_7TDMI = 70001
PROCESSOR_ARCHITECTURE_INTEL = 0
PROCESSOR_ARCHITECTURE_MIPS = 1
PROCESSOR_ARCHITECTURE_ALPHA = 2
PROCESSOR_ARCHITECTURE_PPC = 3
PROCESSOR_ARCHITECTURE_SH = 4
PROCESSOR_ARCHITECTURE_ARM = 5
PROCESSOR_ARCHITECTURE_UNKNOWN = 65535
PF_FLOATING_POINT_PRECISION_ERRATA = 0
PF_FLOATING_POINT_EMULATED = 1
PF_COMPARE_EXCHANGE_DOUBLE = 2
PF_MMX_INSTRUCTIONS_AVAILABLE = 3
PF_PPC_MOVEMEM_64BIT_OK = 4
PF_ALPHA_BYTE_INSTRUCTIONS = 5
SECTION_QUERY = 1
SECTION_MAP_WRITE = 2
SECTION_MAP_READ = 4
SECTION_MAP_EXECUTE = 8
SECTION_EXTEND_SIZE = 16
PAGE_NOACCESS = 1
PAGE_READONLY = 2
PAGE_READWRITE = 4
PAGE_WRITECOPY = 8
PAGE_EXECUTE = 16
PAGE_EXECUTE_READ = 32
PAGE_EXECUTE_READWRITE = 64
PAGE_EXECUTE_WRITECOPY = 128
PAGE_GUARD = 256
PAGE_NOCACHE = 512
MEM_COMMIT = 4096
MEM_RESERVE = 8192
MEM_DECOMMIT = 16384
MEM_RELEASE = 32768
MEM_FREE = 65536
MEM_PRIVATE = 131072
MEM_MAPPED = 262144
MEM_RESET = 524288
MEM_TOP_DOWN = 1048576
MEM_4MB_PAGES = -2147483648
SEC_FILE = 8388608
SEC_IMAGE = 16777216
SEC_VLM = 33554432
SEC_RESERVE = 67108864
SEC_COMMIT = 134217728
SEC_NOCACHE = 268435456
MEM_IMAGE = SEC_IMAGE
FILE_READ_DATA = ( 1 )
FILE_LIST_DIRECTORY = ( 1 )
FILE_WRITE_DATA = ( 2 )
FILE_ADD_FILE = ( 2 )
FILE_APPEND_DATA = ( 4 )
FILE_ADD_SUBDIRECTORY = ( 4 )
FILE_CREATE_PIPE_INSTANCE = ( 4 )
FILE_READ_EA = ( 8 )
FILE_WRITE_EA = ( 16 )
FILE_EXECUTE = ( 32 )
FILE_TRAVERSE = ( 32 )
FILE_DELETE_CHILD = ( 64 )
FILE_READ_ATTRIBUTES = ( 128 )
FILE_WRITE_ATTRIBUTES = ( 256 )
FILE_SHARE_READ = 1
FILE_SHARE_WRITE = 2
FILE_SHARE_DELETE = 4
FILE_ATTRIBUTE_READONLY = 1
FILE_ATTRIBUTE_HIDDEN = 2
FILE_ATTRIBUTE_SYSTEM = 4
FILE_ATTRIBUTE_DIRECTORY = 16
FILE_ATTRIBUTE_ARCHIVE = 32
FILE_ATTRIBUTE_ENCRYPTED = 64
FILE_ATTRIBUTE_NORMAL = 128
FILE_ATTRIBUTE_TEMPORARY = 256
FILE_ATTRIBUTE_SPARSE_FILE = 512
FILE_ATTRIBUTE_REPARSE_POINT = 1024
FILE_ATTRIBUTE_COMPRESSED = 2048
FILE_ATTRIBUTE_OFFLINE = 4096
FILE_NOTIFY_CHANGE_FILE_NAME = 1
FILE_NOTIFY_CHANGE_DIR_NAME = 2
FILE_NOTIFY_CHANGE_ATTRIBUTES = 4
FILE_NOTIFY_CHANGE_SIZE = 8
FILE_NOTIFY_CHANGE_LAST_WRITE = 16
FILE_NOTIFY_CHANGE_LAST_ACCESS = 32
FILE_NOTIFY_CHANGE_CREATION = 64
FILE_NOTIFY_CHANGE_SECURITY = 256
FILE_ACTION_ADDED = 1
FILE_ACTION_REMOVED = 2
FILE_ACTION_MODIFIED = 3
FILE_ACTION_RENAMED_OLD_NAME = 4
FILE_ACTION_RENAMED_NEW_NAME = 5
FILE_CASE_SENSITIVE_SEARCH = 1
FILE_CASE_PRESERVED_NAMES = 2
FILE_UNICODE_ON_DISK = 4
FILE_PERSISTENT_ACLS = 8
FILE_FILE_COMPRESSION = 16
FILE_VOLUME_QUOTAS = 32
FILE_SUPPORTS_SPARSE_FILES = 64
FILE_SUPPORTS_REPARSE_POINTS = 128
FILE_SUPPORTS_REMOTE_STORAGE = 256
FILE_VOLUME_IS_COMPRESSED = 32768
FILE_SUPPORTS_OBJECT_IDS = 65536
FILE_SUPPORTS_ENCRYPTION = 131072
MAXIMUM_REPARSE_DATA_BUFFER_SIZE = ( 16 * 1024 )
IO_REPARSE_TAG_RESERVED_ZERO = (0)
IO_REPARSE_TAG_RESERVED_ONE = (1)
IO_REPARSE_TAG_SYMBOLIC_LINK = (2)
IO_REPARSE_TAG_NSS = (5)
IO_REPARSE_TAG_FILTER_MANAGER = -2147483637
IO_REPARSE_TAG_DFS = -2147483638
IO_REPARSE_TAG_SIS = -2147483641
IO_REPARSE_TAG_MOUNT_POINT = -1610612733
IO_REPARSE_TAG_HSM = -1073741820
IO_REPARSE_TAG_NSSRECOVER = (8)
IO_REPARSE_TAG_RESERVED_MS_RANGE = (256)
IO_REPARSE_TAG_RESERVED_RANGE = IO_REPARSE_TAG_RESERVED_ONE
IO_COMPLETION_MODIFY_STATE = 2
DUPLICATE_CLOSE_SOURCE = 1
DUPLICATE_SAME_ACCESS = 2
DELETE = (65536)
READ_CONTROL = (131072)
WRITE_DAC = (262144)
WRITE_OWNER = (524288)
SYNCHRONIZE = (1048576)
STANDARD_RIGHTS_REQUIRED = (983040)
STANDARD_RIGHTS_READ = (READ_CONTROL)
STANDARD_RIGHTS_WRITE = (READ_CONTROL)
STANDARD_RIGHTS_EXECUTE = (READ_CONTROL)
STANDARD_RIGHTS_ALL = (2031616)
SPECIFIC_RIGHTS_ALL = (65535)
IO_COMPLETION_ALL_ACCESS = STANDARD_RIGHTS_REQUIRED|SYNCHRONIZE|0x3
ACCESS_SYSTEM_SECURITY = (16777216)
MAXIMUM_ALLOWED = (33554432)
GENERIC_READ = (-2147483648)
GENERIC_WRITE = (1073741824)
GENERIC_EXECUTE = (536870912)
GENERIC_ALL = (268435456)
# Included from pshpack4.h
# Included from poppack.h
SID_REVISION = (1)
SID_MAX_SUB_AUTHORITIES = (15)
SID_RECOMMENDED_SUB_AUTHORITIES = (1)
SidTypeUser = 1
SidTypeGroup = 2
SidTypeDomain =3
SidTypeAlias = 4
SidTypeWellKnownGroup = 5
SidTypeDeletedAccount = 6
SidTypeInvalid = 7
SidTypeUnknown = 8
SECURITY_NULL_RID = (0)
SECURITY_WORLD_RID = (0)
SECURITY_LOCAL_RID = (0X00000000)
SECURITY_CREATOR_OWNER_RID = (0)
SECURITY_CREATOR_GROUP_RID = (1)
SECURITY_CREATOR_OWNER_SERVER_RID = (2)
SECURITY_CREATOR_GROUP_SERVER_RID = (3)
SECURITY_DIALUP_RID = (1)
SECURITY_NETWORK_RID = (2)
SECURITY_BATCH_RID = (3)
SECURITY_INTERACTIVE_RID = (4)
SECURITY_SERVICE_RID = (6)
SECURITY_ANONYMOUS_LOGON_RID = (7)
SECURITY_PROXY_RID = (8)
SECURITY_SERVER_LOGON_RID = (9)
SECURITY_PRINCIPAL_SELF_RID = (10)
SECURITY_AUTHENTICATED_USER_RID = (11)
SECURITY_LOGON_IDS_RID = (5)
SECURITY_LOGON_IDS_RID_COUNT = (3)
SECURITY_LOCAL_SYSTEM_RID = (18)
SECURITY_NT_NON_UNIQUE = (21)
SECURITY_BUILTIN_DOMAIN_RID = (32)
DOMAIN_USER_RID_ADMIN = (500)
DOMAIN_USER_RID_GUEST = (501)
DOMAIN_GROUP_RID_ADMINS = (512)
DOMAIN_GROUP_RID_USERS = (513)
DOMAIN_GROUP_RID_GUESTS = (514)
DOMAIN_ALIAS_RID_ADMINS = (544)
DOMAIN_ALIAS_RID_USERS = (545)
DOMAIN_ALIAS_RID_GUESTS = (546)
DOMAIN_ALIAS_RID_POWER_USERS = (547)
DOMAIN_ALIAS_RID_ACCOUNT_OPS = (548)
DOMAIN_ALIAS_RID_SYSTEM_OPS = (549)
DOMAIN_ALIAS_RID_PRINT_OPS = (550)
DOMAIN_ALIAS_RID_BACKUP_OPS = (551)
DOMAIN_ALIAS_RID_REPLICATOR = (552)
SE_GROUP_MANDATORY = (1)
SE_GROUP_ENABLED_BY_DEFAULT = (2)
SE_GROUP_ENABLED = (4)
SE_GROUP_OWNER = (8)
SE_GROUP_LOGON_ID = (-1073741824)
ACL_REVISION = (2)
ACL_REVISION_DS = (4)
ACL_REVISION1 = (1)
ACL_REVISION2 = (2)
ACL_REVISION3 = (3)
ACL_REVISION4 = (4)
MAX_ACL_REVISION = ACL_REVISION4
ACCESS_MIN_MS_ACE_TYPE = (0)
ACCESS_ALLOWED_ACE_TYPE = (0)
ACCESS_DENIED_ACE_TYPE = (1)
SYSTEM_AUDIT_ACE_TYPE = (2)
SYSTEM_ALARM_ACE_TYPE = (3)
ACCESS_MAX_MS_V2_ACE_TYPE = (3)
ACCESS_ALLOWED_COMPOUND_ACE_TYPE = (4)
ACCESS_MAX_MS_V3_ACE_TYPE = (4)
ACCESS_MIN_MS_OBJECT_ACE_TYPE = (5)
ACCESS_ALLOWED_OBJECT_ACE_TYPE = (5)
ACCESS_DENIED_OBJECT_ACE_TYPE = (6)
SYSTEM_AUDIT_OBJECT_ACE_TYPE = (7)
SYSTEM_ALARM_OBJECT_ACE_TYPE = (8)
ACCESS_MAX_MS_OBJECT_ACE_TYPE = (8)
ACCESS_MAX_MS_V4_ACE_TYPE = (8)
ACCESS_MAX_MS_ACE_TYPE = (8)
OBJECT_INHERIT_ACE = (1)
CONTAINER_INHERIT_ACE = (2)
NO_PROPAGATE_INHERIT_ACE = (4)
INHERIT_ONLY_ACE = (8)
INHERITED_ACE = (16)
VALID_INHERIT_FLAGS = (31)
SUCCESSFUL_ACCESS_ACE_FLAG = (64)
FAILED_ACCESS_ACE_FLAG = (128)
ACE_OBJECT_TYPE_PRESENT = 1
ACE_INHERITED_OBJECT_TYPE_PRESENT = 2
SECURITY_DESCRIPTOR_REVISION = (1)
SECURITY_DESCRIPTOR_REVISION1 = (1)
SECURITY_DESCRIPTOR_MIN_LENGTH = (20)
SE_OWNER_DEFAULTED = (1)
SE_GROUP_DEFAULTED = (2)
SE_DACL_PRESENT = (4)
SE_DACL_DEFAULTED = (8)
SE_SACL_PRESENT = (16)
SE_SACL_DEFAULTED = (32)
SE_DACL_AUTO_INHERIT_REQ = (256)
SE_SACL_AUTO_INHERIT_REQ = (512)
SE_DACL_AUTO_INHERITED = (1024)
SE_SACL_AUTO_INHERITED = (2048)
SE_DACL_PROTECTED = (4096)
SE_SACL_PROTECTED = (8192)
SE_SELF_RELATIVE = (32768)
ACCESS_OBJECT_GUID = 0
ACCESS_PROPERTY_SET_GUID = 1
ACCESS_PROPERTY_GUID = 2
ACCESS_MAX_LEVEL = 4
AUDIT_ALLOW_NO_PRIVILEGE = 1
ACCESS_DS_SOURCE_A = "Directory Service"
ACCESS_DS_OBJECT_TYPE_NAME_A = "Directory Service Object"
SE_PRIVILEGE_ENABLED_BY_DEFAULT = (1)
SE_PRIVILEGE_ENABLED = (2)
SE_PRIVILEGE_USED_FOR_ACCESS = (-2147483648)
PRIVILEGE_SET_ALL_NECESSARY = (1)
SE_CREATE_TOKEN_NAME = "SeCreateTokenPrivilege"
SE_ASSIGNPRIMARYTOKEN_NAME = "SeAssignPrimaryTokenPrivilege"
SE_LOCK_MEMORY_NAME = "SeLockMemoryPrivilege"
SE_INCREASE_QUOTA_NAME = "SeIncreaseQuotaPrivilege"
SE_UNSOLICITED_INPUT_NAME = "SeUnsolicitedInputPrivilege"
SE_MACHINE_ACCOUNT_NAME = "SeMachineAccountPrivilege"
SE_TCB_NAME = "SeTcbPrivilege"
SE_SECURITY_NAME = "SeSecurityPrivilege"
SE_TAKE_OWNERSHIP_NAME = "SeTakeOwnershipPrivilege"
SE_LOAD_DRIVER_NAME = "SeLoadDriverPrivilege"
SE_SYSTEM_PROFILE_NAME = "SeSystemProfilePrivilege"
SE_SYSTEMTIME_NAME = "SeSystemtimePrivilege"
SE_PROF_SINGLE_PROCESS_NAME = "SeProfileSingleProcessPrivilege"
SE_INC_BASE_PRIORITY_NAME = "SeIncreaseBasePriorityPrivilege"
SE_CREATE_PAGEFILE_NAME = "SeCreatePagefilePrivilege"
SE_CREATE_PERMANENT_NAME = "SeCreatePermanentPrivilege"
SE_BACKUP_NAME = "SeBackupPrivilege"
SE_RESTORE_NAME = "SeRestorePrivilege"
SE_SHUTDOWN_NAME = "SeShutdownPrivilege"
SE_DEBUG_NAME = "SeDebugPrivilege"
SE_AUDIT_NAME = "SeAuditPrivilege"
SE_SYSTEM_ENVIRONMENT_NAME = "SeSystemEnvironmentPrivilege"
SE_CHANGE_NOTIFY_NAME = "SeChangeNotifyPrivilege"
SE_REMOTE_SHUTDOWN_NAME = "SeRemoteShutdownPrivilege"
TOKEN_ASSIGN_PRIMARY = (1)
TOKEN_DUPLICATE = (2)
TOKEN_IMPERSONATE = (4)
TOKEN_QUERY = (8)
TOKEN_QUERY_SOURCE = (16)
TOKEN_ADJUST_PRIVILEGES = (32)
TOKEN_ADJUST_GROUPS = (64)
TOKEN_ADJUST_DEFAULT = (128)
TOKEN_ALL_ACCESS = (STANDARD_RIGHTS_REQUIRED |\
TOKEN_ASSIGN_PRIMARY |\
TOKEN_DUPLICATE |\
TOKEN_IMPERSONATE |\
TOKEN_QUERY |\
TOKEN_QUERY_SOURCE |\
TOKEN_ADJUST_PRIVILEGES |\
TOKEN_ADJUST_GROUPS |\
TOKEN_ADJUST_DEFAULT)
TOKEN_READ = (STANDARD_RIGHTS_READ |\
TOKEN_QUERY)
TOKEN_WRITE = (STANDARD_RIGHTS_WRITE |\
TOKEN_ADJUST_PRIVILEGES |\
TOKEN_ADJUST_GROUPS |\
TOKEN_ADJUST_DEFAULT)
TOKEN_EXECUTE = (STANDARD_RIGHTS_EXECUTE)
TOKEN_SOURCE_LENGTH = 8
# Token types
TokenPrimary = 1
TokenImpersonation = 2
TokenUser = 1
TokenGroups = 2
TokenPrivileges = 3
TokenOwner = 4
TokenPrimaryGroup = 5
TokenDefaultDacl = 6
TokenSource = 7
TokenType = 8
TokenImpersonationLevel = 9
TokenStatistics = 10
OWNER_SECURITY_INFORMATION = (0X00000001)
GROUP_SECURITY_INFORMATION = (0X00000002)
DACL_SECURITY_INFORMATION = (0X00000004)
SACL_SECURITY_INFORMATION = (0X00000008)
IMAGE_DOS_SIGNATURE = 23117
IMAGE_OS2_SIGNATURE = 17742
IMAGE_OS2_SIGNATURE_LE = 17740
IMAGE_VXD_SIGNATURE = 17740
IMAGE_NT_SIGNATURE = 17744
IMAGE_SIZEOF_FILE_HEADER = 20
IMAGE_FILE_RELOCS_STRIPPED = 1
IMAGE_FILE_EXECUTABLE_IMAGE = 2
IMAGE_FILE_LINE_NUMS_STRIPPED = 4
IMAGE_FILE_LOCAL_SYMS_STRIPPED = 8
IMAGE_FILE_AGGRESIVE_WS_TRIM = 16
IMAGE_FILE_LARGE_ADDRESS_AWARE = 32
IMAGE_FILE_BYTES_REVERSED_LO = 128
IMAGE_FILE_32BIT_MACHINE = 256
IMAGE_FILE_DEBUG_STRIPPED = 512
IMAGE_FILE_REMOVABLE_RUN_FROM_SWAP = 1024
IMAGE_FILE_NET_RUN_FROM_SWAP = 2048
IMAGE_FILE_SYSTEM = 4096
IMAGE_FILE_DLL = 8192
IMAGE_FILE_UP_SYSTEM_ONLY = 16384
IMAGE_FILE_BYTES_REVERSED_HI = 32768
IMAGE_FILE_MACHINE_UNKNOWN = 0
IMAGE_FILE_MACHINE_I386 = 332
IMAGE_FILE_MACHINE_R3000 = 354
IMAGE_FILE_MACHINE_R4000 = 358
IMAGE_FILE_MACHINE_R10000 = 360
IMAGE_FILE_MACHINE_WCEMIPSV2 = 361
IMAGE_FILE_MACHINE_ALPHA = 388
IMAGE_FILE_MACHINE_POWERPC = 496
IMAGE_FILE_MACHINE_SH3 = 418
IMAGE_FILE_MACHINE_SH3E = 420
IMAGE_FILE_MACHINE_SH4 = 422
IMAGE_FILE_MACHINE_ARM = 448
IMAGE_NUMBEROF_DIRECTORY_ENTRIES = 16
IMAGE_SIZEOF_ROM_OPTIONAL_HEADER = 56
IMAGE_SIZEOF_STD_OPTIONAL_HEADER = 28
IMAGE_SIZEOF_NT_OPTIONAL_HEADER = 224
IMAGE_NT_OPTIONAL_HDR_MAGIC = 267
IMAGE_ROM_OPTIONAL_HDR_MAGIC = 263
IMAGE_SUBSYSTEM_UNKNOWN = 0
IMAGE_SUBSYSTEM_NATIVE = 1
IMAGE_SUBSYSTEM_WINDOWS_GUI = 2
IMAGE_SUBSYSTEM_WINDOWS_CUI = 3
IMAGE_SUBSYSTEM_WINDOWS_CE_GUI = 4
IMAGE_SUBSYSTEM_OS2_CUI = 5
IMAGE_SUBSYSTEM_POSIX_CUI = 7
IMAGE_SUBSYSTEM_RESERVED8 = 8
IMAGE_DLLCHARACTERISTICS_WDM_DRIVER = 8192
IMAGE_DIRECTORY_ENTRY_EXPORT = 0
IMAGE_DIRECTORY_ENTRY_IMPORT = 1
IMAGE_DIRECTORY_ENTRY_RESOURCE = 2
IMAGE_DIRECTORY_ENTRY_EXCEPTION = 3
IMAGE_DIRECTORY_ENTRY_SECURITY = 4
IMAGE_DIRECTORY_ENTRY_BASERELOC = 5
IMAGE_DIRECTORY_ENTRY_DEBUG = 6
IMAGE_DIRECTORY_ENTRY_COPYRIGHT = 7
IMAGE_DIRECTORY_ENTRY_GLOBALPTR = 8
IMAGE_DIRECTORY_ENTRY_TLS = 9
IMAGE_DIRECTORY_ENTRY_LOAD_CONFIG = 10
IMAGE_DIRECTORY_ENTRY_BOUND_IMPORT = 11
IMAGE_DIRECTORY_ENTRY_IAT = 12
IMAGE_SIZEOF_SHORT_NAME = 8
IMAGE_SIZEOF_SECTION_HEADER = 40
IMAGE_SCN_TYPE_NO_PAD = 8
IMAGE_SCN_CNT_CODE = 32
IMAGE_SCN_CNT_INITIALIZED_DATA = 64
IMAGE_SCN_CNT_UNINITIALIZED_DATA = 128
IMAGE_SCN_LNK_OTHER = 256
IMAGE_SCN_LNK_INFO = 512
IMAGE_SCN_LNK_REMOVE = 2048
IMAGE_SCN_LNK_COMDAT = 4096
IMAGE_SCN_MEM_FARDATA = 32768
IMAGE_SCN_MEM_PURGEABLE = 131072
IMAGE_SCN_MEM_16BIT = 131072
IMAGE_SCN_MEM_LOCKED = 262144
IMAGE_SCN_MEM_PRELOAD = 524288
IMAGE_SCN_ALIGN_1BYTES = 1048576
IMAGE_SCN_ALIGN_2BYTES = 2097152
IMAGE_SCN_ALIGN_4BYTES = 3145728
IMAGE_SCN_ALIGN_8BYTES = 4194304
IMAGE_SCN_ALIGN_16BYTES = 5242880
IMAGE_SCN_ALIGN_32BYTES = 6291456
IMAGE_SCN_ALIGN_64BYTES = 7340032
IMAGE_SCN_LNK_NRELOC_OVFL = 16777216
IMAGE_SCN_MEM_DISCARDABLE = 33554432
IMAGE_SCN_MEM_NOT_CACHED = 67108864
IMAGE_SCN_MEM_NOT_PAGED = 134217728
IMAGE_SCN_MEM_SHARED = 268435456
IMAGE_SCN_MEM_EXECUTE = 536870912
IMAGE_SCN_MEM_READ = 1073741824
IMAGE_SCN_MEM_WRITE = -2147483648
IMAGE_SCN_SCALE_INDEX = 1
IMAGE_SIZEOF_SYMBOL = 18
IMAGE_SYM_TYPE_NULL = 0
IMAGE_SYM_TYPE_VOID = 1
IMAGE_SYM_TYPE_CHAR = 2
IMAGE_SYM_TYPE_SHORT = 3
IMAGE_SYM_TYPE_INT = 4
IMAGE_SYM_TYPE_LONG = 5
IMAGE_SYM_TYPE_FLOAT = 6
IMAGE_SYM_TYPE_DOUBLE = 7
IMAGE_SYM_TYPE_STRUCT = 8
IMAGE_SYM_TYPE_UNION = 9
IMAGE_SYM_TYPE_ENUM = 10
IMAGE_SYM_TYPE_MOE = 11
IMAGE_SYM_TYPE_BYTE = 12
IMAGE_SYM_TYPE_WORD = 13
IMAGE_SYM_TYPE_UINT = 14
IMAGE_SYM_TYPE_DWORD = 15
IMAGE_SYM_TYPE_PCODE = 32768
IMAGE_SYM_DTYPE_NULL = 0
IMAGE_SYM_DTYPE_POINTER = 1
IMAGE_SYM_DTYPE_FUNCTION = 2
IMAGE_SYM_DTYPE_ARRAY = 3
IMAGE_SYM_CLASS_NULL = 0
IMAGE_SYM_CLASS_AUTOMATIC = 1
IMAGE_SYM_CLASS_EXTERNAL = 2
IMAGE_SYM_CLASS_STATIC = 3
IMAGE_SYM_CLASS_REGISTER = 4
IMAGE_SYM_CLASS_EXTERNAL_DEF = 5
IMAGE_SYM_CLASS_LABEL = 6
IMAGE_SYM_CLASS_UNDEFINED_LABEL = 7
IMAGE_SYM_CLASS_MEMBER_OF_STRUCT = 8
IMAGE_SYM_CLASS_ARGUMENT = 9
IMAGE_SYM_CLASS_STRUCT_TAG = 10
IMAGE_SYM_CLASS_MEMBER_OF_UNION = 11
IMAGE_SYM_CLASS_UNION_TAG = 12
IMAGE_SYM_CLASS_TYPE_DEFINITION = 13
IMAGE_SYM_CLASS_UNDEFINED_STATIC = 14
IMAGE_SYM_CLASS_ENUM_TAG = 15
IMAGE_SYM_CLASS_MEMBER_OF_ENUM = 16
IMAGE_SYM_CLASS_REGISTER_PARAM = 17
IMAGE_SYM_CLASS_BIT_FIELD = 18
IMAGE_SYM_CLASS_FAR_EXTERNAL = 68
IMAGE_SYM_CLASS_BLOCK = 100
IMAGE_SYM_CLASS_FUNCTION = 101
IMAGE_SYM_CLASS_END_OF_STRUCT = 102
IMAGE_SYM_CLASS_FILE = 103
IMAGE_SYM_CLASS_SECTION = 104
IMAGE_SYM_CLASS_WEAK_EXTERNAL = 105
N_BTMASK = 15
N_TMASK = 48
N_TMASK1 = 192
N_TMASK2 = 240
N_BTSHFT = 4
N_TSHIFT = 2
IMAGE_SIZEOF_AUX_SYMBOL = 18
IMAGE_COMDAT_SELECT_NODUPLICATES = 1
IMAGE_COMDAT_SELECT_ANY = 2
IMAGE_COMDAT_SELECT_SAME_SIZE = 3
IMAGE_COMDAT_SELECT_EXACT_MATCH = 4
IMAGE_COMDAT_SELECT_ASSOCIATIVE = 5
IMAGE_COMDAT_SELECT_LARGEST = 6
IMAGE_COMDAT_SELECT_NEWEST = 7
IMAGE_WEAK_EXTERN_SEARCH_NOLIBRARY = 1
IMAGE_WEAK_EXTERN_SEARCH_LIBRARY = 2
IMAGE_WEAK_EXTERN_SEARCH_ALIAS = 3
IMAGE_SIZEOF_RELOCATION = 10
IMAGE_REL_I386_ABSOLUTE = 0
IMAGE_REL_I386_DIR16 = 1
IMAGE_REL_I386_REL16 = 2
IMAGE_REL_I386_DIR32 = 6
IMAGE_REL_I386_DIR32NB = 7
IMAGE_REL_I386_SEG12 = 9
IMAGE_REL_I386_SECTION = 10
IMAGE_REL_I386_SECREL = 11
IMAGE_REL_I386_REL32 = 20
IMAGE_REL_MIPS_ABSOLUTE = 0
IMAGE_REL_MIPS_REFHALF = 1
IMAGE_REL_MIPS_REFWORD = 2
IMAGE_REL_MIPS_JMPADDR = 3
IMAGE_REL_MIPS_REFHI = 4
IMAGE_REL_MIPS_REFLO = 5
IMAGE_REL_MIPS_GPREL = 6
IMAGE_REL_MIPS_LITERAL = 7
IMAGE_REL_MIPS_SECTION = 10
IMAGE_REL_MIPS_SECREL = 11
IMAGE_REL_MIPS_SECRELLO = 12
IMAGE_REL_MIPS_SECRELHI = 13
IMAGE_REL_MIPS_REFWORDNB = 34
IMAGE_REL_MIPS_PAIR = 37
IMAGE_REL_ALPHA_ABSOLUTE = 0
IMAGE_REL_ALPHA_REFLONG = 1
IMAGE_REL_ALPHA_REFQUAD = 2
IMAGE_REL_ALPHA_GPREL32 = 3
IMAGE_REL_ALPHA_LITERAL = 4
IMAGE_REL_ALPHA_LITUSE = 5
IMAGE_REL_ALPHA_GPDISP = 6
IMAGE_REL_ALPHA_BRADDR = 7
IMAGE_REL_ALPHA_HINT = 8
IMAGE_REL_ALPHA_INLINE_REFLONG = 9
IMAGE_REL_ALPHA_REFHI = 10
IMAGE_REL_ALPHA_REFLO = 11
IMAGE_REL_ALPHA_PAIR = 12
IMAGE_REL_ALPHA_MATCH = 13
IMAGE_REL_ALPHA_SECTION = 14
IMAGE_REL_ALPHA_SECREL = 15
IMAGE_REL_ALPHA_REFLONGNB = 16
IMAGE_REL_ALPHA_SECRELLO = 17
IMAGE_REL_ALPHA_SECRELHI = 18
IMAGE_REL_PPC_ABSOLUTE = 0
IMAGE_REL_PPC_ADDR64 = 1
IMAGE_REL_PPC_ADDR32 = 2
IMAGE_REL_PPC_ADDR24 = 3
IMAGE_REL_PPC_ADDR16 = 4
IMAGE_REL_PPC_ADDR14 = 5
IMAGE_REL_PPC_REL24 = 6
IMAGE_REL_PPC_REL14 = 7
IMAGE_REL_PPC_TOCREL16 = 8
IMAGE_REL_PPC_TOCREL14 = 9
IMAGE_REL_PPC_ADDR32NB = 10
IMAGE_REL_PPC_SECREL = 11
IMAGE_REL_PPC_SECTION = 12
IMAGE_REL_PPC_IFGLUE = 13
IMAGE_REL_PPC_IMGLUE = 14
IMAGE_REL_PPC_SECREL16 = 15
IMAGE_REL_PPC_REFHI = 16
IMAGE_REL_PPC_REFLO = 17
IMAGE_REL_PPC_PAIR = 18
IMAGE_REL_PPC_SECRELLO = 19
IMAGE_REL_PPC_SECRELHI = 20
IMAGE_REL_PPC_TYPEMASK = 255
IMAGE_REL_PPC_NEG = 256
IMAGE_REL_PPC_BRTAKEN = 512
IMAGE_REL_PPC_BRNTAKEN = 1024
IMAGE_REL_PPC_TOCDEFN = 2048
IMAGE_REL_SH3_ABSOLUTE = 0
IMAGE_REL_SH3_DIRECT16 = 1
IMAGE_REL_SH3_DIRECT32 = 2
IMAGE_REL_SH3_DIRECT8 = 3
IMAGE_REL_SH3_DIRECT8_WORD = 4
IMAGE_REL_SH3_DIRECT8_LONG = 5
IMAGE_REL_SH3_DIRECT4 = 6
IMAGE_REL_SH3_DIRECT4_WORD = 7
IMAGE_REL_SH3_DIRECT4_LONG = 8
IMAGE_REL_SH3_PCREL8_WORD = 9
IMAGE_REL_SH3_PCREL8_LONG = 10
IMAGE_REL_SH3_PCREL12_WORD = 11
IMAGE_REL_SH3_STARTOF_SECTION = 12
IMAGE_REL_SH3_SIZEOF_SECTION = 13
IMAGE_REL_SH3_SECTION = 14
IMAGE_REL_SH3_SECREL = 15
IMAGE_REL_SH3_DIRECT32_NB = 16
IMAGE_SIZEOF_LINENUMBER = 6
IMAGE_SIZEOF_BASE_RELOCATION = 8
IMAGE_REL_BASED_ABSOLUTE = 0
IMAGE_REL_BASED_HIGH = 1
IMAGE_REL_BASED_LOW = 2
IMAGE_REL_BASED_HIGHLOW = 3
IMAGE_REL_BASED_HIGHADJ = 4
IMAGE_REL_BASED_MIPS_JMPADDR = 5
IMAGE_REL_BASED_SECTION = 6
IMAGE_REL_BASED_REL32 = 7
IMAGE_ARCHIVE_START_SIZE = 8
IMAGE_ARCHIVE_START = "!<arch>\n"
IMAGE_ARCHIVE_END = "`\n"
IMAGE_ARCHIVE_PAD = "\n"
IMAGE_ARCHIVE_LINKER_MEMBER = "/ "
IMAGE_SIZEOF_ARCHIVE_MEMBER_HDR = 60
IMAGE_ORDINAL_FLAG = -2147483648
IMAGE_RESOURCE_NAME_IS_STRING = -2147483648
IMAGE_RESOURCE_DATA_IS_DIRECTORY = -2147483648
IMAGE_DEBUG_TYPE_UNKNOWN = 0
IMAGE_DEBUG_TYPE_COFF = 1
IMAGE_DEBUG_TYPE_CODEVIEW = 2
IMAGE_DEBUG_TYPE_FPO = 3
IMAGE_DEBUG_TYPE_MISC = 4
IMAGE_DEBUG_TYPE_EXCEPTION = 5
IMAGE_DEBUG_TYPE_FIXUP = 6
IMAGE_DEBUG_TYPE_OMAP_TO_SRC = 7
IMAGE_DEBUG_TYPE_OMAP_FROM_SRC = 8
IMAGE_DEBUG_TYPE_BORLAND = 9
FRAME_FPO = 0
FRAME_TRAP = 1
FRAME_TSS = 2
FRAME_NONFPO = 3
SIZEOF_RFPO_DATA = 16
IMAGE_DEBUG_MISC_EXENAME = 1
IMAGE_SEPARATE_DEBUG_SIGNATURE = 18756
IMAGE_SEPARATE_DEBUG_FLAGS_MASK = 32768
IMAGE_SEPARATE_DEBUG_MISMATCH = 32768
# Included from string.h
_NLSCMPERROR = 2147483647
NULL = 0
HEAP_NO_SERIALIZE = 1
HEAP_GROWABLE = 2
HEAP_GENERATE_EXCEPTIONS = 4
HEAP_ZERO_MEMORY = 8
HEAP_REALLOC_IN_PLACE_ONLY = 16
HEAP_TAIL_CHECKING_ENABLED = 32
HEAP_FREE_CHECKING_ENABLED = 64
HEAP_DISABLE_COALESCE_ON_FREE = 128
HEAP_CREATE_ALIGN_16 = 65536
HEAP_CREATE_ENABLE_TRACING = 131072
HEAP_MAXIMUM_TAG = 4095
HEAP_PSEUDO_TAG_FLAG = 32768
HEAP_TAG_SHIFT = 16
IS_TEXT_UNICODE_ASCII16 = 1
IS_TEXT_UNICODE_REVERSE_ASCII16 = 16
IS_TEXT_UNICODE_STATISTICS = 2
IS_TEXT_UNICODE_REVERSE_STATISTICS = 32
IS_TEXT_UNICODE_CONTROLS = 4
IS_TEXT_UNICODE_REVERSE_CONTROLS = 64
IS_TEXT_UNICODE_SIGNATURE = 8
IS_TEXT_UNICODE_REVERSE_SIGNATURE = 128
IS_TEXT_UNICODE_ILLEGAL_CHARS = 256
IS_TEXT_UNICODE_ODD_LENGTH = 512
IS_TEXT_UNICODE_DBCS_LEADBYTE = 1024
IS_TEXT_UNICODE_NULL_BYTES = 4096
IS_TEXT_UNICODE_UNICODE_MASK = 15
IS_TEXT_UNICODE_REVERSE_MASK = 240
IS_TEXT_UNICODE_NOT_UNICODE_MASK = 3840
IS_TEXT_UNICODE_NOT_ASCII_MASK = 61440
COMPRESSION_FORMAT_NONE = (0)
COMPRESSION_FORMAT_DEFAULT = (1)
COMPRESSION_FORMAT_LZNT1 = (2)
COMPRESSION_ENGINE_STANDARD = (0)
COMPRESSION_ENGINE_MAXIMUM = (256)
MESSAGE_RESOURCE_UNICODE = 1
RTL_CRITSECT_TYPE = 0
RTL_RESOURCE_TYPE = 1
SEF_DACL_AUTO_INHERIT = 1
SEF_SACL_AUTO_INHERIT = 2
SEF_DEFAULT_DESCRIPTOR_FOR_OBJECT = 4
SEF_AVOID_PRIVILEGE_CHECK = 8
DLL_PROCESS_ATTACH = 1
DLL_THREAD_ATTACH = 2
DLL_THREAD_DETACH = 3
DLL_PROCESS_DETACH = 0
EVENTLOG_SEQUENTIAL_READ = 0X0001
EVENTLOG_SEEK_READ = 0X0002
EVENTLOG_FORWARDS_READ = 0X0004
EVENTLOG_BACKWARDS_READ = 0X0008
EVENTLOG_SUCCESS = 0X0000
EVENTLOG_ERROR_TYPE = 1
EVENTLOG_WARNING_TYPE = 2
EVENTLOG_INFORMATION_TYPE = 4
EVENTLOG_AUDIT_SUCCESS = 8
EVENTLOG_AUDIT_FAILURE = 16
EVENTLOG_START_PAIRED_EVENT = 1
EVENTLOG_END_PAIRED_EVENT = 2
EVENTLOG_END_ALL_PAIRED_EVENTS = 4
EVENTLOG_PAIRED_EVENT_ACTIVE = 8
EVENTLOG_PAIRED_EVENT_INACTIVE = 16
KEY_QUERY_VALUE = (1)
KEY_SET_VALUE = (2)
KEY_CREATE_SUB_KEY = (4)
KEY_ENUMERATE_SUB_KEYS = (8)
KEY_NOTIFY = (16)
KEY_CREATE_LINK = (32)
KEY_READ = ((STANDARD_RIGHTS_READ |\
KEY_QUERY_VALUE |\
KEY_ENUMERATE_SUB_KEYS |\
KEY_NOTIFY) \
& \
(~SYNCHRONIZE))
KEY_WRITE = ((STANDARD_RIGHTS_WRITE |\
KEY_SET_VALUE |\
KEY_CREATE_SUB_KEY) \
& \
(~SYNCHRONIZE))
KEY_EXECUTE = ((KEY_READ) \
& \
(~SYNCHRONIZE))
KEY_ALL_ACCESS = ((STANDARD_RIGHTS_ALL |\
KEY_QUERY_VALUE |\
KEY_SET_VALUE |\
KEY_CREATE_SUB_KEY |\
KEY_ENUMERATE_SUB_KEYS |\
KEY_NOTIFY |\
KEY_CREATE_LINK) \
& \
(~SYNCHRONIZE))
REG_OPTION_RESERVED = (0)
REG_OPTION_NON_VOLATILE = (0)
REG_OPTION_VOLATILE = (1)
REG_OPTION_CREATE_LINK = (2)
REG_OPTION_BACKUP_RESTORE = (4)
REG_OPTION_OPEN_LINK = (8)
REG_LEGAL_OPTION = \
(REG_OPTION_RESERVED |\
REG_OPTION_NON_VOLATILE |\
REG_OPTION_VOLATILE |\
REG_OPTION_CREATE_LINK |\
REG_OPTION_BACKUP_RESTORE |\
REG_OPTION_OPEN_LINK)
REG_CREATED_NEW_KEY = (1)
REG_OPENED_EXISTING_KEY = (2)
REG_WHOLE_HIVE_VOLATILE = (1)
REG_REFRESH_HIVE = (2)
REG_NO_LAZY_FLUSH = (4)
REG_NOTIFY_CHANGE_NAME = (1)
REG_NOTIFY_CHANGE_ATTRIBUTES = (2)
REG_NOTIFY_CHANGE_LAST_SET = (4)
REG_NOTIFY_CHANGE_SECURITY = (8)
REG_LEGAL_CHANGE_FILTER = \
(REG_NOTIFY_CHANGE_NAME |\
REG_NOTIFY_CHANGE_ATTRIBUTES |\
REG_NOTIFY_CHANGE_LAST_SET |\
REG_NOTIFY_CHANGE_SECURITY)
REG_NONE = ( 0 )
REG_SZ = ( 1 )
REG_EXPAND_SZ = ( 2 )
REG_BINARY = ( 3 )
REG_DWORD = ( 4 )
REG_DWORD_LITTLE_ENDIAN = ( 4 )
REG_DWORD_BIG_ENDIAN = ( 5 )
REG_LINK = ( 6 )
REG_MULTI_SZ = ( 7 )
REG_RESOURCE_LIST = ( 8 )
REG_FULL_RESOURCE_DESCRIPTOR = ( 9 )
REG_RESOURCE_REQUIREMENTS_LIST = ( 10 )
SERVICE_KERNEL_DRIVER = 1
SERVICE_FILE_SYSTEM_DRIVER = 2
SERVICE_ADAPTER = 4
SERVICE_RECOGNIZER_DRIVER = 8
SERVICE_DRIVER = (SERVICE_KERNEL_DRIVER | \
SERVICE_FILE_SYSTEM_DRIVER | \
SERVICE_RECOGNIZER_DRIVER)
SERVICE_WIN32_OWN_PROCESS = 16
SERVICE_WIN32_SHARE_PROCESS = 32
SERVICE_WIN32 = (SERVICE_WIN32_OWN_PROCESS | \
SERVICE_WIN32_SHARE_PROCESS)
SERVICE_INTERACTIVE_PROCESS = 256
SERVICE_TYPE_ALL = (SERVICE_WIN32 | \
SERVICE_ADAPTER | \
SERVICE_DRIVER | \
SERVICE_INTERACTIVE_PROCESS)
SERVICE_BOOT_START = 0
SERVICE_SYSTEM_START = 1
SERVICE_AUTO_START = 2
SERVICE_DEMAND_START = 3
SERVICE_DISABLED = 4
SERVICE_ERROR_IGNORE = 0
SERVICE_ERROR_NORMAL = 1
SERVICE_ERROR_SEVERE = 2
SERVICE_ERROR_CRITICAL = 3
TAPE_ERASE_SHORT = 0
TAPE_ERASE_LONG = 1
TAPE_LOAD = 0
TAPE_UNLOAD = 1
TAPE_TENSION = 2
TAPE_LOCK = 3
TAPE_UNLOCK = 4
TAPE_FORMAT = 5
TAPE_SETMARKS = 0
TAPE_FILEMARKS = 1
TAPE_SHORT_FILEMARKS = 2
TAPE_LONG_FILEMARKS = 3
TAPE_ABSOLUTE_POSITION = 0
TAPE_LOGICAL_POSITION = 1
TAPE_PSEUDO_LOGICAL_POSITION = 2
TAPE_REWIND = 0
TAPE_ABSOLUTE_BLOCK = 1
TAPE_LOGICAL_BLOCK = 2
TAPE_PSEUDO_LOGICAL_BLOCK = 3
TAPE_SPACE_END_OF_DATA = 4
TAPE_SPACE_RELATIVE_BLOCKS = 5
TAPE_SPACE_FILEMARKS = 6
TAPE_SPACE_SEQUENTIAL_FMKS = 7
TAPE_SPACE_SETMARKS = 8
TAPE_SPACE_SEQUENTIAL_SMKS = 9
TAPE_DRIVE_FIXED = 1
TAPE_DRIVE_SELECT = 2
TAPE_DRIVE_INITIATOR = 4
TAPE_DRIVE_ERASE_SHORT = 16
TAPE_DRIVE_ERASE_LONG = 32
TAPE_DRIVE_ERASE_BOP_ONLY = 64
TAPE_DRIVE_ERASE_IMMEDIATE = 128
TAPE_DRIVE_TAPE_CAPACITY = 256
TAPE_DRIVE_TAPE_REMAINING = 512
TAPE_DRIVE_FIXED_BLOCK = 1024
TAPE_DRIVE_VARIABLE_BLOCK = 2048
TAPE_DRIVE_WRITE_PROTECT = 4096
TAPE_DRIVE_EOT_WZ_SIZE = 8192
TAPE_DRIVE_ECC = 65536
TAPE_DRIVE_COMPRESSION = 131072
TAPE_DRIVE_PADDING = 262144
TAPE_DRIVE_REPORT_SMKS = 524288
TAPE_DRIVE_GET_ABSOLUTE_BLK = 1048576
TAPE_DRIVE_GET_LOGICAL_BLK = 2097152
TAPE_DRIVE_SET_EOT_WZ_SIZE = 4194304
TAPE_DRIVE_EJECT_MEDIA = 16777216
TAPE_DRIVE_RESERVED_BIT = -2147483648
TAPE_DRIVE_LOAD_UNLOAD = -2147483647
TAPE_DRIVE_TENSION = -2147483646
TAPE_DRIVE_LOCK_UNLOCK = -2147483644
TAPE_DRIVE_REWIND_IMMEDIATE = -2147483640
TAPE_DRIVE_SET_BLOCK_SIZE = -2147483632
TAPE_DRIVE_LOAD_UNLD_IMMED = -2147483616
TAPE_DRIVE_TENSION_IMMED = -2147483584
TAPE_DRIVE_LOCK_UNLK_IMMED = -2147483520
TAPE_DRIVE_SET_ECC = -2147483392
TAPE_DRIVE_SET_COMPRESSION = -2147483136
TAPE_DRIVE_SET_PADDING = -2147482624
TAPE_DRIVE_SET_REPORT_SMKS = -2147481600
TAPE_DRIVE_ABSOLUTE_BLK = -2147479552
TAPE_DRIVE_ABS_BLK_IMMED = -2147475456
TAPE_DRIVE_LOGICAL_BLK = -2147467264
TAPE_DRIVE_LOG_BLK_IMMED = -2147450880
TAPE_DRIVE_END_OF_DATA = -2147418112
TAPE_DRIVE_RELATIVE_BLKS = -2147352576
TAPE_DRIVE_FILEMARKS = -2147221504
TAPE_DRIVE_SEQUENTIAL_FMKS = -2146959360
TAPE_DRIVE_SETMARKS = -2146435072
TAPE_DRIVE_SEQUENTIAL_SMKS = -2145386496
TAPE_DRIVE_REVERSE_POSITION = -2143289344
TAPE_DRIVE_SPACE_IMMEDIATE = -2139095040
TAPE_DRIVE_WRITE_SETMARKS = -2130706432
TAPE_DRIVE_WRITE_FILEMARKS = -2113929216
TAPE_DRIVE_WRITE_SHORT_FMKS = -2080374784
TAPE_DRIVE_WRITE_LONG_FMKS = -2013265920
TAPE_DRIVE_WRITE_MARK_IMMED = -1879048192
TAPE_DRIVE_FORMAT = -1610612736
TAPE_DRIVE_FORMAT_IMMEDIATE = -1073741824
TAPE_DRIVE_HIGH_FEATURES = -2147483648
TAPE_FIXED_PARTITIONS = 0
TAPE_SELECT_PARTITIONS = 1
TAPE_INITIATOR_PARTITIONS = 2
| [
2,
2980,
515,
416,
289,
17,
9078,
422,
3467,
76,
824,
34388,
59,
17256,
59,
5404,
429,
13,
71,
201,
198,
201,
198,
2969,
31484,
6234,
62,
24908,
62,
31180,
42,
796,
642,
27412,
31495,
1065,
201,
198,
24908,
62,
5188,
5959,
9050,
62,
12564,
4093,
7597,
796,
657,
201,
198,
24908,
62,
5188,
5959,
9050,
62,
1268,
21389,
29912,
796,
16226,
31020,
1507,
1731,
201,
198,
24908,
62,
5188,
5959,
9050,
62,
31502,
796,
532,
17,
20198,
2780,
26780,
23,
201,
198,
24908,
62,
5188,
5959,
9050,
62,
24908,
796,
532,
15982,
31020,
1507,
1731,
201,
198,
23678,
38019,
796,
13108,
201,
198,
22921,
38019,
796,
18112,
201,
198,
23678,
9693,
9863,
796,
36203,
3104,
201,
198,
22921,
9693,
9863,
796,
36203,
3134,
201,
198,
23678,
43,
18494,
796,
532,
17,
20198,
2780,
26780,
23,
201,
198,
22921,
43,
18494,
796,
362,
20198,
2780,
26780,
22,
201,
198,
22921,
17513,
9328,
796,
14280,
201,
198,
22921,
54,
12532,
796,
45021,
2327,
201,
198,
22921,
42955,
12532,
796,
532,
16,
201,
198,
43,
15567,
62,
12161,
3843,
35296,
796,
657,
201,
198,
43,
15567,
62,
8579,
7112,
25123,
15037,
796,
7175,
201,
198,
43,
15567,
62,
1847,
33,
1565,
16868,
796,
2579,
201,
198,
43,
15567,
62,
1503,
6242,
2149,
796,
352,
201,
198,
43,
15567,
62,
33,
1921,
48,
8924,
796,
4153,
201,
198,
43,
15567,
62,
33,
3698,
1503,
2937,
16868,
796,
3439,
201,
198,
43,
15567,
62,
33,
6239,
38,
1503,
16868,
796,
362,
201,
198,
43,
15567,
62,
34,
1404,
1847,
1565,
796,
513,
201,
198,
43,
15567,
62,
3398,
1268,
33635,
796,
604,
201,
198,
43,
15567,
62,
9419,
46,
1404,
16868,
796,
2608,
201,
198,
43,
15567,
62,
34,
57,
25994,
796,
642,
201,
198,
43,
15567,
62,
35,
1565,
18422,
796,
718,
201,
198,
43,
15567,
62,
35,
3843,
3398,
796,
678,
201,
198,
43,
15567,
62,
1677,
8763,
18422,
796,
860,
201,
198,
43,
15567,
62,
6465,
1340,
16868,
796,
5214,
201,
198,
43,
15567,
62,
7708,
34812,
33635,
796,
7265,
201,
198,
43,
15567,
62,
37,
1503,
11584,
796,
6073,
201,
198,
43,
15567,
62,
20032,
45,
18422,
796,
1367,
201,
198,
43,
15567,
62,
10913,
1677,
3398,
796,
1105,
201,
198,
43,
15567,
62,
30373,
10725,
796,
767,
201,
198,
43,
15567,
62,
38,
11587,
42,
796,
807,
201,
198,
43,
15567,
62,
13909,
40438,
54,
796,
1511,
201,
198,
43,
15567,
62,
39,
12115,
40,
796,
7632,
201,
198,
43,
15567,
62,
39,
4944,
38,
1503,
16868,
796,
1478,
201,
198,
43,
15567,
62,
2149,
3698,
6981,
2149,
796,
1315,
201,
198,
43,
15567,
62,
12115,
39677,
16868,
796,
4747,
201,
198,
43,
15567,
62,
40579,
16868,
796,
1467,
201,
198,
43,
15567,
62,
41,
2969,
1565,
33635,
796,
1596,
201,
198,
43,
15567,
62,
42,
6965,
1565,
796,
1248,
201,
198,
43,
15567,
62,
43,
1404,
12861,
1565,
796,
4353,
201,
198,
43,
15567,
62,
43,
10554,
52,
1565,
16868,
796,
5014,
201,
198,
43,
15567,
62,
44721,
1961,
1340,
16868,
796,
6298,
201,
198,
43,
15567,
62,
42126,
4792,
796,
8190,
201,
198,
43,
15567,
62,
35510,
54,
7156,
16868,
796,
1160,
201,
198,
43,
15567,
62,
45472,
18422,
796,
2310,
201,
198,
43,
15567,
62,
15490,
7340,
52,
33635,
796,
2534,
201,
198,
43,
15567,
62,
33676,
1565,
16868,
796,
1987,
201,
198,
43,
15567,
62,
49,
2937,
11584,
1565,
796,
1679,
201,
198,
43,
15567,
62,
35009,
3483,
1565,
796,
2608,
201,
198,
43,
15567,
62,
8634,
8874,
10206,
796,
2681,
201,
198,
43,
15567,
62,
8634,
8874,
1677,
16868,
796,
4570,
201,
198,
43,
15567,
62,
4303,
1565,
18422,
796,
838,
201,
198,
43,
15567,
62,
50,
15543,
39,
4146,
40,
796,
6135,
201,
198,
43,
15567,
62,
17887,
1961,
18422,
796,
2808,
201,
198,
43,
15567,
62,
4221,
20185,
796,
1542,
201,
198,
43,
15567,
62,
51,
4261,
42,
18422,
796,
3261,
201,
198,
43,
15567,
62,
15039,
3861,
1268,
16868,
796,
4974,
201,
198,
43,
15567,
62,
12861,
2767,
45,
29559,
36,
796,
5433,
201,
198,
12564,
9148,
15567,
62,
12161,
3843,
35296,
796,
657,
201,
198,
12564,
9148,
15567,
62,
7206,
38865,
796,
352,
201,
198,
12564,
9148,
15567,
62,
50,
16309,
62,
7206,
38865,
796,
362,
201,
198,
12564,
9148,
15567,
62,
1503,
6242,
2149,
62,
4090,
8322,
40,
62,
24401,
3483,
32,
796,
352,
201,
198,
12564,
9148,
15567,
62,
1503,
6242,
2149,
62,
40,
3861,
48,
796,
362,
201,
198,
12564,
9148,
15567,
62,
1503,
6242,
2149,
62,
7156,
56,
11571,
796,
513,
201,
198,
12564,
9148,
15567,
62,
1503,
6242,
2149,
62,
40347,
44947,
796,
604,
201,
198,
12564,
9148,
15567,
62,
1503,
6242,
2149,
62,
1847,
30373,
3539,
796,
642,
201,
198,
12564,
9148,
15567,
62,
1503,
6242,
2149,
62,
44,
1581,
46,
4093,
46,
796,
718,
201,
198,
12564,
9148,
15567,
62,
1503,
6242,
2149,
62,
51,
4944,
1797,
3539,
796,
767,
201,
198,
12564,
9148,
15567,
62,
1503,
6242,
2149,
62,
2662,
1565,
796,
807,
201,
198,
12564,
9148,
15567,
62,
1503,
6242,
2149,
62,
56,
3620,
1677,
796,
860,
201,
198,
12564,
9148,
15567,
62,
1503,
6242,
2149,
62,
23060,
49,
3539,
796,
838,
201,
198,
12564,
9148,
15567,
62,
1503,
6242,
2149,
62,
41,
12532,
1565,
796,
1367,
201,
198,
12564,
9148,
15567,
62,
1503,
6242,
2149,
62,
2538,
33,
1565,
1340,
796,
1105,
201,
198,
12564,
9148,
15567,
62,
1503,
6242,
2149,
62,
42,
52,
15543,
2043,
796,
1511,
201,
198,
12564,
9148,
15567,
62,
1503,
6242,
2149,
62,
52,
14242,
796,
1478,
201,
198,
12564,
9148,
15567,
62,
1503,
6242,
2149,
62,
4339,
39,
3861,
1268,
796,
1315,
201,
198,
12564,
9148,
15567,
62,
1503,
6242,
2149,
62,
48,
1404,
1503,
796,
1467,
201,
198,
12564,
9148,
15567,
62,
3398,
1268,
33635,
62,
5446,
2885,
17941,
1847,
796,
352,
201,
198,
12564,
9148,
15567,
62,
3398,
1268,
33635,
62,
48913,
6489,
28343,
796,
362,
201,
198,
12564,
9148,
15567,
62,
3398,
1268,
33635,
62,
39,
18494,
42,
18494,
796,
513,
201,
198,
12564,
9148,
15567,
62,
3398,
1268,
33635,
62,
50,
2751,
2969,
6965,
796,
604,
201,
198,
12564,
9148,
15567,
62,
3398,
1268,
33635,
62,
44,
26576,
52,
796,
642,
201,
198,
12564,
9148,
15567,
62,
35,
3843,
3398,
796,
352,
201,
198,
12564,
9148,
15567,
62,
35,
3843,
3398,
62,
33,
3698,
38,
16868,
796,
362,
201,
198,
12564,
9148,
15567,
62,
1677,
8763,
18422,
62,
2937,
796,
352,
201,
198,
12564,
9148,
15567,
62,
1677,
8763,
18422,
62,
15039,
796,
362,
201,
198,
12564,
9148,
15567,
62,
1677,
8763,
18422,
62,
32,
2937,
796,
513,
201,
198,
12564,
9148,
15567,
62,
1677,
8763,
18422,
62,
44565,
796,
604,
201,
198,
12564,
9148,
15567,
62,
1677,
8763,
18422,
62,
37371,
796,
642,
201,
198,
12564,
9148,
15567,
62,
1677,
8763,
18422,
62,
36,
41736,
796,
718,
201,
198,
12564,
9148,
15567,
62,
1677,
8763,
18422,
62,
50,
2606,
4221,
62,
8579,
49,
25241,
796,
767,
201,
198,
12564,
9148,
15567,
62,
1677,
8763,
18422,
62,
41,
25087,
25241,
796,
807,
201,
198,
12564,
9148,
15567,
62,
1677,
8763,
18422,
62,
20034,
9865,
12473,
1565,
796,
860,
201,
198,
12564,
9148,
15567,
62,
1677,
8763,
18422,
62,
33,
3698,
35400,
796,
838,
201,
198,
12564,
9148,
15567,
62,
1677,
8763,
18422,
62,
5446,
1268,
2389,
2885,
796,
1367,
201,
198,
12564,
9148,
15567,
62,
1677,
8763,
18422,
62,
57,
3955,
4339,
33,
8845,
796,
1105,
201,
198,
12564,
9148,
15567,
62,
1677,
8763,
18422,
62,
11909,
4146,
31444,
1268,
1546,
796,
1511,
201,
198,
12564,
9148,
15567,
62,
10913,
1677,
3398,
796,
352,
201,
198,
12564,
9148,
15567,
62,
10913,
1677,
3398,
62,
33,
3698,
38,
16868,
796,
362,
201,
198,
12564,
9148,
15567,
62,
10913,
1677,
3398,
62,
44565,
2885,
16868,
796,
513,
201,
198,
12564,
9148,
15567,
62,
10913,
1677,
3398,
62,
17887,
16744,
796,
604,
201,
198,
12564,
9148,
15567,
62,
10913,
1677,
3398,
62,
43,
31235,
3620,
33,
11698,
38,
796,
642,
201,
198,
12564,
9148,
15567,
62,
10913,
1677,
3398,
62,
27857,
2246,
46,
796,
718,
201,
198,
12564,
9148,
15567,
62,
30373,
10725,
796,
352,
201,
198,
12564,
9148,
15567,
62,
30373,
10725,
62,
17887,
16744,
796,
362,
201,
198,
12564,
9148,
15567,
62,
30373,
10725,
62,
32,
7759,
7112,
1565,
796,
513,
201,
198,
12564,
9148,
15567,
62,
30373,
10725,
62,
43,
31235,
3620,
33,
11698,
38,
796,
604,
201,
198,
12564,
9148,
15567,
62,
30373,
10725,
62,
31271,
2943,
6535,
1677,
30516,
1268,
796,
642,
201,
198,
12564,
9148,
15567,
62,
40579,
16868,
796,
352,
201,
198,
12564,
9148,
15567,
62,
40579,
16868,
62,
17887,
16744,
796,
362,
201,
198,
12564,
9148,
15567,
62,
42,
6965,
1565,
796,
352,
201,
198,
12564,
9148,
15567,
62,
42,
6965,
1565,
62,
41,
12096,
6242,
796,
362,
201,
198,
12564,
9148,
15567,
62,
43,
10554,
52,
1565,
16868,
796,
352,
201,
198,
12564,
9148,
15567,
62,
43,
10554,
52,
1565,
16868,
62,
31631,
2149,
796,
362,
201,
198,
12564,
9148,
15567,
62,
42126,
4792,
62,
42126,
4792,
50,
3539,
796,
352,
201,
198,
12564,
9148,
15567,
62,
42126,
4792,
62,
11473,
41884,
40,
62,
35,
1503,
32835,
1847,
2390,
796,
362,
201,
198,
12564,
9148,
15567,
62,
35510,
54,
7156,
16868,
62,
8202,
42,
42126,
796,
352,
201,
198,
12564,
9148,
15567,
62,
35510,
54,
7156,
16868,
62,
12805,
35510,
18831,
796,
362,
201,
198,
12564,
9148,
15567,
62,
15490,
7340,
52,
33635,
796,
362,
201,
198,
12564,
9148,
15567,
62,
15490,
7340,
52,
33635,
62,
33,
3861,
57,
4146,
16868,
796,
352,
201,
198,
12564,
9148,
15567,
62,
35009,
3483,
1565,
62,
43,
1404,
1268,
796,
362,
201,
198,
12564,
9148,
15567,
62,
35009,
3483,
1565,
62,
34,
56,
7112,
3069,
2149,
796,
513,
201,
198,
12564,
9148,
15567,
62,
4303,
1565,
18422,
796,
352,
201,
198,
12564,
9148,
15567,
62,
4303,
1565,
18422,
62,
44,
6369,
42710,
796,
362,
201,
198,
12564,
9148,
15567,
62,
4303,
1565,
18422,
62,
33365,
28778,
796,
513,
201,
198,
12564,
9148,
15567,
62,
4303,
1565,
18422,
62,
38022,
1404,
3620,
1847,
32,
796,
604,
201,
198,
12564,
9148,
15567,
62,
4303,
1565,
18422,
62,
8220,
2257,
32,
62,
49,
25241,
796,
642,
201,
198,
12564,
9148,
15567,
62,
4303,
1565,
18422,
62,
47,
1565,
25087,
796,
718,
201,
198,
12564,
9148,
15567,
62,
4303,
1565,
18422,
62,
39170,
1268,
42710,
62,
2200,
5105,
32936,
796,
767,
201,
198,
12564,
9148,
15567,
62,
4303,
1565,
18422,
62,
28290,
36,
57,
52,
3698,
32,
796,
807,
201,
198,
12564,
9148,
15567,
62,
4303,
1565,
18422,
62,
25154,
2662,
3483,
32,
796,
860,
201,
198,
12564,
9148,
15567,
62,
4303,
1565,
18422,
62,
18973,
52,
796,
838,
201,
198,
12564,
9148,
15567,
62,
4303,
1565,
18422,
62,
1503,
38,
3525,
28893,
796,
1367,
201,
198,
12564,
9148,
15567,
62,
4303,
1565,
18422,
62,
2943,
52,
2885,
1581,
796,
1105,
201,
198,
12564,
9148,
15567,
62,
4303,
1565,
18422,
62,
3398,
41119,
796,
1511,
201,
198,
12564,
9148,
15567,
62,
4303,
1565,
18422,
62,
4261,
7340,
52,
4792,
796,
1478,
201,
198,
12564,
9148,
15567,
62,
4303,
1565,
18422,
62,
27082,
4760,
52,
4792,
796,
1315,
201,
198,
12564,
9148,
15567,
62,
4303,
1565,
18422,
62,
33,
3535,
3824,
3539,
796,
1467,
201,
198,
12564,
9148,
15567,
62,
4303,
1565,
18422,
62,
3698,
62,
50,
1847,
53,
2885,
1581,
796,
1596,
201,
198,
12564,
9148,
15567,
62,
4303,
1565,
18422,
62,
39,
18672,
4261,
1921,
796,
1248,
201,
198,
12564,
9148,
15567,
62,
4303,
1565,
18422,
62,
45,
2149,
1503,
4760,
34970,
796,
678,
201,
198,
12564,
9148,
15567,
62,
4303,
1565,
18422,
62,
5105,
1137,
10468,
62,
49,
22707,
796,
1160,
201,
198,
12564,
9148,
15567,
62,
17887,
1961,
18422,
796,
352,
201,
198,
12564,
9148,
15567,
62,
17887,
1961,
18422,
62,
20032,
28182,
796,
362,
201,
198,
50,
9863,
62,
7206,
38865,
796,
657,
201,
198,
50,
9863,
62,
41,
2969,
1565,
33635,
62,
55,
41,
1797,
796,
657,
201,
198,
50,
9863,
62,
41,
2969,
1565,
33635,
62,
4944,
2149,
16820,
796,
352,
201,
198,
50,
9863,
62,
3398,
1268,
33635,
62,
3483,
38,
20,
796,
657,
201,
198,
50,
9863,
62,
3398,
1268,
33635,
62,
4805,
8697,
796,
657,
201,
198,
50,
9863,
62,
3398,
1268,
33635,
62,
4944,
2149,
16820,
796,
352,
201,
198,
50,
9863,
62,
3398,
1268,
33635,
62,
4805,
34,
796,
362,
201,
198,
50,
9863,
62,
42,
6965,
1565,
62,
42,
6173,
796,
657,
201,
198,
50,
9863,
62,
42,
6965,
1565,
62,
4944,
2149,
16820,
796,
352,
201,
198,
50,
9863,
62,
30373,
10725,
62,
11909,
11651,
62,
39453,
796,
352,
201,
198,
201,
198,
45,
6561,
62,
23428,
2389,
62,
29701,
21358,
62,
31180,
42,
796,
838,
32642,
2425,
201,
198,
201,
198,
22921,
3955,
5883,
62,
15543,
2043,
62,
9864,
41,
2943,
4694,
796,
5598,
201,
198,
22921,
3955,
5883,
62,
50,
2937,
47,
10619,
62,
34,
28270,
796,
25882,
38019,
201,
198,
201,
198,
6369,
42006,
2849,
62,
45,
1340,
37815,
1268,
52,
17534,
796,
352,
201,
198,
6369,
42006,
2849,
62,
22921,
3955,
5883,
62,
27082,
2390,
2767,
4877,
796,
1315,
201,
198,
4805,
4503,
7597,
62,
5781,
23678,
6158,
796,
357,
16,
8,
201,
198,
4805,
4503,
7597,
62,
43387,
6158,
62,
4221,
15675,
796,
357,
17,
8,
201,
198,
4805,
4503,
7597,
62,
15996,
62,
31054,
6234,
796,
357,
23,
8,
201,
198,
4805,
4503,
7597,
62,
15996,
62,
15675,
796,
357,
1433,
8,
201,
198,
4805,
4503,
7597,
62,
15996,
62,
18564,
12709,
796,
357,
2624,
8,
201,
198,
4805,
4503,
7597,
62,
35,
8577,
62,
39,
6981,
2538,
796,
357,
2414,
8,
201,
198,
4805,
4503,
7597,
62,
43387,
6158,
62,
4805,
4503,
7597,
796,
357,
12762,
8,
201,
198,
4805,
4503,
7597,
62,
28480,
62,
10917,
29009,
796,
357,
11645,
8,
201,
198,
4805,
4503,
7597,
62,
28480,
62,
1268,
35036,
796,
357,
25836,
8,
201,
198,
4805,
4503,
7597,
62,
10917,
19664,
62,
1268,
35036,
796,
357,
35500,
8,
201,
198,
22921,
3955,
5883,
62,
4805,
4503,
7597,
20673,
796,
3933,
201,
198,
4221,
15675,
62,
5781,
23678,
6158,
796,
357,
16,
8,
201,
198,
4221,
15675,
62,
50,
2937,
47,
10619,
62,
19535,
38340,
796,
357,
17,
8,
201,
198,
4221,
15675,
62,
18851,
62,
10943,
32541,
796,
357,
23,
8,
201,
198,
4221,
15675,
62,
28480,
62,
10943,
32541,
796,
357,
1433,
8,
201,
198,
4221,
15675,
62,
28480,
62,
1268,
35036,
796,
357,
2624,
8,
201,
198,
4221,
15675,
62,
10917,
19664,
62,
1268,
35036,
796,
357,
2414,
8,
201,
198,
4221,
15675,
62,
28480,
62,
4221,
15675,
62,
10468,
43959,
796,
357,
12762,
8,
201,
198,
4221,
15675,
62,
3955,
47,
29086,
6158,
796,
357,
11645,
8,
201,
198,
4221,
15675,
62,
17931,
23988,
62,
3955,
47,
29086,
6234,
796,
357,
25836,
8,
201,
198,
41,
9864,
62,
9864,
23680,
62,
10705,
16284,
62,
4805,
4503,
7597,
796,
357,
16,
8,
201,
198,
41,
9864,
62,
9864,
23680,
62,
28480,
62,
1404,
5446,
9865,
3843,
1546,
796,
357,
17,
8,
201,
198,
41,
9864,
62,
9864,
23680,
62,
10917,
19664,
796,
357,
19,
8,
201,
198,
41,
9864,
62,
9864,
23680,
62,
5781,
23678,
6158,
796,
357,
23,
8,
201,
198,
51,
6561,
62,
23678,
3955,
5883,
62,
10116,
32,
4146,
17534,
796,
5598,
201,
198,
4221,
15675,
62,
33,
11159,
62,
4805,
41254,
9050,
62,
43,
3913,
14181,
796,
1315,
201,
198,
4221,
15675,
62,
33,
11159,
62,
4805,
41254,
9050,
62,
22921,
796,
362,
201,
198,
4221,
15675,
62,
33,
11159,
62,
4805,
41254,
9050,
62,
23678,
796,
532,
17,
201,
198,
4221,
15675,
62,
33,
11159,
62,
4805,
41254,
9050,
62,
2389,
2538,
796,
532,
1314,
201,
198,
41,
9864,
62,
9864,
23680,
62,
43,
3955,
2043,
62,
33249,
20754,
2767,
796,
352,
201,
198,
41,
9864,
62,
9864,
23680,
62,
43,
3955,
2043,
62,
4805,
4503,
7597,
62,
34694,
796,
362,
201,
198,
41,
9864,
62,
9864,
23680,
62,
43,
3955,
2043,
62,
41,
9864,
62,
34694,
796,
604,
201,
198,
41,
9864,
62,
9864,
23680,
62,
43,
3955,
2043,
62,
10659,
9306,
62,
4805,
4503,
7597,
796,
807,
201,
198,
41,
9864,
62,
9864,
23680,
62,
43,
3955,
2043,
62,
32,
5777,
1268,
9050,
796,
1467,
201,
198,
41,
9864,
62,
9864,
23680,
62,
43,
3955,
2043,
62,
4805,
41254,
9050,
62,
31631,
796,
3933,
201,
198,
41,
9864,
62,
9864,
23680,
62,
43,
3955,
2043,
62,
23428,
2389,
62,
38948,
50,
796,
8093,
201,
198,
20114,
3525,
62,
33365,
5064,
56,
62,
44724,
796,
362,
201,
198,
44,
3843,
8643,
62,
10917,
19664,
62,
44724,
796,
352,
201,
198,
50,
3620,
31300,
6965,
62,
33365,
5064,
56,
62,
44724,
796,
362,
201,
198,
34694,
62,
57,
11651,
62,
2389,
62,
4944,
44706,
796,
657,
201,
198,
34694,
62,
57,
11651,
62,
2389,
62,
2257,
6981,
9795,
796,
352,
201,
198,
34694,
62,
57,
11651,
62,
2389,
62,
26442,
43,
9947,
796,
362,
201,
198,
4805,
4503,
7597,
1581,
62,
12394,
3698,
62,
21734,
796,
48340,
201,
198,
4805,
4503,
7597,
1581,
62,
12394,
3698,
62,
34251,
796,
604,
4521,
201,
198,
4805,
4503,
7597,
1581,
62,
12394,
3698,
62,
47,
3525,
41796,
796,
642,
4521,
201,
198,
4805,
4503,
7597,
1581,
62,
8895,
3705,
62,
49,
27559,
796,
30123,
201,
198,
4805,
4503,
7597,
1581,
62,
1847,
47,
7801,
62,
21536,
2414,
796,
20064,
2414,
201,
198,
4805,
4503,
7597,
1581,
62,
39,
2043,
16219,
40,
62,
9693,
18,
796,
8576,
18,
201,
198,
4805,
4503,
7597,
1581,
62,
39,
2043,
16219,
40,
62,
9693,
18,
36,
796,
8576,
19,
201,
198,
4805,
4503,
7597,
1581,
62,
39,
2043,
16219,
40,
62,
9693,
19,
796,
8576,
20,
201,
198,
4805,
4503,
7597,
1581,
62,
44,
2394,
1581,
3535,
32,
62,
23,
2481,
796,
807,
2481,
201,
198,
4805,
4503,
7597,
1581,
62,
33456,
62,
22,
21016,
8895,
796,
13037,
486,
201,
198,
4805,
4503,
7597,
1581,
62,
31315,
2043,
9782,
11335,
62,
12394,
3698,
796,
657,
201,
198,
4805,
4503,
7597,
1581,
62,
31315,
2043,
9782,
11335,
62,
8895,
3705,
796,
352,
201,
198,
4805,
4503,
7597,
1581,
62,
31315,
2043,
9782,
11335,
62,
1847,
47,
7801,
796,
362,
201,
198,
4805,
4503,
7597,
1581,
62,
31315,
2043,
9782,
11335,
62,
47,
5662,
796,
513,
201,
198,
4805,
4503,
7597,
1581,
62,
31315,
2043,
9782,
11335,
62,
9693,
796,
604,
201,
198,
4805,
4503,
7597,
1581,
62,
31315,
2043,
9782,
11335,
62,
33456,
796,
642,
201,
198,
4805,
4503,
7597,
1581,
62,
31315,
2043,
9782,
11335,
62,
4944,
44706,
796,
45021,
2327,
201,
198,
42668,
62,
3697,
46,
33881,
62,
16402,
12394,
62,
47,
38827,
42446,
62,
1137,
49,
13563,
796,
657,
201,
198,
42668,
62,
3697,
46,
33881,
62,
16402,
12394,
62,
3620,
6239,
11617,
796,
352,
201,
198,
42668,
62,
9858,
47,
12203,
62,
6369,
3398,
27746,
62,
35,
2606,
19146,
796,
362,
201,
198,
42668,
62,
12038,
55,
62,
1268,
46126,
11053,
62,
10116,
32,
4146,
17534,
796,
513,
201,
198,
42668,
62,
47,
5662,
62,
44,
8874,
3620,
3620,
62,
2414,
26094,
62,
11380,
796,
604,
201,
198,
42668,
62,
1847,
47,
7801,
62,
17513,
9328,
62,
1268,
46126,
11053,
796,
642,
201,
198,
50,
24565,
62,
10917,
19664,
796,
352,
201,
198,
50,
24565,
62,
33767,
62,
18564,
12709,
796,
362,
201,
198,
50,
24565,
62,
33767,
62,
15675,
796,
604,
201,
198,
50,
24565,
62,
33767,
62,
6369,
2943,
37780,
796,
807,
201,
198,
50,
24565,
62,
13918,
10619,
62,
33489,
796,
1467,
201,
198,
4537,
8264,
62,
15285,
26861,
7597,
796,
352,
201,
198,
4537,
8264,
62,
15675,
1340,
11319,
796,
362,
201,
198,
4537,
8264,
62,
15675,
18564,
12709,
796,
604,
201,
198,
4537,
8264,
62,
18564,
2043,
2943,
3185,
56,
796,
807,
201,
198,
4537,
8264,
62,
6369,
2943,
37780,
796,
1467,
201,
198,
4537,
8264,
62,
6369,
2943,
37780,
62,
15675,
796,
3933,
201,
198,
4537,
8264,
62,
6369,
2943,
37780,
62,
15675,
18564,
12709,
796,
5598,
201,
198,
4537,
8264,
62,
6369,
2943,
37780,
62,
18564,
2043,
2943,
3185,
56,
796,
13108,
201,
198,
4537,
8264,
62,
38022,
9795,
796,
17759,
201,
198,
4537,
8264,
62,
45,
4503,
2246,
13909,
796,
22243,
201,
198,
44,
3620,
62,
9858,
36393,
796,
42479,
201,
198,
44,
3620,
62,
19535,
1137,
6089,
796,
807,
17477,
201,
198,
44,
3620,
62,
41374,
2662,
36393,
796,
1467,
22842,
201,
198,
44,
3620,
62,
2200,
22781,
796,
36203,
3104,
201,
198,
44,
3620,
62,
39274,
796,
45021,
2623,
201,
198,
44,
3620,
62,
4805,
3824,
6158,
796,
1511,
940,
4761,
201,
198,
44,
3620,
62,
44,
24805,
1961,
796,
35404,
18444,
201,
198,
44,
3620,
62,
19535,
2767,
796,
642,
1731,
25270,
201,
198,
44,
3620,
62,
35222,
62,
41925,
796,
838,
2780,
37452,
201,
198,
44,
3620,
62,
19,
10744,
62,
4537,
48075,
796,
532,
17,
20198,
2780,
26780,
23,
201,
198,
23683,
62,
25664,
796,
807,
30460,
28688,
201,
198,
23683,
62,
3955,
11879,
796,
1467,
3324,
4761,
1433,
201,
198,
23683,
62,
53,
31288,
796,
513,
28567,
2598,
2624,
201,
198,
23683,
62,
19535,
1137,
6089,
796,
8275,
940,
3459,
2414,
201,
198,
23683,
62,
9858,
36393,
796,
1511,
3682,
22413,
2078,
201,
198,
23683,
62,
45,
4503,
2246,
13909,
796,
2608,
5705,
2327,
29228,
201,
198,
44,
3620,
62,
3955,
11879,
796,
10729,
62,
3955,
11879,
201,
198,
25664,
62,
15675,
62,
26947,
796,
357,
352,
1267,
201,
198,
25664,
62,
45849,
62,
17931,
23988,
15513,
796,
357,
352,
1267,
201,
198,
25664,
62,
18564,
12709,
62,
26947,
796,
357,
362,
1267,
201,
198,
25664,
62,
29266,
62,
25664,
796,
357,
362,
1267,
201,
198,
25664,
62,
24805,
10619,
62,
26947,
796,
357,
604,
1267,
201,
198,
25664,
62,
29266,
62,
50,
10526,
17931,
23988,
15513,
796,
357,
604,
1267,
201,
198,
25664,
62,
43387,
6158,
62,
47,
4061,
36,
62,
38604,
19240,
796,
357,
604,
1267,
201,
198,
25664,
62,
15675,
62,
16412,
796,
357,
807,
1267,
201,
198,
25664,
62,
18564,
12709,
62,
16412,
796,
357,
1467,
1267,
201,
198,
25664,
62,
6369,
2943,
37780,
796,
357,
3933,
1267,
201,
198,
25664,
62,
51,
3861,
28884,
36,
796,
357,
3933,
1267,
201,
198,
25664,
62,
7206,
2538,
9328,
62,
3398,
26761,
796,
357,
5598,
1267,
201,
198,
25664,
62,
15675,
62,
1404,
5446,
9865,
3843,
1546,
796,
357,
13108,
1267,
201,
198,
25664,
62,
18564,
12709,
62,
1404,
5446,
9865,
3843,
1546,
796,
357,
17759,
1267,
201,
198,
25664,
62,
42597,
62,
15675,
796,
352,
201,
198,
25664,
62,
42597,
62,
18564,
12709,
796,
362,
201,
198,
25664,
62,
42597,
62,
7206,
2538,
9328,
796,
604,
201,
198,
25664,
62,
1404,
5446,
9865,
37780,
62,
15675,
1340,
11319,
796,
352,
201,
198,
25664,
62,
1404,
5446,
9865,
37780,
62,
39,
2389,
41819,
796,
362,
201,
198,
25664,
62,
1404,
5446,
9865,
37780,
62,
23060,
25361,
796,
604,
201,
198,
25664,
62,
1404,
5446,
9865,
37780,
62,
17931,
23988,
15513,
796,
1467,
201,
198,
25664,
62,
1404,
5446,
9865,
37780,
62,
31315,
9306,
796,
3933,
201,
198,
25664,
62,
1404,
5446,
9865,
37780,
62,
1677,
9419,
56,
11571,
1961,
796,
5598,
201,
198,
25664,
62,
1404,
5446,
9865,
37780,
62,
35510,
42126,
796,
13108,
201,
198,
25664,
62,
1404,
5446,
9865,
37780,
62,
51,
39494,
1581,
13153,
796,
17759,
201,
198,
25664,
62,
1404,
5446,
9865,
37780,
62,
4303,
1503,
5188,
62,
25664,
796,
22243,
201,
198,
25664,
62,
1404,
5446,
9865,
37780,
62,
2200,
27082,
5188,
62,
16402,
12394,
796,
28119,
201,
198,
25664,
62,
1404,
5446,
9865,
37780,
62,
9858,
32761,
1961,
796,
36117,
201,
198,
25664,
62,
1404,
5446,
9865,
37780,
62,
19238,
3697,
8881,
796,
42479,
201,
198,
25664,
62,
11929,
5064,
56,
62,
3398,
27746,
62,
25664,
62,
20608,
796,
352,
201,
198,
25664,
62,
11929,
5064,
56,
62,
3398,
27746,
62,
34720,
62,
20608,
796,
362,
201,
198,
25664,
62,
11929,
5064,
56,
62,
3398,
27746,
62,
1404,
5446,
9865,
3843,
1546,
796,
604,
201,
198,
25664,
62,
11929,
5064,
56,
62,
3398,
27746,
62,
33489,
796,
807,
201,
198,
25664,
62,
11929,
5064,
56,
62,
3398,
27746,
62,
43,
11262,
62,
18564,
12709,
796,
1467,
201,
198,
25664,
62,
11929,
5064,
56,
62,
3398,
27746,
62,
43,
11262,
62,
26861,
7597,
796,
3933,
201,
198,
25664,
62,
11929,
5064,
56,
62,
3398,
27746,
62,
43387,
6234,
796,
5598,
201,
198,
25664,
62,
11929,
5064,
56,
62,
3398,
27746,
62,
23683,
4261,
9050,
796,
17759,
201,
198,
25664,
62,
44710,
62,
29266,
1961,
796,
352,
201,
198,
25664,
62,
44710,
62,
40726,
8874,
1961,
796,
362,
201,
198,
25664,
62,
44710,
62,
33365,
28343,
796,
513,
201,
198,
25664,
62,
44710,
62,
49,
1677,
2390,
1961,
62,
15173,
62,
20608,
796,
604,
201,
198,
25664,
62,
44710,
62,
49,
1677,
2390,
1961,
62,
13965,
62,
20608,
796,
642,
201,
198,
25664,
62,
34,
11159,
62,
50,
16938,
2043,
9306,
62,
5188,
31315,
796,
352,
201,
198,
25664,
62,
34,
11159,
62,
48296,
1137,
53,
1961,
62,
45,
29559,
796,
362,
201,
198,
25664,
62,
4944,
2149,
16820,
62,
1340,
62,
26288,
42,
796,
604,
201,
198,
25664,
62,
47,
4877,
8808,
3525,
62,
2246,
6561,
796,
807,
201,
198,
25664,
62,
25664,
62,
9858,
32761,
2849,
796,
1467,
201,
198,
25664,
62,
44558,
38340,
62,
10917,
2394,
1921,
796,
3933,
201,
198,
25664,
62,
40331,
47,
33002,
62,
4303,
1503,
5188,
62,
46700,
1546,
796,
5598,
201,
198,
25664,
62,
40331,
47,
33002,
62,
2200,
27082,
5188,
62,
16402,
1268,
4694,
796,
13108,
201,
198,
25664,
62,
40331,
47,
33002,
62,
40726,
23051,
62,
2257,
1581,
11879,
796,
17759,
201,
198,
25664,
62,
44558,
38340,
62,
1797,
62,
9858,
32761,
1961,
796,
36203,
3104,
201,
198,
25664,
62,
40331,
47,
33002,
62,
9864,
23680,
62,
14255,
796,
45021,
2623,
201,
198,
25664,
62,
40331,
47,
33002,
62,
1677,
9419,
56,
11571,
2849,
796,
1511,
940,
4761,
201,
198,
201,
198,
22921,
3955,
5883,
62,
2200,
27082,
5188,
62,
26947,
62,
19499,
45746,
62,
33489,
796,
357,
1467,
1635,
28119,
1267,
201,
198,
9399,
62,
2200,
27082,
5188,
62,
42197,
62,
19535,
1137,
53,
1961,
62,
57,
34812,
796,
357,
15,
8,
201,
198,
9399,
62,
2200,
27082,
5188,
62,
42197,
62,
19535,
1137,
53,
1961,
62,
11651,
796,
357,
16,
8,
201,
198,
9399,
62,
2200,
27082,
5188,
62,
42197,
62,
23060,
10744,
3535,
2149,
62,
43,
17248,
796,
357,
17,
8,
201,
198,
9399,
62,
2200,
27082,
5188,
62,
42197,
62,
45,
5432,
796,
357,
20,
8,
201,
198,
9399,
62,
2200,
27082,
5188,
62,
42197,
62,
46700,
5781,
62,
10725,
4760,
1137,
796,
532,
17,
20198,
2780,
2623,
2718,
201,
198,
9399,
62,
2200,
27082,
5188,
62,
42197,
62,
8068,
50,
796,
532,
17,
20198,
2780,
2623,
2548,
201,
198,
9399,
62,
2200,
27082,
5188,
62,
42197,
62,
50,
1797,
796,
532,
17,
20198,
2780,
26780,
16,
201,
198,
9399,
62,
2200,
27082,
5188,
62,
42197,
62,
44,
28270,
62,
16402,
12394,
796,
532,
1433,
15801,
16799,
2091,
201,
198,
9399,
62,
2200,
27082,
5188,
62,
42197,
62,
7998,
44,
796,
532,
15982,
31020,
1507,
1238,
201,
198,
9399,
62,
2200,
27082,
5188,
62,
42197,
62,
45,
5432,
2200,
8220,
5959,
796,
357,
23,
8,
201,
198,
9399,
62,
2200,
27082,
5188,
62,
42197,
62,
19535,
1137,
53,
1961,
62,
5653,
62,
49,
27746,
796,
357,
11645,
8,
201,
198,
9399,
62,
2200,
27082,
5188,
62,
42197,
62,
19535,
1137,
53,
1961,
62,
49,
27746,
796,
24418,
62,
2200,
27082,
5188,
62,
42197,
62,
19535,
1137,
53,
1961,
62,
11651,
201,
198,
9399,
62,
41335,
24131,
62,
33365,
5064,
56,
62,
44724,
796,
362,
201,
198,
201,
198,
35,
52,
31484,
6158,
62,
32737,
62,
47690,
796,
352,
201,
198,
35,
52,
31484,
6158,
62,
50,
10067,
62,
26861,
7597,
796,
362,
201,
198,
7206,
2538,
9328,
796,
357,
35916,
2623,
8,
201,
198,
15675,
62,
10943,
5446,
3535,
796,
357,
1485,
940,
4761,
8,
201,
198,
18564,
12709,
62,
35,
2246,
796,
357,
29119,
18444,
8,
201,
198,
18564,
12709,
62,
14165,
1137,
796,
357,
48057,
25270,
8,
201,
198,
23060,
45,
37846,
1340,
35400,
796,
357,
940,
2780,
37452,
8,
201,
198,
2257,
6981,
9795,
62,
49,
34874,
62,
2200,
10917,
37819,
796,
357,
4089,
1270,
1821,
8,
201,
198,
2257,
6981,
9795,
62,
49,
34874,
62,
15675,
796,
357,
15675,
62,
10943,
5446,
3535,
8,
201,
198,
2257,
6981,
9795,
62,
49,
34874,
62,
18564,
12709,
796,
357,
15675,
62,
10943,
5446,
3535,
8,
201,
198,
2257,
6981,
9795,
62,
49,
34874,
62,
6369,
2943,
37780,
796,
357,
15675,
62,
10943,
5446,
3535,
8,
201,
198,
2257,
6981,
9795,
62,
49,
34874,
62,
7036,
796,
357,
22416,
1433,
1433,
8,
201,
198,
48451,
30643,
62,
49,
34874,
62,
7036,
796,
357,
35916,
2327,
8,
201,
198,
9399,
62,
41335,
24131,
62,
7036,
62,
26861,
7597,
796,
49053,
9795,
62,
49,
34874,
62,
2200,
10917,
37819,
91,
23060,
45,
37846,
1340,
35400,
91,
15,
87,
18,
201,
198,
26861,
7597,
62,
23060,
25361,
62,
23683,
4261,
9050,
796,
357,
1433,
3324,
4761,
1433,
8,
201,
198,
22921,
3955,
5883,
62,
7036,
3913,
1961,
796,
357,
2091,
2816,
2598,
2624,
8,
201,
198,
35353,
1137,
2149,
62,
15675,
796,
13841,
17,
20198,
2780,
26780,
23,
8,
201,
198,
35353,
1137,
2149,
62,
18564,
12709,
796,
357,
15982,
31020,
1507,
1731,
8,
201,
198,
35353,
1137,
2149,
62,
6369,
2943,
37780,
796,
357,
20,
27412,
31495,
1065,
8,
201,
198,
35353,
1137,
2149,
62,
7036,
796,
357,
2075,
5705,
2327,
29228,
8,
201,
198,
201,
198,
2,
34774,
422,
279,
1477,
8002,
19,
13,
71,
201,
198,
201,
198,
2,
34774,
422,
745,
381,
441,
13,
71,
201,
198,
50,
2389,
62,
2200,
29817,
2849,
796,
357,
16,
8,
201,
198,
50,
2389,
62,
22921,
62,
50,
10526,
62,
32,
24318,
1581,
30383,
796,
357,
1314,
8,
201,
198,
50,
2389,
62,
2200,
9858,
44,
49361,
62,
50,
10526,
62,
32,
24318,
1581,
30383,
796,
357,
16,
8,
201,
198,
201,
198,
50,
312,
6030,
12982,
796,
352,
201,
198,
50,
312,
6030,
13247,
796,
362,
201,
198,
50,
312,
6030,
43961,
796,
18,
201,
198,
50,
312,
6030,
40489,
796,
604,
201,
198,
50,
312,
6030,
5779,
29870,
13247,
796,
642,
201,
198,
50,
312,
6030,
5005,
33342,
30116,
796,
718,
201,
198,
50,
312,
6030,
44651,
796,
767,
201,
198,
50,
312,
6030,
20035,
796,
807,
201,
198,
201,
198,
23683,
4261,
9050,
62,
33991,
62,
49,
2389,
796,
357,
15,
8,
201,
198,
23683,
4261,
9050,
62,
45359,
11163,
62,
49,
2389,
796,
357,
15,
8,
201,
198,
23683,
4261,
9050,
62,
29701,
1847,
62,
49,
2389,
796,
357,
15,
55,
8269,
8,
201,
198,
23683,
4261,
9050,
62,
43387,
25633,
62,
14165,
1137,
62,
49,
2389,
796,
357,
15,
8,
201,
198,
23683,
4261,
9050,
62,
43387,
25633,
62,
46846,
62,
49,
2389,
796,
357,
16,
8,
201,
198,
23683,
4261,
9050,
62,
43387,
25633,
62,
14165,
1137,
62,
35009,
5959,
62,
49,
2389,
796,
357,
17,
8,
201,
198,
23683,
4261,
9050,
62,
43387,
25633,
62,
46846,
62,
35009,
5959,
62,
49,
2389,
796,
357,
18,
8,
201,
198,
23683,
4261,
9050,
62,
35,
12576,
8577,
62,
49,
2389,
796,
357,
16,
8,
201,
198,
23683,
4261,
9050,
62,
12884,
33249,
62,
49,
2389,
796,
357,
17,
8,
201,
198,
23683,
4261,
9050,
62,
33,
11417,
62,
49,
2389,
796,
357,
18,
8,
201,
198,
23683,
4261,
9050,
62,
41358,
10659,
9306,
62,
49,
2389,
796,
357,
19,
8,
201,
198,
23683,
4261,
9050,
62,
35009,
27389,
62,
49,
2389,
796,
357,
21,
8,
201,
198,
23683,
4261,
9050,
62,
1565,
40508,
44,
20958,
62,
25294,
1340,
62,
49,
2389,
796,
357,
22,
8,
201,
198,
23683,
4261,
9050,
62,
31190,
34278,
62,
49,
2389,
796,
357,
23,
8,
201,
198,
23683,
4261,
9050,
62,
35009,
5959,
62,
25294,
1340,
62,
49,
2389,
796,
357,
24,
8,
201,
198,
23683,
4261,
9050,
62,
4805,
30158,
4061,
1847,
62,
50,
37738,
62,
49,
2389,
796,
357,
940,
8,
201,
198,
23683,
4261,
9050,
62,
32,
24318,
3525,
2149,
11617,
62,
29904,
62,
49,
2389,
796,
357,
1157,
8,
201,
198,
23683,
4261,
9050,
62,
25294,
1340,
62,
14255,
62,
49,
2389,
796,
357,
20,
8,
201,
198,
23683,
4261,
9050,
62,
25294,
1340,
62,
14255,
62,
49,
2389,
62,
34,
28270,
796,
357,
18,
8,
201,
198,
23683,
4261,
9050,
62,
29701,
1847,
62,
23060,
25361,
62,
49,
2389,
796,
357,
1507,
8,
201,
198,
23683,
4261,
9050,
62,
11251,
62,
45,
1340,
62,
4944,
33866,
8924,
796,
357,
2481,
8,
201,
198,
23683,
4261,
9050,
62,
19499,
4146,
51,
1268,
62,
39170,
29833,
62,
49,
2389,
796,
357,
2624,
8,
201,
198,
39170,
29833,
62,
29904,
62,
49,
2389,
62,
2885,
23678,
796,
357,
4059,
8,
201,
198,
39170,
29833,
62,
29904,
62,
49,
2389,
62,
38022,
6465,
796,
357,
33548,
8,
201,
198,
39170,
29833,
62,
46846,
62,
49,
2389,
62,
2885,
44,
20913,
796,
357,
25836,
8,
201,
198,
39170,
29833,
62,
46846,
62,
49,
2389,
62,
2937,
4877,
796,
357,
48645,
8,
201,
198,
39170,
29833,
62,
46846,
62,
49,
2389,
62,
38,
35409,
4694,
796,
357,
47396,
8,
201,
198,
39170,
29833,
62,
1847,
43429,
62,
49,
2389,
62,
2885,
44,
20913,
796,
357,
47576,
8,
201,
198,
39170,
29833,
62,
1847,
43429,
62,
49,
2389,
62,
2937,
4877,
796,
357,
45326,
8,
201,
198,
39170,
29833,
62,
1847,
43429,
62,
49,
2389,
62,
38,
35409,
4694,
796,
357,
49489,
8,
201,
198,
39170,
29833,
62,
1847,
43429,
62,
49,
2389,
62,
47,
36048,
62,
2937,
4877,
796,
357,
20,
2857,
8,
201,
198,
39170,
29833,
62,
1847,
43429,
62,
49,
2389,
62,
26861,
28270,
62,
30737,
796,
357,
49934,
8,
201,
198,
39170,
29833,
62,
1847,
43429,
62,
49,
2389,
62,
23060,
25361,
62,
30737,
796,
357,
44966,
8,
201,
198,
39170,
29833,
62,
1847,
43429,
62,
49,
2389,
62,
4805,
12394,
62,
30737,
796,
357,
22730,
8,
201,
198,
39170,
29833,
62,
1847,
43429,
62,
49,
2389,
62,
31098,
8577,
62,
30737,
796,
357,
43697,
8,
201,
198,
39170,
29833,
62,
1847,
43429,
62,
49,
2389,
62,
2200,
31484,
25633,
796,
357,
40427,
8,
201,
198,
5188,
62,
46846,
62,
44,
6981,
1404,
15513,
796,
357,
16,
8,
201,
198,
5188,
62,
46846,
62,
1677,
6242,
30465,
62,
17513,
62,
7206,
38865,
796,
357,
17,
8,
201,
198,
5188,
62,
46846,
62,
1677,
6242,
30465,
796,
357,
19,
8,
201,
198,
5188,
62,
46846,
62,
14165,
1137,
796,
357,
23,
8,
201,
198,
5188,
62,
46846,
62,
25294,
1340,
62,
2389,
796,
13841,
15982,
31020,
1507,
1731,
8,
201,
198,
2246,
43,
62,
2200,
29817,
2849,
796,
357,
17,
8,
201,
198,
2246,
43,
62,
2200,
29817,
2849,
62,
5258,
796,
357,
19,
8,
201,
198,
2246,
43,
62,
2200,
29817,
2849,
16,
796,
357,
16,
8,
201,
198,
2246,
43,
62,
2200,
29817,
2849,
17,
796,
357,
17,
8,
201,
198,
2246,
43,
62,
2200,
29817,
2849,
18,
796,
357,
18,
8,
201,
198,
2246,
43,
62,
2200,
29817,
2849,
19,
796,
357,
19,
8,
201,
198,
22921,
62,
2246,
43,
62,
2200,
29817,
2849,
796,
17382,
62,
2200,
29817,
2849,
19,
201,
198,
26861,
7597,
62,
23678,
62,
5653,
62,
11598,
62,
25216,
796,
357,
15,
8,
201,
198,
26861,
7597,
62,
7036,
3913,
1961,
62,
11598,
62,
25216,
796,
357,
15,
8,
201,
198,
26861,
7597,
62,
41819,
19767,
62,
11598,
62,
25216,
796,
357,
16,
8,
201,
198,
23060,
25361,
62,
48877,
2043,
62,
11598,
62,
25216,
796,
357,
17,
8,
201,
198,
23060,
25361,
62,
1847,
33456,
62,
11598,
62,
25216,
796,
357,
18,
8,
201,
198,
26861,
7597,
62,
22921,
62,
5653,
62,
53,
17,
62,
11598,
62,
25216,
796,
357,
18,
8,
201,
198,
26861,
7597,
62,
7036,
3913,
1961,
62,
9858,
47,
15919,
62,
11598,
62,
25216,
796,
357,
19,
8,
201,
198,
26861,
7597,
62,
22921,
62,
5653,
62,
53,
18,
62,
11598,
62,
25216,
796,
357,
19,
8,
201,
198,
26861,
7597,
62,
23678,
62,
5653,
62,
9864,
23680,
62,
11598,
62,
25216,
796,
357,
20,
8,
201,
198,
26861,
7597,
62,
7036,
3913,
1961,
62,
9864,
23680,
62,
11598,
62,
25216,
796,
357,
20,
8,
201,
198,
26861,
7597,
62,
41819,
19767,
62,
9864,
23680,
62,
11598,
62,
25216,
796,
357,
21,
8,
201,
198,
23060,
25361,
62,
48877,
2043,
62,
9864,
23680,
62,
11598,
62,
25216,
796,
357,
22,
8,
201,
198,
23060,
25361,
62,
1847,
33456,
62,
9864,
23680,
62,
11598,
62,
25216,
796,
357,
23,
8,
201,
198,
26861,
7597,
62,
22921,
62,
5653,
62,
9864,
23680,
62,
11598,
62,
25216,
796,
357,
23,
8,
201,
198,
26861,
7597,
62,
22921,
62,
5653,
62,
53,
19,
62,
11598,
62,
25216,
796,
357,
23,
8,
201,
198,
26861,
7597,
62,
22921,
62,
5653,
62,
11598,
62,
25216,
796,
357,
23,
8,
201,
198,
9864,
23680,
62,
1268,
16879,
2043,
62,
11598,
796,
357,
16,
8,
201,
198,
10943,
30339,
1137,
62,
1268,
16879,
2043,
62,
11598,
796,
357,
17,
8,
201,
198,
15285,
62,
4805,
3185,
4760,
6158,
62,
1268,
16879,
2043,
62,
11598,
796,
357,
19,
8,
201,
198,
1268,
16879,
2043,
62,
1340,
11319,
62,
11598,
796,
357,
23,
8,
201,
198,
1268,
16879,
22061,
62,
11598,
796,
357,
1433,
8,
201,
198,
23428,
2389,
62,
1268,
16879,
2043,
62,
38948,
50,
796,
357,
3132,
8,
201,
198,
12564,
4093,
7597,
46476,
62,
26861,
7597,
62,
11598,
62,
38948,
796,
357,
2414,
8,
201,
198,
7708,
4146,
1961,
62,
26861,
7597,
62,
11598,
62,
38948,
796,
357,
12762,
8,
201,
198,
11598,
62,
9864,
23680,
62,
25216,
62,
48296,
3525,
796,
352,
201,
198,
11598,
62,
1268,
16879,
22061,
62,
9864,
23680,
62,
25216,
62,
48296,
3525,
796,
362,
201,
198,
23683,
4261,
9050,
62,
30910,
36584,
32961,
62,
2200,
29817,
2849,
796,
357,
16,
8,
201,
198,
23683,
4261,
9050,
62,
30910,
36584,
32961,
62,
2200,
29817,
2849,
16,
796,
357,
16,
8,
201,
198,
23683,
4261,
9050,
62,
30910,
36584,
32961,
62,
23678,
62,
43,
49494,
796,
357,
1238,
8,
201,
198,
5188,
62,
14165,
1137,
62,
7206,
38865,
1961,
796,
357,
16,
8,
201,
198,
5188,
62,
46846,
62,
7206,
38865,
1961,
796,
357,
17,
8,
201,
198,
5188,
62,
35,
2246,
43,
62,
48296,
3525,
796,
357,
19,
8,
201,
198,
5188,
62,
35,
2246,
43,
62,
7206,
38865,
1961,
796,
357,
23,
8,
201,
198,
5188,
62,
50,
2246,
43,
62,
48296,
3525,
796,
357,
1433,
8,
201,
198,
5188,
62,
50,
2246,
43,
62,
7206,
38865,
1961,
796,
357,
2624,
8,
201,
198,
5188,
62,
35,
2246,
43,
62,
39371,
46,
62,
1268,
16879,
2043,
62,
2200,
48,
796,
357,
11645,
8,
201,
198,
5188,
62,
50,
2246,
43,
62,
39371,
46,
62,
1268,
16879,
2043,
62,
2200,
48,
796,
357,
25836,
8,
201,
198,
5188,
62,
35,
2246,
43,
62,
39371,
46,
62,
1268,
16879,
22061,
796,
357,
35500,
8,
201,
198,
5188,
62,
50,
2246,
43,
62,
39371,
46,
62,
1268,
16879,
22061,
796,
357,
1238,
2780,
8,
201,
198,
5188,
62,
35,
2246,
43,
62,
4805,
2394,
9782,
1961,
796,
357,
1821,
4846,
8,
201,
198,
5188,
62,
50,
2246,
43,
62,
4805,
2394,
9782,
1961,
796,
357,
23,
17477,
8,
201,
198,
5188,
62,
50,
37738,
62,
16448,
37045,
796,
357,
34159,
3104,
8,
201,
198,
26861,
7597,
62,
9864,
23680,
62,
38,
27586,
796,
657,
201,
198,
26861,
7597,
62,
4805,
31054,
9936,
62,
28480,
62,
38,
27586,
796,
352,
201,
198,
26861,
7597,
62,
4805,
31054,
9936,
62,
38,
27586,
796,
362,
201,
198,
26861,
7597,
62,
22921,
62,
2538,
18697,
796,
604,
201,
198,
48877,
2043,
62,
7036,
3913,
62,
15285,
62,
4805,
3824,
41119,
8264,
796,
352,
201,
198,
26861,
7597,
62,
5258,
62,
47690,
62,
32,
796,
366,
43055,
4809,
1,
201,
198,
26861,
7597,
62,
5258,
62,
9864,
23680,
62,
25216,
62,
20608,
62,
32,
796,
366,
43055,
4809,
9515,
1,
201,
198,
5188,
62,
4805,
3824,
41119,
8264,
62,
1677,
6242,
30465,
62,
17513,
62,
7206,
38865,
796,
357,
16,
8,
201,
198,
5188,
62,
4805,
3824,
41119,
8264,
62,
1677,
6242,
30465,
796,
357,
17,
8,
201,
198,
5188,
62,
4805,
3824,
41119,
8264,
62,
2937,
1961,
62,
13775,
62,
26861,
7597,
796,
13841,
17,
20198,
2780,
26780,
23,
8,
201,
198,
4805,
3824,
41119,
8264,
62,
28480,
62,
7036,
62,
45,
2943,
7597,
13153,
796,
357,
16,
8,
201,
198,
201,
198,
5188,
62,
43387,
6158,
62,
10468,
43959,
62,
20608,
796,
366,
4653,
16447,
30642,
20184,
41866,
1,
201,
198,
5188,
62,
10705,
16284,
4805,
3955,
13153,
10468,
43959,
62,
20608,
796,
366,
4653,
8021,
570,
35170,
30642,
20184,
41866,
1,
201,
198,
5188,
62,
36840,
62,
44,
3620,
15513,
62,
20608,
796,
366,
4653,
25392,
30871,
20184,
41866,
1,
201,
198,
5188,
62,
30158,
2200,
11159,
62,
10917,
29009,
62,
20608,
796,
366,
4653,
46890,
4507,
4265,
20184,
41866,
1,
201,
198,
5188,
62,
4944,
50,
3535,
2149,
22061,
62,
1268,
30076,
62,
20608,
796,
366,
4653,
3118,
82,
47607,
20560,
20184,
41866,
1,
201,
198,
5188,
62,
44,
16219,
8881,
62,
26861,
28270,
62,
20608,
796,
366,
4653,
37573,
30116,
20184,
41866,
1,
201,
198,
5188,
62,
4825,
33,
62,
20608,
796,
366,
4653,
51,
21101,
20184,
41866,
1,
201,
198,
5188,
62,
23683,
4261,
9050,
62,
20608,
796,
366,
4653,
24074,
20184,
41866,
1,
201,
198,
5188,
62,
5603,
7336,
62,
14165,
4877,
39,
4061,
62,
20608,
796,
366,
4653,
12322,
23858,
49437,
20184,
41866,
1,
201,
198,
5188,
62,
35613,
62,
7707,
38757,
62,
20608,
796,
366,
4653,
8912,
32103,
20184,
41866,
1,
201,
198,
5188,
62,
23060,
25361,
62,
31190,
25664,
62,
20608,
796,
366,
4653,
11964,
37046,
20184,
41866,
1,
201,
198,
5188,
62,
23060,
25361,
34694,
62,
20608,
796,
366,
4653,
11964,
2435,
20184,
41866,
1,
201,
198,
5188,
62,
4805,
19238,
62,
50,
2751,
2538,
62,
4805,
4503,
7597,
62,
20608,
796,
366,
4653,
37046,
28008,
18709,
20184,
41866,
1,
201,
198,
5188,
62,
30158,
62,
33,
11159,
62,
4805,
41254,
9050,
62,
20608,
796,
366,
4653,
46890,
14881,
22442,
414,
20184,
41866,
1,
201,
198,
5188,
62,
43387,
6158,
62,
4537,
8264,
25664,
62,
20608,
796,
366,
4653,
16447,
9876,
7753,
20184,
41866,
1,
201,
198,
5188,
62,
43387,
6158,
62,
18973,
10725,
3525,
62,
20608,
796,
366,
4653,
16447,
47,
30312,
20184,
41866,
1,
201,
198,
5188,
62,
31098,
8577,
62,
20608,
796,
366,
4653,
7282,
929,
20184,
41866,
1,
201,
198,
5188,
62,
49,
6465,
6965,
62,
20608,
796,
366,
4653,
19452,
382,
20184,
41866,
1,
201,
198,
5188,
62,
9693,
3843,
41925,
62,
20608,
796,
366,
4653,
39079,
2902,
20184,
41866,
1,
201,
198,
5188,
62,
30531,
62,
20608,
796,
366,
4653,
27509,
20184,
41866,
1,
201,
198,
5188,
62,
48877,
2043,
62,
20608,
796,
366,
4653,
16353,
270,
20184,
41866,
1,
201,
198,
5188,
62,
23060,
25361,
62,
1677,
53,
4663,
1340,
10979,
62,
20608,
796,
366,
4653,
11964,
31441,
20184,
41866,
1,
201,
198,
5188,
62,
3398,
27746,
62,
11929,
5064,
56,
62,
20608,
796,
366,
4653,
19400,
3673,
1958,
20184,
41866,
1,
201,
198,
5188,
62,
40726,
23051,
62,
9693,
3843,
41925,
62,
20608,
796,
366,
4653,
36510,
39079,
2902,
20184,
41866,
1,
201,
198,
10468,
43959,
62,
10705,
16284,
62,
4805,
3955,
13153,
796,
357,
16,
8,
201,
198,
10468,
43959,
62,
35,
52,
31484,
6158,
796,
357,
17,
8,
201,
198,
10468,
43959,
62,
3955,
47,
29086,
6158,
796,
357,
19,
8,
201,
198,
10468,
43959,
62,
10917,
19664,
796,
357,
23,
8,
201,
198,
10468,
43959,
62,
10917,
19664,
62,
47690,
796,
357,
1433,
8,
201,
198,
10468,
43959,
62,
2885,
25008,
62,
4805,
3824,
41119,
48075,
796,
357,
2624,
8,
201,
198,
10468,
43959,
62,
2885,
25008,
62,
10761,
2606,
3705,
796,
357,
2414,
8,
201,
198,
10468,
43959,
62,
2885,
25008,
62,
7206,
38865,
796,
357,
12762,
8,
201,
198,
10468,
43959,
62,
7036,
62,
26861,
7597,
796,
357,
2257,
6981,
9795,
62,
49,
34874,
62,
2200,
10917,
37819,
220,
930,
59,
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,
5390,
43959,
62,
10705,
16284,
62,
4805,
3955,
13153,
220,
220,
220,
220,
220,
930,
59,
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,
5390,
43959,
62,
35,
52,
31484,
6158,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
930,
59,
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,
5390,
43959,
62,
3955,
47,
29086,
6158,
220,
220,
220,
220,
220,
220,
220,
220,
930,
59,
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,
5390,
43959,
62,
10917,
19664,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
930,
59,
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,
5390,
43959,
62,
10917,
19664,
62,
47690,
220,
220,
220,
220,
220,
220,
220,
930,
59,
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,
5390,
43959,
62,
2885,
25008,
62,
4805,
3824,
41119,
48075,
220,
220,
930,
59,
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,
5390,
43959,
62,
2885,
25008,
62,
10761,
2606,
3705,
220,
220,
220,
220,
220,
220,
930,
59,
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,
5390,
43959,
62,
2885,
25008,
62,
7206,
38865,
8,
201,
198,
10468,
43959,
62,
15675,
796,
357,
2257,
6981,
9795,
62,
49,
34874,
62,
15675,
220,
220,
220,
220,
220,
930,
59,
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,
5390,
43959,
62,
10917,
19664,
8,
201,
198,
10468,
43959,
62,
18564,
12709,
796,
357,
2257,
6981,
9795,
62,
49,
34874,
62,
18564,
12709,
220,
220,
220,
220,
930,
59,
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,
5390,
43959,
62,
2885,
25008,
62,
4805,
3824,
41119,
48075,
220,
220,
930,
59,
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,
5390,
43959,
62,
2885,
25008,
62,
10761,
2606,
3705,
220,
220,
220,
220,
220,
220,
930,
59,
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,
5390,
43959,
62,
2885,
25008,
62,
7206,
38865,
8,
201,
198,
10468,
43959,
62,
6369,
2943,
37780,
796,
357,
2257,
6981,
9795,
62,
49,
34874,
62,
6369,
2943,
37780,
8,
201,
198,
10468,
43959,
62,
47690,
62,
43,
49494,
796,
807,
201,
198,
2,
29130,
3858,
201,
198,
30642,
35170,
796,
352,
201,
198,
30642,
26950,
882,
341,
796,
362,
201,
198,
201,
198,
30642,
12982,
796,
352,
201,
198,
30642,
38,
14459,
796,
362,
201,
198,
30642,
20184,
576,
3212,
796,
513,
201,
198,
30642,
42419,
796,
604,
201,
198,
30642,
35170,
13247,
796,
642,
201,
198,
30642,
19463,
35,
37779,
796,
718,
201,
198,
30642,
7416,
796,
767,
201,
198,
30642,
6030,
796,
807,
201,
198,
30642,
26950,
882,
341,
4971,
796,
860,
201,
198,
30642,
48346,
796,
838,
201,
198,
201,
198,
201,
198,
14165,
1137,
62,
23683,
4261,
9050,
62,
1268,
35036,
796,
357,
15,
55,
10535,
486,
8,
201,
198,
46846,
62,
23683,
4261,
9050,
62,
1268,
35036,
796,
357,
15,
55,
24598,
17,
8,
201,
198,
35,
2246,
43,
62,
23683,
4261,
9050,
62,
1268,
35036,
796,
357,
15,
55,
24598,
19,
8,
201,
198,
50,
2246,
43,
62,
23683,
4261,
9050,
62,
1268,
35036,
796,
357,
15,
55,
24598,
23,
8,
201,
198,
3955,
11879,
62,
35178,
62,
46224,
40086,
796,
2242,
17657,
201,
198,
3955,
11879,
62,
2640,
17,
62,
46224,
40086,
796,
26607,
3682,
201,
198,
3955,
11879,
62,
2640,
17,
62,
46224,
40086,
62,
2538,
796,
26607,
1821,
201,
198,
3955,
11879,
62,
53,
55,
35,
62,
46224,
40086,
796,
26607,
1821,
201,
198,
3955,
11879,
62,
11251,
62,
46224,
40086,
796,
26607,
2598,
201,
198,
3955,
11879,
62,
11584,
57,
4720,
37,
62,
25664,
62,
37682,
1137,
796,
1160,
201,
198,
3955,
11879,
62,
25664,
62,
16448,
4503,
50,
62,
18601,
31444,
1961,
796,
352,
201,
198,
3955,
11879,
62,
25664,
62,
6369,
2943,
3843,
17534,
62,
3955,
11879,
796,
362,
201,
198,
3955,
11879,
62,
25664,
62,
24027,
62,
45,
52,
5653,
62,
18601,
31444,
1961,
796,
604,
201,
198,
3955,
11879,
62,
25664,
62,
29701,
1847,
62,
23060,
5653,
62,
18601,
31444,
1961,
796,
807,
201,
198,
3955,
11879,
62,
25664,
62,
4760,
10761,
1546,
9306,
62,
19416,
62,
5446,
3955,
796,
1467,
201,
198,
3955,
11879,
62,
25664,
62,
43,
1503,
8264,
62,
2885,
7707,
7597,
62,
12298,
12203,
796,
3933,
201,
198,
3955,
11879,
62,
25664,
62,
17513,
51,
1546,
62,
2200,
28884,
1961,
62,
21982,
796,
13108,
201,
198,
3955,
11879,
62,
25664,
62,
2624,
26094,
62,
44,
16219,
8881,
796,
17759,
201,
198,
3955,
11879,
62,
25664,
62,
30531,
62,
18601,
31444,
1961,
796,
22243,
201,
198,
3955,
11879,
62,
25664,
62,
40726,
8874,
17534,
62,
49,
4944,
62,
10913,
2662,
62,
17887,
2969,
796,
28119,
201,
198,
3955,
11879,
62,
25664,
62,
12884,
62,
49,
4944,
62,
10913,
2662,
62,
17887,
2969,
796,
36117,
201,
198,
3955,
11879,
62,
25664,
62,
23060,
25361,
796,
42479,
201,
198,
3955,
11879,
62,
25664,
62,
35,
3069,
796,
807,
17477,
201,
198,
3955,
11879,
62,
25664,
62,
8577,
62,
23060,
25361,
62,
1340,
11319,
796,
1467,
22842,
201,
198,
3955,
11879,
62,
25664,
62,
17513,
51,
1546,
62,
2200,
28884,
1961,
62,
25374,
796,
36203,
3104,
201,
198,
3955,
11879,
62,
25664,
62,
44,
16219,
8881,
62,
4944,
44706,
796,
657,
201,
198,
3955,
11879,
62,
25664,
62,
44,
16219,
8881,
62,
40,
21734,
796,
41423,
201,
198,
3955,
11879,
62,
25664,
62,
44,
16219,
8881,
62,
49,
23924,
796,
46752,
201,
198,
3955,
11879,
62,
25664,
62,
44,
16219,
8881,
62,
49,
27559,
796,
41761,
201,
198,
3955,
11879,
62,
25664,
62,
44,
16219,
8881,
62,
49,
49388,
796,
11470,
201,
198,
3955,
11879,
62,
25664,
62,
44,
16219,
8881,
62,
27353,
3620,
47643,
53,
17,
796,
47744,
201,
198,
3955,
11879,
62,
25664,
62,
44,
16219,
8881,
62,
1847,
47,
7801,
796,
43550,
201,
198,
3955,
11879,
62,
25664,
62,
44,
16219,
8881,
62,
47,
36048,
5662,
796,
604,
4846,
201,
198,
3955,
11879,
62,
25664,
62,
44,
16219,
8881,
62,
9693,
18,
796,
45959,
201,
198,
3955,
11879,
62,
25664,
62,
44,
16219,
8881,
62,
9693,
18,
36,
796,
28262,
201,
198,
3955,
11879,
62,
25664,
62,
44,
16219,
8881,
62,
9693,
19,
796,
46588,
201,
198,
3955,
11879,
62,
25664,
62,
44,
16219,
8881,
62,
33456,
796,
49989,
201,
198,
3955,
11879,
62,
41359,
13246,
19238,
62,
17931,
23988,
15513,
62,
3525,
7112,
1546,
796,
1467,
201,
198,
3955,
11879,
62,
11584,
57,
4720,
37,
62,
33676,
62,
3185,
24131,
1847,
62,
37682,
1137,
796,
7265,
201,
198,
3955,
11879,
62,
11584,
57,
4720,
37,
62,
32147,
62,
3185,
24131,
1847,
62,
37682,
1137,
796,
2579,
201,
198,
3955,
11879,
62,
11584,
57,
4720,
37,
62,
11251,
62,
3185,
24131,
1847,
62,
37682,
1137,
796,
26063,
201,
198,
3955,
11879,
62,
11251,
62,
3185,
24131,
1847,
62,
39,
7707,
62,
45820,
2149,
796,
37364,
201,
198,
3955,
11879,
62,
33676,
62,
3185,
24131,
1847,
62,
39,
7707,
62,
45820,
2149,
796,
39135,
201,
198,
3955,
11879,
62,
12564,
4462,
56,
25361,
62,
4944,
44706,
796,
657,
201,
198,
3955,
11879,
62,
12564,
4462,
56,
25361,
62,
34259,
9306,
796,
352,
201,
198,
3955,
11879,
62,
12564,
4462,
56,
25361,
62,
33207,
62,
40156,
796,
362,
201,
198,
3955,
11879,
62,
12564,
4462,
56,
25361,
62,
33207,
62,
34,
10080,
796,
513,
201,
198,
3955,
11879,
62,
12564,
4462,
56,
25361,
62,
33207,
62,
5222,
62,
40156,
796,
604,
201,
198,
3955,
11879,
62,
12564,
4462,
56,
25361,
62,
2640,
17,
62,
34,
10080,
796,
642,
201,
198,
3955,
11879,
62,
12564,
4462,
56,
25361,
62,
37997,
10426,
62,
34,
10080,
796,
767,
201,
198,
3955,
11879,
62,
12564,
4462,
56,
25361,
62,
19535,
1137,
53,
1961,
23,
796,
807,
201,
198,
3955,
11879,
62,
35,
3069,
38019,
2246,
5781,
8808,
19505,
62,
22332,
44,
62,
7707,
38757,
796,
807,
17477,
201,
198,
3955,
11879,
62,
17931,
23988,
15513,
62,
3525,
18276,
62,
6369,
15490,
796,
657,
201,
198,
3955,
11879,
62,
17931,
23988,
15513,
62,
3525,
18276,
62,
3955,
15490,
796,
352,
201,
198,
3955,
11879,
62,
17931,
23988,
15513,
62,
3525,
18276,
62,
19535,
31033,
796,
362,
201,
198,
3955,
11879,
62,
17931,
23988,
15513,
62,
3525,
18276,
62,
6369,
42006,
2849,
796,
513,
201,
198,
3955,
11879,
62,
17931,
23988,
15513,
62,
3525,
18276,
62,
23683,
4261,
9050,
796,
604,
201,
198,
3955,
11879,
62,
17931,
23988,
15513,
62,
3525,
18276,
62,
33,
1921,
1137,
3698,
4503,
796,
642,
201,
198,
3955,
11879,
62,
17931,
23988,
15513,
62,
3525,
18276,
62,
30531,
796,
718,
201,
198,
3955,
11879,
62,
17931,
23988,
15513,
62,
3525,
18276,
62,
34,
3185,
38162,
9947,
796,
767,
201,
198,
3955,
11879,
62,
17931,
23988,
15513,
62,
3525,
18276,
62,
8763,
9864,
1847,
47,
5446,
796,
807,
201,
198,
3955,
11879,
62,
17931,
23988,
15513,
62,
3525,
18276,
62,
51,
6561,
796,
860,
201,
198,
3955,
11879,
62,
17931,
23988,
15513,
62,
3525,
18276,
62,
35613,
62,
10943,
16254,
796,
838,
201,
198,
3955,
11879,
62,
17931,
23988,
15513,
62,
3525,
18276,
62,
33,
15919,
62,
3955,
15490,
796,
1367,
201,
198,
3955,
11879,
62,
17931,
23988,
15513,
62,
3525,
18276,
62,
40,
1404,
796,
1105,
201,
198,
3955,
11879,
62,
11584,
57,
4720,
37,
62,
9693,
9863,
62,
20608,
796,
807,
201,
198,
3955,
11879,
62,
11584,
57,
4720,
37,
62,
50,
24565,
62,
37682,
1137,
796,
2319,
201,
198,
3955,
11879,
62,
6173,
45,
62,
25216,
62,
15285,
62,
47,
2885,
796,
807,
201,
198,
3955,
11879,
62,
6173,
45,
62,
34,
11251,
62,
34,
16820,
796,
3933,
201,
198,
3955,
11879,
62,
6173,
45,
62,
34,
11251,
62,
1268,
2043,
12576,
14887,
1961,
62,
26947,
796,
5598,
201,
198,
3955,
11879,
62,
6173,
45,
62,
34,
11251,
62,
4944,
1268,
2043,
12576,
14887,
1961,
62,
26947,
796,
13108,
201,
198,
3955,
11879,
62,
6173,
45,
62,
43,
46888,
62,
31858,
796,
17759,
201,
198,
3955,
11879,
62,
6173,
45,
62,
43,
46888,
62,
10778,
796,
22243,
201,
198,
3955,
11879,
62,
6173,
45,
62,
43,
46888,
62,
2200,
11770,
6089,
796,
36117,
201,
198,
3955,
11879,
62,
6173,
45,
62,
43,
46888,
62,
9858,
35,
1404,
796,
42479,
201,
198,
3955,
11879,
62,
6173,
45,
62,
44,
3620,
62,
37,
9795,
13563,
796,
36203,
3104,
201,
198,
3955,
11879,
62,
6173,
45,
62,
44,
3620,
62,
47,
4261,
8264,
17534,
796,
1511,
940,
4761,
201,
198,
3955,
11879,
62,
6173,
45,
62,
44,
3620,
62,
1433,
26094,
796,
1511,
940,
4761,
201,
198,
3955,
11879,
62,
6173,
45,
62,
44,
3620,
62,
36840,
1961,
796,
35404,
18444,
201,
198,
3955,
11879,
62,
6173,
45,
62,
44,
3620,
62,
47,
16448,
41048,
796,
642,
1731,
25270,
201,
198,
3955,
11879,
62,
6173,
45,
62,
1847,
16284,
62,
16,
17513,
51,
1546,
796,
838,
2780,
37452,
201,
198,
3955,
11879,
62,
6173,
45,
62,
1847,
16284,
62,
17,
17513,
51,
1546,
796,
1160,
5607,
17827,
201,
198,
3955,
11879,
62,
6173,
45,
62,
1847,
16284,
62,
19,
17513,
51,
1546,
796,
34085,
3553,
2078,
201,
198,
3955,
11879,
62,
6173,
45,
62,
1847,
16284,
62,
23,
17513,
51,
1546,
796,
604,
22913,
21288,
201,
198,
3955,
11879,
62,
6173,
45,
62,
1847,
16284,
62,
1433,
17513,
51,
1546,
796,
642,
1731,
2078,
1795,
201,
198,
3955,
11879,
62,
6173,
45,
62,
1847,
16284,
62,
2624,
17513,
51,
1546,
796,
718,
1959,
1415,
3980,
201,
198,
3955,
11879,
62,
6173,
45,
62,
1847,
16284,
62,
2414,
17513,
51,
1546,
796,
767,
2682,
405,
2624,
201,
198,
3955,
11879,
62,
6173,
45,
62,
43,
46888,
62,
45,
16448,
4503,
62,
8874,
3697,
796,
1467,
3324,
4761,
1433,
201,
198,
3955,
11879,
62,
6173,
45,
62,
44,
3620,
62,
26288,
20034,
5631,
19146,
796,
513,
28567,
2598,
2624,
201,
198,
3955,
11879,
62,
6173,
45,
62,
44,
3620,
62,
11929,
62,
34,
16219,
1961,
796,
8275,
940,
3459,
2414,
201,
198,
3955,
11879,
62,
6173,
45,
62,
44,
3620,
62,
11929,
62,
4537,
38,
1961,
796,
1511,
3682,
22413,
2078,
201,
198,
3955,
11879,
62,
6173,
45,
62,
44,
3620,
62,
9693,
1503,
1961,
796,
2608,
5705,
2327,
29228,
201,
198,
3955,
11879,
62,
6173,
45,
62,
44,
3620,
62,
6369,
2943,
37780,
796,
642,
27412,
31495,
1065,
201,
198,
3955,
11879,
62,
6173,
45,
62,
44,
3620,
62,
15675,
796,
16226,
31020,
1507,
1731,
201,
198,
3955,
11879,
62,
6173,
45,
62,
44,
3620,
62,
18564,
12709,
796,
532,
17,
20198,
2780,
26780,
23,
201,
198,
3955,
11879,
62,
6173,
45,
62,
6173,
21358,
62,
12115,
6369,
796,
352,
201,
198,
3955,
11879,
62,
11584,
57,
4720,
37,
62,
23060,
10744,
3535,
796,
1248,
201,
198,
3955,
11879,
62,
23060,
44,
62,
25216,
62,
33991,
796,
657,
201,
198,
3955,
11879,
62,
23060,
44,
62,
25216,
62,
29516,
2389,
796,
352,
201,
198,
3955,
11879,
62,
23060,
44,
62,
25216,
62,
38019,
796,
362,
201,
198,
3955,
11879,
62,
23060,
44,
62,
25216,
62,
9693,
9863,
796,
513,
201,
198,
3955,
11879,
62,
23060,
44,
62,
25216,
62,
12394,
796,
604,
201,
198,
3955,
11879,
62,
23060,
44,
62,
25216,
62,
43,
18494,
796,
642,
201,
198,
3955,
11879,
62,
23060,
44,
62,
25216,
62,
3697,
46,
1404,
796,
718,
201,
198,
3955,
11879,
62,
23060,
44,
62,
25216,
62,
35,
2606,
19146,
796,
767,
201,
198,
3955,
11879,
62,
23060,
44,
62,
25216,
62,
46126,
796,
807,
201,
198,
3955,
11879,
62,
23060,
44,
62,
25216,
62,
4944,
2849,
796,
860,
201,
198,
3955,
11879,
62,
23060,
44,
62,
25216,
62,
1677,
5883,
796,
838,
201,
198,
3955,
11879,
62,
23060,
44,
62,
25216,
62,
11770,
36,
796,
1367,
201,
198,
3955,
11879,
62,
23060,
44,
62,
25216,
62,
17513,
9328,
796,
1105,
201,
198,
3955,
11879,
62,
23060,
44,
62,
25216,
62,
54,
12532,
796,
1511,
201,
198,
3955,
11879,
62,
23060,
44,
62,
25216,
62,
52,
12394,
796,
1478,
201,
198,
3955,
11879,
62,
23060,
44,
62,
25216,
62,
42955,
12532,
796,
1315,
201,
198,
3955,
11879,
62,
23060,
44,
62,
25216,
62,
5662,
16820,
796,
36203,
3104,
201,
198,
3955,
11879,
62,
23060,
44,
62,
35,
25216,
62,
33991,
796,
657,
201,
198,
3955,
11879,
62,
23060,
44,
62,
35,
25216,
62,
16402,
41358,
796,
352,
201,
198,
3955,
11879,
62,
23060,
44,
62,
35,
25216,
62,
42296,
4177,
2849,
796,
362,
201,
198,
3955,
11879,
62,
23060,
44,
62,
35,
25216,
62,
1503,
30631,
796,
513,
201,
198,
3955,
11879,
62,
23060,
44,
62,
31631,
62,
33991,
796,
657,
201,
198,
3955,
11879,
62,
23060,
44,
62,
31631,
62,
39371,
2662,
1404,
2149,
796,
352,
201,
198,
3955,
11879,
62,
23060,
44,
62,
31631,
62,
6369,
31800,
1847,
796,
362,
201,
198,
3955,
11879,
62,
23060,
44,
62,
31631,
62,
35744,
2149,
796,
513,
201,
198,
3955,
11879,
62,
23060,
44,
62,
31631,
62,
31553,
41517,
796,
604,
201,
198,
3955,
11879,
62,
23060,
44,
62,
31631,
62,
6369,
31800,
1847,
62,
32988,
796,
642,
201,
198,
3955,
11879,
62,
23060,
44,
62,
31631,
62,
48780,
3698,
796,
718,
201,
198,
3955,
11879,
62,
23060,
44,
62,
31631,
62,
4944,
7206,
20032,
1961,
62,
48780,
3698,
796,
767,
201,
198,
3955,
11879,
62,
23060,
44,
62,
31631,
62,
44,
28952,
62,
19238,
62,
46126,
796,
807,
201,
198,
3955,
11879,
62,
23060,
44,
62,
31631,
62,
1503,
38,
5883,
3525,
796,
860,
201,
198,
3955,
11879,
62,
23060,
44,
62,
31631,
62,
46126,
62,
42197,
796,
838,
201,
198,
3955,
11879,
62,
23060,
44,
62,
31631,
62,
44,
28952,
62,
19238,
62,
4944,
2849,
796,
1367,
201,
198,
3955,
11879,
62,
23060,
44,
62,
31631,
62,
4944,
2849,
62,
42197,
796,
1105,
201,
198,
3955,
11879,
62,
23060,
44,
62,
31631,
62,
25216,
62,
7206,
20032,
17941,
796,
1511,
201,
198,
3955,
11879,
62,
23060,
44,
62,
31631,
62,
4944,
7206,
20032,
1961,
62,
35744,
2149,
796,
1478,
201,
198,
3955,
11879,
62,
23060,
44,
62,
31631,
62,
1677,
5883,
62,
42197,
796,
1315,
201,
198,
3955,
11879,
62,
23060,
44,
62,
31631,
62,
44,
28952,
62,
19238,
62,
1677,
5883,
796,
1467,
201,
198,
3955,
11879,
62,
23060,
44,
62,
31631,
62,
31553,
41517,
62,
27082,
2390,
796,
1596,
201,
198,
3955,
11879,
62,
23060,
44,
62,
31631,
62,
26094,
62,
44603,
796,
1248,
201,
198,
3955,
11879,
62,
23060,
44,
62,
31631,
62,
37,
1503,
62,
6369,
31800,
1847,
796,
8257,
201,
198,
3955,
11879,
62,
23060,
44,
62,
31631,
62,
9148,
11290,
796,
1802,
201,
198,
3955,
11879,
62,
23060,
44,
62,
31631,
62,
42296,
4177,
2849,
796,
8949,
201,
198,
3955,
11879,
62,
23060,
44,
62,
31631,
62,
10619,
62,
19238,
62,
46126,
796,
15143,
201,
198,
3955,
11879,
62,
23060,
44,
62,
31631,
62,
25664,
796,
15349,
201,
198,
3955,
11879,
62,
23060,
44,
62,
31631,
62,
50,
24565,
796,
14436,
201,
198,
3955,
11879,
62,
23060,
44,
62,
31631,
62,
8845,
10206,
62,
6369,
31800,
1847,
796,
13343,
201,
198,
45,
62,
33,
15972,
1921,
42,
796,
1315,
201,
198,
45,
62,
15972,
1921,
42,
796,
4764,
201,
198,
45,
62,
15972,
1921,
42,
16,
796,
17817,
201,
198,
45,
62,
15972,
1921,
42,
17,
796,
14956,
201,
198,
45,
62,
33,
4694,
39,
9792,
796,
604,
201,
198,
45,
62,
4694,
39,
32297,
796,
362,
201,
198,
201,
198,
3955,
11879,
62,
11584,
57,
4720,
37,
62,
26830,
55,
62,
23060,
10744,
3535,
796,
1248,
201,
198,
3955,
11879,
62,
9858,
35,
1404,
62,
46506,
62,
45,
3727,
52,
31484,
29462,
796,
352,
201,
198,
3955,
11879,
62,
9858,
35,
1404,
62,
46506,
62,
31827,
796,
362,
201,
198,
3955,
11879,
62,
9858,
35,
1404,
62,
46506,
62,
50,
10067,
62,
33489,
796,
513,
201,
198,
3955,
11879,
62,
9858,
35,
1404,
62,
46506,
62,
6369,
10659,
62,
44,
11417,
796,
604,
201,
198,
3955,
11879,
62,
9858,
35,
1404,
62,
46506,
62,
10705,
4503,
40,
37045,
796,
642,
201,
198,
3955,
11879,
62,
9858,
35,
1404,
62,
46506,
62,
43,
1503,
38,
6465,
796,
718,
201,
198,
3955,
11879,
62,
9858,
35,
1404,
62,
46506,
62,
13965,
6465,
796,
767,
201,
198,
3955,
11879,
62,
8845,
10206,
62,
6369,
31800,
62,
5188,
31315,
62,
45,
3535,
9865,
49,
13153,
796,
352,
201,
198,
3955,
11879,
62,
8845,
10206,
62,
6369,
31800,
62,
5188,
31315,
62,
40347,
49,
13153,
796,
362,
201,
198,
3955,
11879,
62,
8845,
10206,
62,
6369,
31800,
62,
5188,
31315,
62,
1847,
43429,
796,
513,
201,
198,
3955,
11879,
62,
11584,
57,
4720,
37,
62,
16448,
4503,
6234,
796,
838,
201,
198,
3955,
11879,
62,
16448,
62,
40,
21734,
62,
32,
4462,
3535,
37780,
796,
657,
201,
198,
3955,
11879,
62,
16448,
62,
40,
21734,
62,
34720,
1433,
796,
352,
201,
198,
3955,
11879,
62,
16448,
62,
40,
21734,
62,
16448,
1433,
796,
362,
201,
198,
3955,
11879,
62,
16448,
62,
40,
21734,
62,
34720,
2624,
796,
718,
201,
198,
3955,
11879,
62,
16448,
62,
40,
21734,
62,
34720,
2624,
32819,
796,
767,
201,
198,
3955,
11879,
62,
16448,
62,
40,
21734,
62,
5188,
38,
1065,
796,
860,
201,
198,
3955,
11879,
62,
16448,
62,
40,
21734,
62,
50,
24565,
796,
838,
201,
198,
3955,
11879,
62,
16448,
62,
40,
21734,
62,
23683,
16448,
796,
1367,
201,
198,
3955,
11879,
62,
16448,
62,
40,
21734,
62,
16448,
2624,
796,
1160,
201,
198,
3955,
11879,
62,
16448,
62,
8895,
3705,
62,
32,
4462,
3535,
37780,
796,
657,
201,
198,
3955,
11879,
62,
16448,
62,
8895,
3705,
62,
31688,
39,
1847,
37,
796,
352,
201,
198,
3955,
11879,
62,
16448,
62,
8895,
3705,
62,
2200,
24160,
12532,
796,
362,
201,
198,
3955,
11879,
62,
16448,
62,
8895,
3705,
62,
41,
7378,
2885,
7707,
796,
513,
201,
198,
3955,
11879,
62,
16448,
62,
8895,
3705,
62,
31688,
25374,
796,
604,
201,
198,
3955,
11879,
62,
16448,
62,
8895,
3705,
62,
2200,
3697,
46,
796,
642,
201,
198,
3955,
11879,
62,
16448,
62,
8895,
3705,
62,
16960,
16448,
796,
718,
201,
198,
3955,
11879,
62,
16448,
62,
8895,
3705,
62,
43,
2043,
27130,
796,
767,
201,
198,
3955,
11879,
62,
16448,
62,
8895,
3705,
62,
50,
24565,
796,
838,
201,
198,
3955,
11879,
62,
16448,
62,
8895,
3705,
62,
23683,
16448,
796,
1367,
201,
198,
3955,
11879,
62,
16448,
62,
8895,
3705,
62,
23683,
2200,
3069,
46,
796,
1105,
201,
198,
3955,
11879,
62,
16448,
62,
8895,
3705,
62,
23683,
16448,
25374,
796,
1511,
201,
198,
3955,
11879,
62,
16448,
62,
8895,
3705,
62,
2200,
24160,
12532,
32819,
796,
4974,
201,
198,
3955,
11879,
62,
16448,
62,
8895,
3705,
62,
4537,
4663,
796,
5214,
201,
198,
3955,
11879,
62,
16448,
62,
1847,
47,
7801,
62,
32,
4462,
3535,
37780,
796,
657,
201,
198,
3955,
11879,
62,
16448,
62,
1847,
47,
7801,
62,
2200,
3697,
18494,
796,
352,
201,
198,
3955,
11879,
62,
16448,
62,
1847,
47,
7801,
62,
31688,
10917,
2885,
796,
362,
201,
198,
3955,
11879,
62,
16448,
62,
1847,
47,
7801,
62,
16960,
16448,
2624,
796,
513,
201,
198,
3955,
11879,
62,
16448,
62,
1847,
47,
7801,
62,
43,
2043,
27130,
796,
604,
201,
198,
3955,
11879,
62,
16448,
62,
1847,
47,
7801,
62,
43,
2043,
19108,
796,
642,
201,
198,
3955,
11879,
62,
16448,
62,
1847,
47,
7801,
62,
38,
5760,
1797,
47,
796,
718,
201,
198,
3955,
11879,
62,
16448,
62,
1847,
47,
7801,
62,
11473,
2885,
7707,
796,
767,
201,
198,
3955,
11879,
62,
16448,
62,
1847,
47,
7801,
62,
39,
12394,
796,
807,
201,
198,
3955,
11879,
62,
16448,
62,
1847,
47,
7801,
62,
1268,
24027,
62,
2200,
3697,
18494,
796,
860,
201,
198,
3955,
11879,
62,
16448,
62,
1847,
47,
7801,
62,
31688,
25374,
796,
838,
201,
198,
3955,
11879,
62,
16448,
62,
1847,
47,
7801,
62,
2200,
3697,
46,
796,
1367,
201,
198,
3955,
11879,
62,
16448,
62,
1847,
47,
7801,
62,
4537,
4663,
796,
1105,
201,
198,
3955,
11879,
62,
16448,
62,
1847,
47,
7801,
62,
44,
11417,
796,
1511,
201,
198,
3955,
11879,
62,
16448,
62,
1847,
47,
7801,
62,
50,
24565,
796,
1478,
201,
198,
3955,
11879,
62,
16448,
62,
1847,
47,
7801,
62,
23683,
16448,
796,
1315,
201,
198,
3955,
11879,
62,
16448,
62,
1847,
47,
7801,
62,
2200,
3697,
1340,
16630,
33,
796,
1467,
201,
198,
3955,
11879,
62,
16448,
62,
1847,
47,
7801,
62,
23683,
2200,
3069,
46,
796,
1596,
201,
198,
3955,
11879,
62,
16448,
62,
1847,
47,
7801,
62,
23683,
16448,
25374,
796,
1248,
201,
198,
3955,
11879,
62,
16448,
62,
47,
5662,
62,
32,
4462,
3535,
37780,
796,
657,
201,
198,
3955,
11879,
62,
16448,
62,
47,
5662,
62,
2885,
7707,
2414,
796,
352,
201,
198,
3955,
11879,
62,
16448,
62,
47,
5662,
62,
2885,
7707,
2624,
796,
362,
201,
198,
3955,
11879,
62,
16448,
62,
47,
5662,
62,
2885,
7707,
1731,
796,
513,
201,
198,
3955,
11879,
62,
16448,
62,
47,
5662,
62,
2885,
7707,
1433,
796,
604,
201,
198,
3955,
11879,
62,
16448,
62,
47,
5662,
62,
2885,
7707,
1415,
796,
642,
201,
198,
3955,
11879,
62,
16448,
62,
47,
5662,
62,
16448,
1731,
796,
718,
201,
198,
3955,
11879,
62,
16448,
62,
47,
5662,
62,
16448,
1415,
796,
767,
201,
198,
3955,
11879,
62,
16448,
62,
47,
5662,
62,
51,
4503,
16448,
1433,
796,
807,
201,
198,
3955,
11879,
62,
16448,
62,
47,
5662,
62,
51,
4503,
16448,
1415,
796,
860,
201,
198,
3955,
11879,
62,
16448,
62,
47,
5662,
62,
2885,
7707,
2624,
32819,
796,
838,
201,
198,
3955,
11879,
62,
16448,
62,
47,
5662,
62,
23683,
16448,
796,
1367,
201,
198,
3955,
11879,
62,
16448,
62,
47,
5662,
62,
50,
24565,
796,
1105,
201,
198,
3955,
11879,
62,
16448,
62,
47,
5662,
62,
5064,
8763,
8924,
796,
1511,
201,
198,
3955,
11879,
62,
16448,
62,
47,
5662,
62,
3955,
8763,
8924,
796,
1478,
201,
198,
3955,
11879,
62,
16448,
62,
47,
5662,
62,
23683,
16448,
1433,
796,
1315,
201,
198,
3955,
11879,
62,
16448,
62,
47,
5662,
62,
31688,
25374,
796,
1467,
201,
198,
3955,
11879,
62,
16448,
62,
47,
5662,
62,
2200,
3697,
46,
796,
1596,
201,
198,
3955,
11879,
62,
16448,
62,
47,
5662,
62,
4537,
4663,
796,
1248,
201,
198,
3955,
11879,
62,
16448,
62,
47,
5662,
62,
23683,
2200,
3069,
46,
796,
678,
201,
198,
3955,
11879,
62,
16448,
62,
47,
5662,
62,
23683,
16448,
25374,
796,
1160,
201,
198,
3955,
11879,
62,
16448,
62,
47,
5662,
62,
9936,
47,
3620,
1921,
42,
796,
14280,
201,
198,
3955,
11879,
62,
16448,
62,
47,
5662,
62,
45,
7156,
796,
17759,
201,
198,
3955,
11879,
62,
16448,
62,
47,
5662,
62,
11473,
5603,
43959,
796,
22243,
201,
198,
3955,
11879,
62,
16448,
62,
47,
5662,
62,
11473,
45,
5603,
43959,
796,
28119,
201,
198,
3955,
11879,
62,
16448,
62,
47,
5662,
62,
51,
4503,
32988,
45,
796,
36117,
201,
198,
3955,
11879,
62,
16448,
62,
9693,
18,
62,
32,
4462,
3535,
37780,
796,
657,
201,
198,
3955,
11879,
62,
16448,
62,
9693,
18,
62,
17931,
23988,
1433,
796,
352,
201,
198,
3955,
11879,
62,
16448,
62,
9693,
18,
62,
17931,
23988,
2624,
796,
362,
201,
198,
3955,
11879,
62,
16448,
62,
9693,
18,
62,
17931,
23988,
23,
796,
513,
201,
198,
3955,
11879,
62,
16448,
62,
9693,
18,
62,
17931,
23988,
23,
62,
54,
12532,
796,
604,
201,
198,
3955,
11879,
62,
16448,
62,
9693,
18,
62,
17931,
23988,
23,
62,
43,
18494,
796,
642,
201,
198,
3955,
11879,
62,
16448,
62,
9693,
18,
62,
17931,
23988,
19,
796,
718,
201,
198,
3955,
11879,
62,
16448,
62,
9693,
18,
62,
17931,
23988,
19,
62,
54,
12532,
796,
767,
201,
198,
3955,
11879,
62,
16448,
62,
9693,
18,
62,
17931,
23988,
19,
62,
43,
18494,
796,
807,
201,
198,
3955,
11879,
62,
16448,
62,
9693,
18,
62,
5662,
16448,
23,
62,
54,
12532,
796,
860,
201,
198,
3955,
11879,
62,
16448,
62,
9693,
18,
62,
5662,
16448,
23,
62,
43,
18494,
796,
838,
201,
198,
3955,
11879,
62,
16448,
62,
9693,
18,
62,
5662,
16448,
1065,
62,
54,
12532,
796,
1367,
201,
198,
3955,
11879,
62,
16448,
62,
9693,
18,
62,
2257,
7227,
19238,
62,
50,
24565,
796,
1105,
201,
198,
3955,
11879,
62,
16448,
62,
9693,
18,
62,
11584,
57,
4720,
37,
62,
50,
24565,
796,
1511,
201,
198,
3955,
11879,
62,
16448,
62,
9693,
18,
62,
50,
24565,
796,
1478,
201,
198,
3955,
11879,
62,
16448,
62,
9693,
18,
62,
23683,
16448,
796,
1315,
201,
198,
3955,
11879,
62,
16448,
62,
9693,
18,
62,
17931,
23988,
2624,
62,
32819,
796,
1467,
201,
198,
3955,
11879,
62,
11584,
57,
4720,
37,
62,
34509,
1677,
5883,
13246,
796,
718,
201,
198,
3955,
11879,
62,
11584,
57,
4720,
37,
62,
33,
11159,
62,
16448,
4503,
6234,
796,
807,
201,
198,
3955,
11879,
62,
16448,
62,
33,
42827,
62,
32,
4462,
3535,
37780,
796,
657,
201,
198,
3955,
11879,
62,
16448,
62,
33,
42827,
62,
39,
18060,
796,
352,
201,
198,
3955,
11879,
62,
16448,
62,
33,
42827,
62,
43,
3913,
796,
362,
201,
198,
3955,
11879,
62,
16448,
62,
33,
42827,
62,
39,
3528,
6581,
3913,
796,
513,
201,
198,
3955,
11879,
62,
16448,
62,
33,
42827,
62,
39,
18060,
2885,
41,
796,
604,
201,
198,
3955,
11879,
62,
16448,
62,
33,
42827,
62,
8895,
3705,
62,
41,
7378,
2885,
7707,
796,
642,
201,
198,
3955,
11879,
62,
16448,
62,
33,
42827,
62,
50,
24565,
796,
718,
201,
198,
3955,
11879,
62,
16448,
62,
33,
42827,
62,
16448,
2624,
796,
767,
201,
198,
3955,
11879,
62,
31315,
9306,
62,
2257,
7227,
62,
33489,
796,
807,
201,
198,
3955,
11879,
62,
31315,
9306,
62,
2257,
7227,
796,
366,
0,
27,
998,
29,
59,
77,
1,
201,
198,
3955,
11879,
62,
31315,
9306,
62,
10619,
796,
366,
63,
59,
77,
1,
201,
198,
3955,
11879,
62,
31315,
9306,
62,
47,
2885,
796,
37082,
77,
1,
201,
198,
3955,
11879,
62,
31315,
9306,
62,
43,
17248,
1137,
62,
44,
28952,
796,
12813,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
201,
198,
3955,
11879,
62,
11584,
57,
4720,
37,
62,
31315,
9306,
62,
44,
28952,
62,
39,
7707,
796,
3126,
201,
198,
3955,
11879,
62,
12532,
17961,
62,
38948,
796,
532,
17,
20198,
2780,
26780,
23,
201,
198,
201,
198,
3955,
11879,
62,
19535,
31033,
62,
20608,
62,
1797,
62,
18601,
2751,
796,
532,
17,
20198,
2780,
26780,
23,
201,
198,
3955,
11879,
62,
19535,
31033,
62,
26947,
62,
1797,
62,
17931,
23988,
15513,
796,
532,
17,
20198,
2780,
26780,
23,
201,
198,
3955,
11879,
62,
30531,
62,
25216,
62,
4944,
44706,
796,
657,
201,
198,
3955,
11879,
62,
30531,
62,
25216,
62,
8220,
5777,
796,
352,
201,
198,
3955,
11879,
62,
30531,
62,
25216,
62,
34,
16820,
28206,
796,
362,
201,
198,
3955,
11879,
62,
30531,
62,
25216,
62,
5837,
46,
796,
513,
201,
198,
3955,
11879,
62,
30531,
62,
25216,
62,
44,
37719,
796,
604,
201,
198,
3955,
11879,
62,
30531,
62,
25216,
62,
6369,
42006,
2849,
796,
642,
201,
198,
3955,
11879,
62,
30531,
62,
25216,
62,
47084,
8577,
796,
718,
201,
198,
3955,
11879,
62,
30531,
62,
25216,
62,
2662,
2969,
62,
10468,
62,
50,
7397,
796,
767,
201,
198,
3955,
11879,
62,
30531,
62,
25216,
62,
2662,
2969,
62,
10913,
2662,
62,
50,
7397,
796,
807,
201,
198,
3955,
11879,
62,
30531,
62,
25216,
62,
33,
1581,
28182,
796,
860,
201,
198,
10913,
10067,
62,
5837,
46,
796,
657,
201,
198,
10913,
10067,
62,
5446,
2969,
796,
352,
201,
198,
10913,
10067,
62,
4694,
50,
796,
362,
201,
198,
10913,
10067,
62,
45,
1340,
5837,
46,
796,
513,
201,
198,
11584,
57,
4720,
37,
62,
49,
5837,
46,
62,
26947,
796,
1467,
201,
198,
3955,
11879,
62,
30531,
62,
44,
37719,
62,
6369,
1677,
10067,
796,
352,
201,
198,
3955,
11879,
62,
5188,
27082,
6158,
62,
30531,
62,
46224,
40086,
796,
1248,
38219,
201,
198,
3955,
11879,
62,
5188,
27082,
6158,
62,
30531,
62,
38948,
50,
62,
31180,
42,
796,
36203,
3104,
201,
198,
3955,
11879,
62,
5188,
27082,
6158,
62,
30531,
62,
44,
31125,
11417,
796,
36203,
3104,
201,
198,
201,
198,
2,
34774,
422,
4731,
13,
71,
201,
198,
62,
32572,
6173,
7378,
24908,
796,
362,
20198,
2780,
26780,
22,
201,
198,
33991,
796,
657,
201,
198,
13909,
2969,
62,
15285,
62,
35009,
12576,
35400,
796,
352,
201,
198,
13909,
2969,
62,
10761,
3913,
17534,
796,
362,
201,
198,
13909,
2969,
62,
35353,
1137,
6158,
62,
6369,
42006,
11053,
796,
604,
201,
198,
13909,
2969,
62,
57,
34812,
62,
44,
3620,
15513,
796,
807,
201,
198,
13909,
2969,
62,
2200,
7036,
4503,
62,
1268,
62,
6489,
11598,
62,
1340,
11319,
796,
1467,
201,
198,
13909,
2969,
62,
5603,
4146,
62,
50084,
2751,
62,
1677,
6242,
30465,
796,
3933,
201,
198,
13909,
2969,
62,
39274,
62,
50084,
2751,
62,
1677,
6242,
30465,
796,
5598,
201,
198,
13909,
2969,
62,
26288,
17534,
62,
8220,
1847,
1546,
5222,
62,
1340,
62,
39274,
796,
13108,
201,
198,
13909,
2969,
62,
43387,
6158,
62,
1847,
16284,
62,
1433,
796,
45021,
2623,
201,
198,
13909,
2969,
62,
43387,
6158,
62,
1677,
17534,
62,
5446,
2246,
2751,
796,
1511,
940,
4761,
201,
198,
13909,
2969,
62,
22921,
3955,
5883,
62,
42197,
796,
2319,
3865,
201,
198,
13909,
2969,
62,
3705,
36,
8322,
46,
62,
42197,
62,
38948,
796,
36203,
3104,
201,
198,
13909,
2969,
62,
42197,
62,
9693,
32297,
796,
1467,
201,
198,
1797,
62,
32541,
62,
4944,
2149,
16820,
62,
42643,
3978,
1433,
796,
352,
201,
198,
1797,
62,
32541,
62,
4944,
2149,
16820,
62,
2200,
28884,
36,
62,
42643,
3978,
1433,
796,
1467,
201,
198,
1797,
62,
32541,
62,
4944,
2149,
16820,
62,
35744,
8808,
19505,
796,
362,
201,
198,
1797,
62,
32541,
62,
4944,
2149,
16820,
62,
2200,
28884,
36,
62,
35744,
8808,
19505,
796,
3933,
201,
198,
1797,
62,
32541,
62,
4944,
2149,
16820,
62,
10943,
5446,
3535,
50,
796,
604,
201,
198,
1797,
62,
32541,
62,
4944,
2149,
16820,
62,
2200,
28884,
36,
62,
10943,
5446,
3535,
50,
796,
5598,
201,
198,
1797,
62,
32541,
62,
4944,
2149,
16820,
62,
46224,
40086,
796,
807,
201,
198,
1797,
62,
32541,
62,
4944,
2149,
16820,
62,
2200,
28884,
36,
62,
46224,
40086,
796,
13108,
201,
198,
1797,
62,
32541,
62,
4944,
2149,
16820,
62,
33844,
38,
1847,
62,
3398,
27415,
796,
17759,
201,
198,
1797,
62,
32541,
62,
4944,
2149,
16820,
62,
3727,
35,
62,
43,
49494,
796,
22243,
201,
198,
1797,
62,
32541,
62,
4944,
2149,
16820,
62,
35,
2749,
50,
62,
2538,
2885,
17513,
9328,
796,
28119,
201,
198,
1797,
62,
32541,
62,
4944,
2149,
16820,
62,
33991,
62,
17513,
51,
1546,
796,
42479,
201,
198,
1797,
62,
32541,
62,
4944,
2149,
16820,
62,
4944,
2149,
16820,
62,
31180,
42,
796,
1315,
201,
198,
1797,
62,
32541,
62,
4944,
2149,
16820,
62,
2200,
28884,
36,
62,
31180,
42,
796,
14956,
201,
198,
1797,
62,
32541,
62,
4944,
2149,
16820,
62,
11929,
62,
4944,
2149,
16820,
62,
31180,
42,
796,
4353,
1821,
201,
198,
1797,
62,
32541,
62,
4944,
2149,
16820,
62,
11929,
62,
42643,
3978,
62,
31180,
42,
796,
718,
1415,
1821,
201,
198,
9858,
32761,
2849,
62,
21389,
1404,
62,
45,
11651,
796,
357,
15,
8,
201,
198,
9858,
32761,
2849,
62,
21389,
1404,
62,
7206,
38865,
796,
357,
16,
8,
201,
198,
9858,
32761,
2849,
62,
21389,
1404,
62,
43,
57,
11251,
16,
796,
357,
17,
8,
201,
198,
9858,
32761,
2849,
62,
26808,
8881,
62,
2257,
6981,
9795,
796,
357,
15,
8,
201,
198,
9858,
32761,
2849,
62,
26808,
8881,
62,
22921,
3955,
5883,
796,
357,
11645,
8,
201,
198,
44,
1546,
4090,
8264,
62,
19535,
31033,
62,
4944,
2149,
16820,
796,
352,
201,
198,
14181,
43,
62,
9419,
29722,
9782,
62,
25216,
796,
657,
201,
198,
14181,
43,
62,
19535,
31033,
62,
25216,
796,
352,
201,
198,
5188,
37,
62,
35,
2246,
43,
62,
39371,
46,
62,
1268,
16879,
2043,
796,
352,
201,
198,
5188,
37,
62,
50,
2246,
43,
62,
39371,
46,
62,
1268,
16879,
2043,
796,
362,
201,
198,
5188,
37,
62,
7206,
38865,
62,
30910,
36584,
32961,
62,
13775,
62,
9864,
23680,
796,
604,
201,
198,
5188,
37,
62,
10116,
46,
2389,
62,
4805,
3824,
41119,
8264,
62,
50084,
796,
807,
201,
198,
35,
3069,
62,
4805,
4503,
7597,
62,
17139,
16219,
796,
352,
201,
198,
35,
3069,
62,
4221,
15675,
62,
17139,
16219,
796,
362,
201,
198,
35,
3069,
62,
4221,
15675,
62,
35,
2767,
16219,
796,
513,
201,
198,
35,
3069,
62,
4805,
4503,
7597,
62,
35,
2767,
16219,
796,
657,
201,
198,
20114,
3525,
25294,
62,
5188,
10917,
3525,
12576,
62,
15675,
796,
657,
55,
18005,
201,
198,
20114,
3525,
25294,
62,
36078,
42,
62,
15675,
796,
657,
55,
34215,
201,
198,
20114,
3525,
25294,
62,
13775,
16279,
5258,
62,
15675,
796,
657,
55,
830,
19,
201,
198,
20114,
3525,
25294,
62,
31098,
16279,
5258,
62,
15675,
796,
657,
55,
830,
23,
201,
198,
20114,
3525,
25294,
62,
12564,
4093,
7597,
796,
657,
55,
2388,
201,
198,
20114,
3525,
25294,
62,
24908,
62,
25216,
796,
352,
201,
198,
20114,
3525,
25294,
62,
31502,
62,
25216,
796,
362,
201,
198,
20114,
3525,
25294,
62,
1268,
35036,
62,
25216,
796,
604,
201,
198,
20114,
3525,
25294,
62,
48877,
2043,
62,
12564,
4093,
7597,
796,
807,
201,
198,
20114,
3525,
25294,
62,
48877,
2043,
62,
7708,
4146,
11335,
796,
1467,
201,
198,
20114,
3525,
25294,
62,
2257,
7227,
62,
4537,
37819,
62,
20114,
3525,
796,
352,
201,
198,
20114,
3525,
25294,
62,
10619,
62,
4537,
37819,
62,
20114,
3525,
796,
362,
201,
198,
20114,
3525,
25294,
62,
10619,
62,
7036,
62,
4537,
37819,
62,
20114,
15365,
796,
604,
201,
198,
20114,
3525,
25294,
62,
4537,
37819,
62,
20114,
3525,
62,
10659,
9306,
796,
807,
201,
198,
20114,
3525,
25294,
62,
4537,
37819,
62,
20114,
3525,
62,
1268,
10659,
9306,
796,
1467,
201,
198,
20373,
62,
10917,
19664,
62,
39488,
796,
357,
16,
8,
201,
198,
20373,
62,
28480,
62,
39488,
796,
357,
17,
8,
201,
198,
20373,
62,
43387,
6158,
62,
50,
10526,
62,
20373,
796,
357,
19,
8,
201,
198,
20373,
62,
1677,
5883,
1137,
6158,
62,
50,
10526,
62,
7336,
16309,
796,
357,
23,
8,
201,
198,
20373,
62,
11929,
5064,
56,
796,
357,
1433,
8,
201,
198,
20373,
62,
43387,
6158,
62,
43,
17248,
796,
357,
2624,
8,
201,
198,
20373,
62,
15675,
796,
14808,
2257,
6981,
9795,
62,
49,
34874,
62,
15675,
220,
220,
220,
220,
220,
220,
930,
59,
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,
35374,
62,
10917,
19664,
62,
39488,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
930,
59,
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,
35374,
62,
1677,
5883,
1137,
6158,
62,
50,
10526,
62,
7336,
16309,
220,
220,
220,
220,
930,
59,
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,
35374,
62,
11929,
5064,
56,
8,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3467,
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,
1222,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3467,
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,
31034,
23060,
45,
37846,
1340,
35400,
4008,
201,
198,
20373,
62,
18564,
12709,
796,
14808,
2257,
6981,
9795,
62,
49,
34874,
62,
18564,
12709,
220,
220,
220,
220,
220,
930,
59,
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,
35374,
62,
28480,
62,
39488,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
930,
59,
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,
35374,
62,
43387,
6158,
62,
50,
10526,
62,
20373,
8,
220,
220,
220,
220,
220,
220,
220,
220,
3467,
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,
1222,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3467,
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,
31034,
23060,
45,
37846,
1340,
35400,
4008,
201,
198,
20373,
62,
6369,
2943,
37780,
796,
14808,
20373,
62,
15675,
8,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3467,
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,
1222,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3467,
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,
31034,
23060,
45,
37846,
1340,
35400,
4008,
201,
198,
20373,
62,
7036,
62,
26861,
7597,
796,
14808,
2257,
6981,
9795,
62,
49,
34874,
62,
7036,
220,
220,
220,
220,
220,
220,
220,
930,
59,
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,
35374,
62,
10917,
19664,
62,
39488,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
930,
59,
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,
35374,
62,
28480,
62,
39488,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
930,
59,
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,
35374,
62,
43387,
6158,
62,
50,
10526,
62,
20373,
220,
220,
220,
220,
220,
220,
220,
220,
930,
59,
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,
35374,
62,
1677,
5883,
1137,
6158,
62,
50,
10526,
62,
7336,
16309,
220,
220,
220,
220,
930,
59,
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,
35374,
62,
11929,
5064,
56,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
930,
59,
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,
35374,
62,
43387,
6158,
62,
43,
17248,
8,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3467,
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,
1222,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3467,
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,
31034,
23060,
45,
37846,
1340,
35400,
4008,
201,
198,
31553,
62,
3185,
24131,
62,
19535,
1137,
53,
1961,
796,
357,
15,
8,
201,
198,
31553,
62,
3185,
24131,
62,
45,
1340,
62,
44558,
1404,
41119,
796,
357,
15,
8,
201,
198,
31553,
62,
3185,
24131,
62,
44558,
1404,
41119,
796,
357,
16,
8,
201,
198,
31553,
62,
3185,
24131,
62,
43387,
6158,
62,
43,
17248,
796,
357,
17,
8,
201,
198,
31553,
62,
3185,
24131,
62,
31098,
8577,
62,
49,
6465,
6965,
796,
357,
19,
8,
201,
198,
31553,
62,
3185,
24131,
62,
3185,
1677,
62,
43,
17248,
796,
357,
23,
8,
201,
198,
31553,
62,
2538,
38,
1847,
62,
3185,
24131,
796,
3467,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
31553,
62,
3185,
24131,
62,
19535,
1137,
53,
1961,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
930,
59,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
23337,
62,
3185,
24131,
62,
45,
1340,
62,
44558,
1404,
41119,
220,
220,
220,
220,
220,
220,
220,
930,
59,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
23337,
62,
3185,
24131,
62,
44558,
1404,
41119,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
930,
59,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
23337,
62,
3185,
24131,
62,
43387,
6158,
62,
43,
17248,
220,
220,
220,
220,
220,
220,
220,
220,
930,
59,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
23337,
62,
3185,
24131,
62,
31098,
8577,
62,
49,
6465,
6965,
220,
220,
220,
220,
220,
930,
59,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
23337,
62,
3185,
24131,
62,
3185,
1677,
62,
43,
17248,
8,
201,
198,
31553,
62,
43387,
11617,
62,
13965,
62,
20373,
796,
357,
16,
8,
201,
198,
31553,
62,
3185,
1677,
1961,
62,
6369,
8808,
2751,
62,
20373,
796,
357,
17,
8,
201,
198,
31553,
62,
41856,
2538,
62,
39,
9306,
62,
44558,
1404,
41119,
796,
357,
16,
8,
201,
198,
31553,
62,
2200,
10913,
44011,
62,
39,
9306,
796,
357,
17,
8,
201,
198,
31553,
62,
15285,
62,
13534,
57,
56,
62,
3697,
27143,
796,
357,
19,
8,
201,
198,
31553,
62,
11929,
5064,
56,
62,
3398,
27746,
62,
20608,
796,
357,
16,
8,
201,
198,
31553,
62,
11929,
5064,
56,
62,
3398,
27746,
62,
1404,
5446,
9865,
3843,
1546,
796,
357,
17,
8,
201,
198,
31553,
62,
11929,
5064,
56,
62,
3398,
27746,
62,
43,
11262,
62,
28480,
796,
357,
19,
8,
201,
198,
31553,
62,
11929,
5064,
56,
62,
3398,
27746,
62,
23683,
4261,
9050,
796,
357,
23,
8,
201,
198,
31553,
62,
2538,
38,
1847,
62,
3398,
27746,
62,
46700,
5781,
796,
3467,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
31553,
62,
11929,
5064,
56,
62,
3398,
27746,
62,
20608,
220,
220,
220,
220,
220,
220,
220,
220,
220,
930,
59,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
23337,
62,
11929,
5064,
56,
62,
3398,
27746,
62,
1404,
5446,
9865,
3843,
1546,
220,
220,
220,
930,
59,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
23337,
62,
11929,
5064,
56,
62,
3398,
27746,
62,
43,
11262,
62,
28480,
220,
220,
220,
220,
220,
930,
59,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
23337,
62,
11929,
5064,
56,
62,
3398,
27746,
62,
23683,
4261,
9050,
8,
201,
198,
31553,
62,
45,
11651,
796,
357,
657,
1267,
201,
198,
31553,
62,
50,
57,
796,
357,
352,
1267,
201,
198,
31553,
62,
49864,
6981,
62,
50,
57,
796,
357,
362,
1267,
201,
198,
31553,
62,
33,
1268,
13153,
796,
357,
513,
1267,
201,
198,
31553,
62,
42955,
12532,
796,
357,
604,
1267,
201,
198,
31553,
62,
42955,
12532,
62,
43,
22470,
2538,
62,
10619,
16868,
796,
357,
604,
1267,
201,
198,
31553,
62,
42955,
12532,
62,
3483,
38,
62,
10619,
16868,
796,
357,
642,
1267,
201,
198,
31553,
62,
43,
17248,
796,
357,
718,
1267,
201,
198,
31553,
62,
44,
16724,
40,
62,
50,
57,
796,
357,
767,
1267,
201,
198,
31553,
62,
19535,
31033,
62,
45849,
796,
357,
807,
1267,
201,
198,
31553,
62,
37,
9994,
62,
19535,
31033,
62,
30910,
36584,
32961,
796,
357,
860,
1267,
201,
198,
31553,
62,
19535,
31033,
62,
2200,
49128,
28957,
62,
45849,
796,
357,
838,
1267,
201,
198,
35009,
27389,
62,
42,
28778,
3698,
62,
7707,
38757,
796,
352,
201,
198,
35009,
27389,
62,
25664,
62,
23060,
25361,
62,
7707,
38757,
796,
362,
201,
198,
35009,
27389,
62,
2885,
29485,
796,
604,
201,
198,
35009,
27389,
62,
38827,
7730,
45,
14887,
1137,
62,
7707,
38757,
796,
807,
201,
198,
35009,
27389,
62,
7707,
38757,
796,
357,
35009,
27389,
62,
42,
28778,
3698,
62,
7707,
38757,
930,
3467,
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,
220,
220,
47453,
62,
25664,
62,
23060,
25361,
62,
7707,
38757,
930,
3467,
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,
220,
220,
47453,
62,
38827,
7730,
45,
14887,
1137,
62,
7707,
38757,
8,
201,
198,
35009,
27389,
62,
37620,
2624,
62,
14165,
62,
4805,
4503,
7597,
796,
1467,
201,
198,
35009,
27389,
62,
37620,
2624,
62,
42597,
62,
4805,
4503,
7597,
796,
3933,
201,
198,
35009,
27389,
62,
37620,
2624,
796,
357,
35009,
27389,
62,
37620,
2624,
62,
14165,
62,
4805,
4503,
7597,
930,
3467,
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,
220,
220,
47453,
62,
37620,
2624,
62,
42597,
62,
4805,
4503,
7597,
8,
201,
198,
35009,
27389,
62,
41358,
10659,
9306,
62,
4805,
4503,
7597,
796,
17759,
201,
198,
35009,
27389,
62,
25216,
62,
7036,
796,
357,
35009,
27389,
62,
37620,
2624,
220,
930,
3467,
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,
220,
220,
47453,
62,
2885,
29485,
930,
3467,
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,
220,
220,
47453,
62,
7707,
38757,
220,
930,
3467,
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,
220,
220,
47453,
62,
41358,
10659,
9306,
62,
4805,
4503,
7597,
8,
201,
198,
35009,
27389,
62,
8202,
2394,
62,
2257,
7227,
796,
657,
201,
198,
35009,
27389,
62,
23060,
25361,
62,
2257,
7227,
796,
352,
201,
198,
35009,
27389,
62,
39371,
46,
62,
2257,
7227,
796,
362,
201,
198,
35009,
27389,
62,
39429,
6981,
62,
2257,
7227,
796,
513,
201,
198,
35009,
27389,
62,
26288,
6242,
30465,
796,
604,
201,
198,
35009,
27389,
62,
24908,
62,
16284,
6965,
796,
657,
201,
198,
35009,
27389,
62,
24908,
62,
35510,
42126,
796,
352,
201,
198,
35009,
27389,
62,
24908,
62,
5188,
5959,
36,
796,
362,
201,
198,
35009,
27389,
62,
24908,
62,
9419,
2043,
20151,
796,
513,
201,
198,
51,
45721,
62,
1137,
11159,
62,
9693,
9863,
796,
657,
201,
198,
51,
45721,
62,
1137,
11159,
62,
43,
18494,
796,
352,
201,
198,
51,
45721,
62,
35613,
796,
657,
201,
198,
51,
45721,
62,
4944,
35613,
796,
352,
201,
198,
51,
45721,
62,
51,
16938,
2849,
796,
362,
201,
198,
51,
45721,
62,
36840,
796,
513,
201,
198,
51,
45721,
62,
4944,
36840,
796,
604,
201,
198,
51,
45721,
62,
21389,
1404,
796,
642,
201,
198,
51,
45721,
62,
28480,
44,
14175,
50,
796,
657,
201,
198,
51,
45721,
62,
25664,
44,
14175,
50,
796,
352,
201,
198,
51,
45721,
62,
9693,
9863,
62,
25664,
44,
14175,
50,
796,
362,
201,
198,
51,
45721,
62,
43,
18494,
62,
25664,
44,
14175,
50,
796,
513,
201,
198,
51,
45721,
62,
32,
4462,
3535,
37780,
62,
37997,
17941,
796,
657,
201,
198,
51,
45721,
62,
25294,
20151,
62,
37997,
17941,
796,
352,
201,
198,
51,
45721,
62,
3705,
36,
8322,
46,
62,
25294,
20151,
62,
37997,
17941,
796,
362,
201,
198,
51,
45721,
62,
2200,
28929,
796,
657,
201,
198,
51,
45721,
62,
32,
4462,
3535,
37780,
62,
9148,
11290,
796,
352,
201,
198,
51,
45721,
62,
25294,
20151,
62,
9148,
11290,
796,
362,
201,
198,
51,
45721,
62,
3705,
36,
8322,
46,
62,
25294,
20151,
62,
9148,
11290,
796,
513,
201,
198,
51,
45721,
62,
4303,
11598,
62,
10619,
62,
19238,
62,
26947,
796,
604,
201,
198,
51,
45721,
62,
4303,
11598,
62,
16448,
37045,
62,
9148,
11290,
50,
796,
642,
201,
198,
51,
45721,
62,
4303,
11598,
62,
25664,
44,
14175,
50,
796,
718,
201,
198,
51,
45721,
62,
4303,
11598,
62,
5188,
10917,
3525,
12576,
62,
23264,
27015,
796,
767,
201,
198,
51,
45721,
62,
4303,
11598,
62,
28480,
44,
14175,
50,
796,
807,
201,
198,
51,
45721,
62,
4303,
11598,
62,
5188,
10917,
3525,
12576,
62,
12310,
27015,
796,
860,
201,
198,
51,
45721,
62,
7707,
9306,
62,
47084,
1961,
796,
352,
201,
198,
51,
45721,
62,
7707,
9306,
62,
46506,
796,
362,
201,
198,
51,
45721,
62,
7707,
9306,
62,
1268,
2043,
40,
25633,
796,
604,
201,
198,
51,
45721,
62,
7707,
9306,
62,
1137,
11159,
62,
9693,
9863,
796,
1467,
201,
198,
51,
45721,
62,
7707,
9306,
62,
1137,
11159,
62,
43,
18494,
796,
3933,
201,
198,
51,
45721,
62,
7707,
9306,
62,
1137,
11159,
62,
33,
3185,
62,
1340,
11319,
796,
5598,
201,
198,
51,
45721,
62,
7707,
9306,
62,
1137,
11159,
62,
3955,
30733,
40,
6158,
796,
13108,
201,
198,
51,
45721,
62,
7707,
9306,
62,
51,
45721,
62,
33177,
2246,
9050,
796,
17759,
201,
198,
51,
45721,
62,
7707,
9306,
62,
51,
45721,
62,
2200,
5673,
1268,
2751,
796,
22243,
201,
198,
51,
45721,
62,
7707,
9306,
62,
47084,
1961,
62,
9148,
11290,
796,
28119,
201,
198,
51,
45721,
62,
7707,
9306,
62,
53,
1503,
3539,
19146,
62,
9148,
11290,
796,
36117,
201,
198,
51,
45721,
62,
7707,
9306,
62,
18564,
12709,
62,
4805,
2394,
9782,
796,
42479,
201,
198,
51,
45721,
62,
7707,
9306,
62,
36,
2394,
62,
54,
57,
62,
33489,
796,
807,
17477,
201,
198,
51,
45721,
62,
7707,
9306,
62,
2943,
34,
796,
45021,
2623,
201,
198,
51,
45721,
62,
7707,
9306,
62,
9858,
32761,
2849,
796,
1511,
940,
4761,
201,
198,
51,
45721,
62,
7707,
9306,
62,
47,
29266,
2751,
796,
35404,
18444,
201,
198,
51,
45721,
62,
7707,
9306,
62,
2200,
15490,
62,
12310,
27015,
796,
642,
1731,
25270,
201,
198,
51,
45721,
62,
7707,
9306,
62,
18851,
62,
32,
4462,
3535,
37780,
62,
9148,
42,
796,
838,
2780,
37452,
201,
198,
51,
45721,
62,
7707,
9306,
62,
18851,
62,
25294,
20151,
62,
9148,
42,
796,
1160,
5607,
17827,
201,
198,
51,
45721,
62,
7707,
9306,
62,
28480,
62,
36,
2394,
62,
54,
57,
62,
33489,
796,
604,
22913,
21288,
201,
198,
51,
45721,
62,
7707,
9306,
62,
36,
23680,
62,
30733,
3539,
796,
1467,
3324,
4761,
1433,
201,
198,
51,
45721,
62,
7707,
9306,
62,
19535,
1137,
53,
1961,
62,
26094,
796,
532,
17,
20198,
2780,
26780,
23,
201,
198,
51,
45721,
62,
7707,
9306,
62,
35613,
62,
4944,
35613,
796,
532,
17,
20198,
2780,
26780,
22,
201,
198,
51,
45721,
62,
7707,
9306,
62,
51,
16938,
2849,
796,
532,
17,
20198,
2780,
26780,
21,
201,
198,
51,
45721,
62,
7707,
9306,
62,
36840,
62,
4944,
36840,
796,
532,
17,
20198,
2780,
26780,
19,
201,
198,
51,
45721,
62,
7707,
9306,
62,
2200,
28929,
62,
3955,
30733,
40,
6158,
796,
532,
17,
20198,
2780,
2623,
1821,
201,
198,
51,
45721,
62,
7707,
9306,
62,
28480,
62,
9148,
11290,
62,
33489,
796,
532,
17,
20198,
2780,
2623,
2624,
201,
198,
51,
45721,
62,
7707,
9306,
62,
35613,
62,
4944,
11163,
62,
3955,
30733,
796,
532,
17,
20198,
2780,
2623,
1433,
201,
198,
51,
45721,
62,
7707,
9306,
62,
51,
16938,
2849,
62,
3955,
30733,
796,
532,
17,
20198,
2780,
2327,
5705,
201,
198,
51,
45721,
62,
7707,
9306,
62,
36840,
62,
4944,
43,
42,
62,
3955,
30733,
796,
532,
17,
20198,
2780,
2327,
1238,
201,
198,
51,
45721,
62,
7707,
9306,
62,
28480,
62,
2943,
34,
796,
532,
17,
20198,
2780,
2091,
5892,
201,
198,
51,
45721,
62,
7707,
9306,
62,
28480,
62,
9858,
32761,
2849,
796,
532,
17,
20198,
38783,
20809,
201,
198,
51,
45721,
62,
7707,
9306,
62,
28480,
62,
47,
29266,
2751,
796,
532,
17,
20198,
2780,
2075,
1731,
201,
198,
51,
45721,
62,
7707,
9306,
62,
28480,
62,
2200,
15490,
62,
12310,
27015,
796,
532,
17,
20198,
2780,
36150,
201,
198,
51,
45721,
62,
7707,
9306,
62,
32,
4462,
3535,
37780,
62,
9148,
42,
796,
532,
17,
20198,
31714,
40427,
201,
198,
51,
45721,
62,
7707,
9306,
62,
32,
4462,
62,
9148,
42,
62,
3955,
30733,
796,
532,
22291,
4524,
2425,
29228,
201,
198,
51,
45721,
62,
7707,
9306,
62,
25294,
20151,
62,
9148,
42,
796,
532,
22291,
4524,
3134,
18897,
201,
198,
51,
45721,
62,
7707,
9306,
62,
25294,
62,
9148,
42,
62,
3955,
30733,
796,
532,
22291,
4524,
33042,
1795,
201,
198,
51,
45721,
62,
7707,
9306,
62,
10619,
62,
19238,
62,
26947,
796,
532,
22291,
4524,
1507,
14686,
201,
198,
51,
45721,
62,
7707,
9306,
62,
16448,
37045,
62,
9148,
27015,
796,
532,
17,
20198,
2327,
1495,
4304,
201,
198,
51,
45721,
62,
7707,
9306,
62,
25664,
44,
14175,
50,
796,
532,
17,
20198,
1828,
8628,
19,
201,
198,
51,
45721,
62,
7707,
9306,
62,
5188,
10917,
3525,
12576,
62,
23264,
27015,
796,
532,
22291,
3388,
3270,
15277,
201,
198,
51,
45721,
62,
7707,
9306,
62,
28480,
44,
14175,
50,
796,
532,
22291,
2414,
14877,
4761,
201,
198,
51,
45721,
62,
7707,
9306,
62,
5188,
10917,
3525,
12576,
62,
12310,
27015,
796,
532,
17,
18781,
2548,
2414,
4846,
201,
198,
51,
45721,
62,
7707,
9306,
62,
2200,
28884,
36,
62,
37997,
17941,
796,
532,
17,
21139,
2078,
6052,
2598,
201,
198,
51,
45721,
62,
7707,
9306,
62,
4303,
11598,
62,
3955,
30733,
40,
6158,
796,
532,
17,
20219,
2931,
1120,
1821,
201,
198,
51,
45721,
62,
7707,
9306,
62,
18564,
12709,
62,
28480,
44,
14175,
50,
796,
532,
2481,
1270,
2154,
2414,
2624,
201,
198,
51,
45721,
62,
7707,
9306,
62,
18564,
12709,
62,
25664,
44,
14175,
50,
796,
532,
21895,
2670,
1959,
20666,
201,
198,
51,
45721,
62,
7707,
9306,
62,
18564,
12709,
62,
9693,
9863,
62,
23264,
27015,
796,
532,
1238,
1795,
2718,
2857,
5705,
201,
198,
51,
45721,
62,
7707,
9306,
62,
18564,
12709,
62,
43,
18494,
62,
23264,
27015,
796,
532,
6390,
2075,
3270,
1238,
201,
198,
51,
45721,
62,
7707,
9306,
62,
18564,
12709,
62,
44,
14175,
62,
3955,
30733,
796,
532,
1507,
37750,
2780,
17477,
201,
198,
51,
45721,
62,
7707,
9306,
62,
21389,
1404,
796,
532,
1433,
15801,
16799,
2623,
201,
198,
51,
45721,
62,
7707,
9306,
62,
21389,
1404,
62,
3955,
30733,
40,
6158,
796,
532,
15982,
31020,
1507,
1731,
201,
198,
51,
45721,
62,
7707,
9306,
62,
39,
18060,
62,
15112,
47471,
796,
532,
17,
20198,
2780,
26780,
23,
201,
198,
51,
45721,
62,
47084,
1961,
62,
30709,
2043,
11053,
796,
657,
201,
198,
51,
45721,
62,
46506,
62,
30709,
2043,
11053,
796,
352,
201,
198,
51,
45721,
62,
1268,
2043,
40,
25633,
62,
30709,
2043,
11053,
796,
362,
201,
198,
201,
198
] | 1.877983 | 17,473 |
# -*- encoding: utf-8 -*-
""" Exceptions for EsiPy related errors """
class APIException(Exception):
""" Exception for SSO related errors """
| [
2,
532,
9,
12,
21004,
25,
3384,
69,
12,
23,
532,
9,
12,
201,
198,
37811,
1475,
11755,
329,
8678,
72,
20519,
3519,
8563,
37227,
201,
198,
201,
198,
201,
198,
4871,
7824,
16922,
7,
16922,
2599,
201,
198,
220,
220,
220,
37227,
35528,
329,
6723,
46,
3519,
8563,
37227,
201,
198
] | 2.961538 | 52 |
# coding=utf-8
# Author: Jianghan LI
# Question: 599.Minimum_Index_Sum_of_Two_Lists
# Date: 2017-05-30, 0 wrong try
from collections import Counter
s = Solution()
print s.findRestaurant(["Shogun", "Tapioca Express", "Burger King", "KFC"], ["KFC", "Shogun", "Burger King"])
| [
2,
19617,
28,
40477,
12,
23,
198,
2,
6434,
25,
40922,
6064,
24653,
198,
2,
18233,
25,
642,
2079,
13,
44046,
62,
15732,
62,
13065,
62,
1659,
62,
7571,
62,
43,
1023,
198,
2,
7536,
25,
2177,
12,
2713,
12,
1270,
11,
657,
2642,
1949,
198,
198,
6738,
17268,
1330,
15034,
628,
198,
198,
82,
796,
28186,
3419,
198,
4798,
264,
13,
19796,
19452,
2899,
415,
7,
14692,
2484,
39918,
1600,
366,
51,
15042,
11216,
10604,
1600,
366,
22991,
1362,
2677,
1600,
366,
42,
4851,
33116,
14631,
42,
4851,
1600,
366,
2484,
39918,
1600,
366,
22991,
1362,
2677,
8973,
8,
198
] | 2.742574 | 101 |
"""Test awesomeversion."""
import json
import pytest
from awesomeversion import (
AwesomeVersion,
AwesomeVersionStrategy,
AwesomeVersionStrategyException,
)
def test_awesomeversion():
"""Test awesomeversion."""
version = AwesomeVersion("2020.12.1")
assert not version.beta
version = AwesomeVersion("2020.12.1a0")
assert version.alpha
version = AwesomeVersion("2020.12.1b0")
assert version.beta
version = AwesomeVersion("2020.12.1dev0")
assert version.dev
version = AwesomeVersion("2020.12.1d0")
assert version.dev
version = AwesomeVersion("2020.12.1rc0")
assert version.release_candidate
assert version.prefix is None
version = AwesomeVersion("v2020.12.1rc0")
assert version.prefix == "v"
version2 = AwesomeVersion(version)
assert version == version2
assert str(version) == str(version2)
assert str(version) == "v2020.12.1rc0"
assert version.string == "2020.12.1rc0"
assert repr(version) == "<AwesomeVersion CalVer '2020.12.1rc0'>"
assert AwesomeVersion("1.0.0-beta.2").modifier == "beta.2"
assert AwesomeVersion("2020.2.0b1").modifier_type == "b"
with AwesomeVersion("20.12.0") as current:
with AwesomeVersion("20.12.1") as upstream:
assert upstream > current
def test_serialization():
"""Test to and from JSON serialization."""
version = AwesomeVersion("20.12.1")
dumps = json.dumps({"version": version})
assert dumps == '{"version": "20.12.1"}'
assert json.loads(dumps)["version"] == version.string
test_data = [
("2020.12.1b0"),
("2020.12.1"),
("2021.2.0.dev20210118"),
]
@pytest.mark.parametrize("version", test_data)
def test_nesting(version):
"""Test nesting AwesomeVersion objects."""
obj = AwesomeVersion(version)
assert obj.string == version
assert str(obj) == version
assert AwesomeVersion(obj) == AwesomeVersion(version)
assert AwesomeVersion(obj).string == AwesomeVersion(version)
assert str(AwesomeVersion(obj)) == AwesomeVersion(version)
assert AwesomeVersion(obj) == version
assert AwesomeVersion(obj).string == version
assert str(AwesomeVersion(obj)) == version
assert (
AwesomeVersion(
AwesomeVersion(AwesomeVersion(AwesomeVersion(AwesomeVersion(obj))))
)
== version
)
assert (
AwesomeVersion(
AwesomeVersion(AwesomeVersion(AwesomeVersion(AwesomeVersion(obj))))
).string
== version
)
assert str(
(
AwesomeVersion(
AwesomeVersion(AwesomeVersion(AwesomeVersion(AwesomeVersion(obj))))
)
)
== version
)
def test_ensure_strategy(caplog):
"""test ensure_strategy."""
obj = AwesomeVersion("1.0.0", AwesomeVersionStrategy.SEMVER)
assert obj.strategy == AwesomeVersionStrategy.SEMVER
obj = AwesomeVersion(
"1.0.0",
[AwesomeVersionStrategy.SEMVER, AwesomeVersionStrategy.SPECIALCONTAINER],
)
assert obj.strategy in [
AwesomeVersionStrategy.SEMVER,
AwesomeVersionStrategy.SPECIALCONTAINER,
]
with pytest.raises(AwesomeVersionStrategyException):
AwesomeVersion("1", AwesomeVersionStrategy.SEMVER)
with pytest.raises(AwesomeVersionStrategyException):
AwesomeVersion(
"1",
[AwesomeVersionStrategy.SEMVER, AwesomeVersionStrategy.SPECIALCONTAINER],
)
obj = AwesomeVersion.ensure_strategy("1.0.0", AwesomeVersionStrategy.SEMVER)
assert (
"Using AwesomeVersion.ensure_strategy(version, strategy) is deprecated"
in caplog.text
)
| [
37811,
14402,
7427,
9641,
526,
15931,
198,
11748,
33918,
198,
198,
11748,
12972,
9288,
198,
198,
6738,
7427,
9641,
1330,
357,
198,
220,
220,
220,
25020,
14815,
11,
198,
220,
220,
220,
25020,
14815,
13290,
4338,
11,
198,
220,
220,
220,
25020,
14815,
13290,
4338,
16922,
11,
198,
8,
628,
198,
4299,
1332,
62,
707,
5927,
9641,
33529,
198,
220,
220,
220,
37227,
14402,
7427,
9641,
526,
15931,
198,
220,
220,
220,
2196,
796,
25020,
14815,
7203,
42334,
13,
1065,
13,
16,
4943,
198,
220,
220,
220,
6818,
407,
2196,
13,
31361,
628,
220,
220,
220,
2196,
796,
25020,
14815,
7203,
42334,
13,
1065,
13,
16,
64,
15,
4943,
198,
220,
220,
220,
6818,
2196,
13,
26591,
628,
220,
220,
220,
2196,
796,
25020,
14815,
7203,
42334,
13,
1065,
13,
16,
65,
15,
4943,
198,
220,
220,
220,
6818,
2196,
13,
31361,
628,
220,
220,
220,
2196,
796,
25020,
14815,
7203,
42334,
13,
1065,
13,
16,
7959,
15,
4943,
198,
220,
220,
220,
6818,
2196,
13,
7959,
628,
220,
220,
220,
2196,
796,
25020,
14815,
7203,
42334,
13,
1065,
13,
16,
67,
15,
4943,
198,
220,
220,
220,
6818,
2196,
13,
7959,
628,
220,
220,
220,
2196,
796,
25020,
14815,
7203,
42334,
13,
1065,
13,
16,
6015,
15,
4943,
198,
220,
220,
220,
6818,
2196,
13,
20979,
62,
46188,
20540,
198,
220,
220,
220,
6818,
2196,
13,
40290,
318,
6045,
628,
220,
220,
220,
2196,
796,
25020,
14815,
7203,
85,
42334,
13,
1065,
13,
16,
6015,
15,
4943,
198,
220,
220,
220,
6818,
2196,
13,
40290,
6624,
366,
85,
1,
628,
220,
220,
220,
2196,
17,
796,
25020,
14815,
7,
9641,
8,
198,
220,
220,
220,
6818,
2196,
6624,
2196,
17,
198,
220,
220,
220,
6818,
965,
7,
9641,
8,
6624,
965,
7,
9641,
17,
8,
628,
220,
220,
220,
6818,
965,
7,
9641,
8,
6624,
366,
85,
42334,
13,
1065,
13,
16,
6015,
15,
1,
198,
220,
220,
220,
6818,
2196,
13,
8841,
6624,
366,
42334,
13,
1065,
13,
16,
6015,
15,
1,
198,
220,
220,
220,
6818,
41575,
7,
9641,
8,
6624,
33490,
49061,
14815,
2199,
13414,
705,
42334,
13,
1065,
13,
16,
6015,
15,
6,
24618,
628,
220,
220,
220,
6818,
25020,
14815,
7203,
16,
13,
15,
13,
15,
12,
31361,
13,
17,
11074,
4666,
7483,
6624,
366,
31361,
13,
17,
1,
198,
220,
220,
220,
6818,
25020,
14815,
7203,
42334,
13,
17,
13,
15,
65,
16,
11074,
4666,
7483,
62,
4906,
6624,
366,
65,
1,
628,
220,
220,
220,
351,
25020,
14815,
7203,
1238,
13,
1065,
13,
15,
4943,
355,
1459,
25,
198,
220,
220,
220,
220,
220,
220,
220,
351,
25020,
14815,
7203,
1238,
13,
1065,
13,
16,
4943,
355,
28717,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6818,
28717,
1875,
1459,
628,
198,
4299,
1332,
62,
46911,
1634,
33529,
198,
220,
220,
220,
37227,
14402,
284,
290,
422,
19449,
11389,
1634,
526,
15931,
198,
220,
220,
220,
2196,
796,
25020,
14815,
7203,
1238,
13,
1065,
13,
16,
4943,
198,
220,
220,
220,
45514,
796,
33918,
13,
67,
8142,
7,
4895,
9641,
1298,
2196,
30072,
198,
220,
220,
220,
6818,
45514,
6624,
705,
4895,
9641,
1298,
366,
1238,
13,
1065,
13,
16,
20662,
6,
628,
220,
220,
220,
6818,
33918,
13,
46030,
7,
67,
8142,
8,
14692,
9641,
8973,
6624,
2196,
13,
8841,
628,
198,
9288,
62,
7890,
796,
685,
198,
220,
220,
220,
5855,
42334,
13,
1065,
13,
16,
65,
15,
12340,
198,
220,
220,
220,
5855,
42334,
13,
1065,
13,
16,
12340,
198,
220,
220,
220,
5855,
1238,
2481,
13,
17,
13,
15,
13,
7959,
1238,
2481,
486,
1507,
12340,
198,
60,
628,
198,
31,
9078,
9288,
13,
4102,
13,
17143,
316,
380,
2736,
7203,
9641,
1600,
1332,
62,
7890,
8,
198,
4299,
1332,
62,
77,
37761,
7,
9641,
2599,
198,
220,
220,
220,
37227,
14402,
46282,
25020,
14815,
5563,
526,
15931,
198,
220,
220,
220,
26181,
796,
25020,
14815,
7,
9641,
8,
198,
220,
220,
220,
6818,
26181,
13,
8841,
6624,
2196,
198,
220,
220,
220,
6818,
965,
7,
26801,
8,
6624,
2196,
198,
220,
220,
220,
6818,
25020,
14815,
7,
26801,
8,
6624,
25020,
14815,
7,
9641,
8,
198,
220,
220,
220,
6818,
25020,
14815,
7,
26801,
737,
8841,
6624,
25020,
14815,
7,
9641,
8,
198,
220,
220,
220,
6818,
965,
7,
49061,
14815,
7,
26801,
4008,
6624,
25020,
14815,
7,
9641,
8,
198,
220,
220,
220,
6818,
25020,
14815,
7,
26801,
8,
6624,
2196,
198,
220,
220,
220,
6818,
25020,
14815,
7,
26801,
737,
8841,
6624,
2196,
198,
220,
220,
220,
6818,
965,
7,
49061,
14815,
7,
26801,
4008,
6624,
2196,
628,
220,
220,
220,
6818,
357,
198,
220,
220,
220,
220,
220,
220,
220,
25020,
14815,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
25020,
14815,
7,
49061,
14815,
7,
49061,
14815,
7,
49061,
14815,
7,
26801,
35514,
198,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
6624,
2196,
198,
220,
220,
220,
1267,
628,
220,
220,
220,
6818,
357,
198,
220,
220,
220,
220,
220,
220,
220,
25020,
14815,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
25020,
14815,
7,
49061,
14815,
7,
49061,
14815,
7,
49061,
14815,
7,
26801,
35514,
198,
220,
220,
220,
220,
220,
220,
220,
6739,
8841,
198,
220,
220,
220,
220,
220,
220,
220,
6624,
2196,
198,
220,
220,
220,
1267,
628,
220,
220,
220,
6818,
965,
7,
198,
220,
220,
220,
220,
220,
220,
220,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
25020,
14815,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
25020,
14815,
7,
49061,
14815,
7,
49061,
14815,
7,
49061,
14815,
7,
26801,
35514,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
6624,
2196,
198,
220,
220,
220,
1267,
628,
198,
4299,
1332,
62,
641,
495,
62,
2536,
4338,
7,
6888,
489,
519,
2599,
198,
220,
220,
220,
37227,
9288,
4155,
62,
2536,
4338,
526,
15931,
198,
220,
220,
220,
26181,
796,
25020,
14815,
7203,
16,
13,
15,
13,
15,
1600,
25020,
14815,
13290,
4338,
13,
50,
3620,
5959,
8,
198,
220,
220,
220,
6818,
26181,
13,
2536,
4338,
6624,
25020,
14815,
13290,
4338,
13,
50,
3620,
5959,
628,
220,
220,
220,
26181,
796,
25020,
14815,
7,
198,
220,
220,
220,
220,
220,
220,
220,
366,
16,
13,
15,
13,
15,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
685,
49061,
14815,
13290,
4338,
13,
50,
3620,
5959,
11,
25020,
14815,
13290,
4338,
13,
48451,
12576,
10943,
30339,
1137,
4357,
198,
220,
220,
220,
1267,
198,
220,
220,
220,
6818,
26181,
13,
2536,
4338,
287,
685,
198,
220,
220,
220,
220,
220,
220,
220,
25020,
14815,
13290,
4338,
13,
50,
3620,
5959,
11,
198,
220,
220,
220,
220,
220,
220,
220,
25020,
14815,
13290,
4338,
13,
48451,
12576,
10943,
30339,
1137,
11,
198,
220,
220,
220,
2361,
628,
220,
220,
220,
351,
12972,
9288,
13,
430,
2696,
7,
49061,
14815,
13290,
4338,
16922,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
25020,
14815,
7203,
16,
1600,
25020,
14815,
13290,
4338,
13,
50,
3620,
5959,
8,
628,
220,
220,
220,
351,
12972,
9288,
13,
430,
2696,
7,
49061,
14815,
13290,
4338,
16922,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
25020,
14815,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
16,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
685,
49061,
14815,
13290,
4338,
13,
50,
3620,
5959,
11,
25020,
14815,
13290,
4338,
13,
48451,
12576,
10943,
30339,
1137,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
1267,
628,
220,
220,
220,
26181,
796,
25020,
14815,
13,
641,
495,
62,
2536,
4338,
7203,
16,
13,
15,
13,
15,
1600,
25020,
14815,
13290,
4338,
13,
50,
3620,
5959,
8,
198,
220,
220,
220,
6818,
357,
198,
220,
220,
220,
220,
220,
220,
220,
366,
12814,
25020,
14815,
13,
641,
495,
62,
2536,
4338,
7,
9641,
11,
4811,
8,
318,
39224,
1,
198,
220,
220,
220,
220,
220,
220,
220,
287,
1275,
489,
519,
13,
5239,
198,
220,
220,
220,
1267,
198
] | 2.646931 | 1,385 |
# Generated by Django 2.2.5 on 2019-11-02 11:35
from django.db import migrations, models
| [
2,
2980,
515,
416,
37770,
362,
13,
17,
13,
20,
319,
13130,
12,
1157,
12,
2999,
1367,
25,
2327,
198,
198,
6738,
42625,
14208,
13,
9945,
1330,
15720,
602,
11,
4981,
628
] | 2.84375 | 32 |
import re
import os
from scrapy.spider import BaseSpider
from scrapy.selector import HtmlXPathSelector
from scrapy.http import Request, HtmlResponse
from scrapy.utils.response import get_base_url
from scrapy.utils.url import urljoin_rfc
import csv
from product_spiders.items import Product, ProductLoader
| [
11748,
302,
198,
11748,
28686,
198,
198,
6738,
15881,
88,
13,
2777,
1304,
1330,
7308,
41294,
198,
6738,
15881,
88,
13,
19738,
273,
1330,
367,
20369,
55,
15235,
17563,
273,
198,
6738,
15881,
88,
13,
4023,
1330,
19390,
11,
367,
20369,
31077,
198,
6738,
15881,
88,
13,
26791,
13,
26209,
1330,
651,
62,
8692,
62,
6371,
198,
6738,
15881,
88,
13,
26791,
13,
6371,
1330,
19016,
22179,
62,
81,
16072,
198,
198,
11748,
269,
21370,
198,
198,
6738,
1720,
62,
2777,
4157,
13,
23814,
1330,
8721,
11,
8721,
17401,
628
] | 3.433333 | 90 |
# -*- python -*-
# This software was produced by NIST, an agency of the U.S. government,
# and by statute is not subject to copyright in the United States.
# Recipients of this software assume all responsibilities associated
# with its operation, modification and maintenance. However, to
# facilitate maintenance we ask that before distributing modified
# versions of this software, you first contact the authors at
# [email protected].
# Example of an all-Python property, using the PyPropertyWrapper
# mechanism to route callbacks through to Python routines contained
# here.
# Casting of flux and field to the "most-derived" class via the
# PythonExportable mechanism is thinkable, but probably not actually
# necessary. The property knows its field and flux as derived types
# at construction/initialization time, and can get the appropriate
# iterators from them, rather than from the passed-in arguments to
# fluxmatrix, fluxrhs, etc. Those it can just use for comparison,
# to detect which field is currently presenting its fluxmatrix.
from ooflib.SWIG.engine import fieldindex
from ooflib.SWIG.engine import outputval
from ooflib.SWIG.engine import planarity
from ooflib.SWIG.engine import pypropertywrapper
from ooflib.SWIG.engine import symmmatrix
from ooflib.SWIG.engine.property.elasticity import cijkl
from ooflib.common import debug
from ooflib.engine import propertyregistration
from ooflib.engine import problem
Displacement = problem.Displacement
Stress = problem.Stress
# This property has a simple repr, with no parameters.
propertyregistration.PropertyRegistration('PyProperty', TestProp,
"fruitproperty.pyproperty",
1000,
params=[],
fields=[Displacement],
fluxes=[Stress],
outputs=["Energy", "Strain"],
propertyType="Elasticity")
| [
2,
532,
9,
12,
21015,
532,
9,
12,
198,
198,
2,
770,
3788,
373,
4635,
416,
399,
8808,
11,
281,
4086,
286,
262,
471,
13,
50,
13,
1230,
11,
198,
2,
290,
416,
14195,
318,
407,
2426,
284,
6634,
287,
262,
1578,
1829,
13,
198,
2,
3311,
541,
2334,
286,
428,
3788,
7048,
477,
15171,
3917,
198,
2,
351,
663,
4905,
11,
17613,
290,
9262,
13,
2102,
11,
284,
198,
2,
15570,
9262,
356,
1265,
326,
878,
25950,
9518,
198,
2,
6300,
286,
428,
3788,
11,
345,
717,
2800,
262,
7035,
379,
198,
2,
267,
1659,
62,
37153,
31,
77,
396,
13,
9567,
13,
220,
198,
198,
2,
17934,
286,
281,
477,
12,
37906,
3119,
11,
1262,
262,
9485,
21746,
36918,
2848,
198,
2,
9030,
284,
6339,
869,
10146,
832,
284,
11361,
31878,
7763,
198,
2,
994,
13,
198,
198,
2,
39285,
286,
28462,
290,
2214,
284,
262,
366,
1712,
12,
34631,
1,
1398,
2884,
262,
198,
2,
11361,
43834,
540,
9030,
318,
892,
540,
11,
475,
2192,
407,
1682,
198,
2,
3306,
13,
220,
383,
3119,
4206,
663,
2214,
290,
28462,
355,
10944,
3858,
198,
2,
379,
5103,
14,
36733,
1634,
640,
11,
290,
460,
651,
262,
5035,
198,
2,
11629,
2024,
422,
606,
11,
2138,
621,
422,
262,
3804,
12,
259,
7159,
284,
198,
2,
28462,
6759,
8609,
11,
28462,
81,
11994,
11,
3503,
13,
220,
5845,
340,
460,
655,
779,
329,
7208,
11,
198,
2,
284,
4886,
543,
2214,
318,
3058,
17728,
663,
28462,
6759,
8609,
13,
198,
198,
6738,
267,
1659,
8019,
13,
17887,
3528,
13,
18392,
1330,
2214,
9630,
198,
6738,
267,
1659,
8019,
13,
17887,
3528,
13,
18392,
1330,
5072,
2100,
198,
6738,
267,
1659,
8019,
13,
17887,
3528,
13,
18392,
1330,
1410,
6806,
198,
6738,
267,
1659,
8019,
13,
17887,
3528,
13,
18392,
1330,
12972,
26745,
48553,
220,
198,
6738,
267,
1659,
8019,
13,
17887,
3528,
13,
18392,
1330,
23606,
6759,
8609,
198,
6738,
267,
1659,
8019,
13,
17887,
3528,
13,
18392,
13,
26745,
13,
417,
3477,
414,
1330,
269,
2926,
41582,
198,
6738,
267,
1659,
8019,
13,
11321,
1330,
14257,
198,
6738,
267,
1659,
8019,
13,
18392,
1330,
3119,
2301,
33397,
198,
6738,
267,
1659,
8019,
13,
18392,
1330,
1917,
198,
198,
7279,
489,
5592,
796,
1917,
13,
7279,
489,
5592,
198,
1273,
601,
796,
1917,
13,
1273,
601,
628,
220,
220,
220,
1303,
770,
3119,
468,
257,
2829,
41575,
11,
351,
645,
10007,
13,
198,
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,
198,
26745,
2301,
33397,
13,
21746,
47133,
10786,
20519,
21746,
3256,
6208,
24331,
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,
366,
34711,
26745,
13,
9078,
26745,
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,
8576,
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,
42287,
41888,
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,
7032,
41888,
7279,
489,
5592,
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,
28462,
274,
41888,
1273,
601,
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,
23862,
28,
14692,
28925,
1600,
366,
1273,
3201,
33116,
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,
3119,
6030,
2625,
9527,
3477,
414,
4943,
198,
220,
220,
220,
220,
198
] | 2.675607 | 783 |
# Copyright 2021, Google LLC. All rights reserved.
#
# 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
#
# https://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.
"""Utils for distributed mean estimation."""
import numpy as np
import tensorflow as tf
from distributed_dp.modular_clipping_factory import modular_clip_by_value
def generate_client_data(d, n, l2_norm=1):
"""Sample `n` of `d`-dim vectors on the l2 ball with radius `l2_norm`.
Args:
d: The dimension of the client vector.
n: The number of clients.
l2_norm: The L2 norm of the sampled vector.
Returns:
A list of `n` np.array each with shape (d,).
"""
vectors = np.random.normal(size=(n, d))
unit_vectors = vectors / np.linalg.norm(vectors, axis=-1, keepdims=True)
scaled_vectors = unit_vectors * l2_norm
# Cast to float32 as TF implementations use float32.
return list(scaled_vectors.astype(np.float32))
def compute_dp_average(client_data, dp_query, is_compressed, bits):
"""Aggregate client data with DPQuery's interface and take average."""
global_state = dp_query.initial_global_state()
sample_params = dp_query.derive_sample_params(global_state)
client_template = tf.zeros_like(client_data[0])
sample_state = dp_query.initial_sample_state(client_template)
if is_compressed:
# Achieve compression via modular clipping. Upper bound is exclusive.
clip_lo, clip_hi = -(2**(bits - 1)), 2**(bits - 1)
# 1. Client pre-processing stage.
for x in client_data:
record = tf.convert_to_tensor(x)
prep_record = dp_query.preprocess_record(sample_params, record)
# Client applies modular clip on the preprocessed record.
prep_record = modular_clip_by_value(prep_record, clip_lo, clip_hi)
sample_state = dp_query.accumulate_preprocessed_record(
sample_state, prep_record)
# 2. Server applies modular clip on the aggregate.
sample_state = modular_clip_by_value(sample_state, clip_lo, clip_hi)
else:
for x in client_data:
record = tf.convert_to_tensor(x)
sample_state = dp_query.accumulate_record(
sample_params, sample_state, record=record)
# Apply server post-processing.
agg_result, _ = dp_query.get_noised_result(sample_state, global_state)
# The agg_result should have the same input type as client_data.
assert agg_result.shape == client_data[0].shape
assert agg_result.dtype == client_data[0].dtype
# Take the average on the aggregate.
return agg_result / len(client_data)
| [
2,
15069,
33448,
11,
3012,
11419,
13,
1439,
2489,
10395,
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,
3740,
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,
37811,
18274,
4487,
329,
9387,
1612,
31850,
526,
15931,
198,
198,
11748,
299,
32152,
355,
45941,
198,
11748,
11192,
273,
11125,
355,
48700,
198,
198,
6738,
9387,
62,
26059,
13,
4666,
934,
62,
565,
4501,
62,
69,
9548,
1330,
26507,
62,
15036,
62,
1525,
62,
8367,
628,
198,
4299,
7716,
62,
16366,
62,
7890,
7,
67,
11,
299,
11,
300,
17,
62,
27237,
28,
16,
2599,
198,
220,
37227,
36674,
4600,
77,
63,
286,
4600,
67,
63,
12,
27740,
30104,
319,
262,
300,
17,
2613,
351,
16874,
4600,
75,
17,
62,
27237,
44646,
628,
220,
943,
14542,
25,
198,
220,
220,
220,
288,
25,
383,
15793,
286,
262,
5456,
15879,
13,
198,
220,
220,
220,
299,
25,
383,
1271,
286,
7534,
13,
198,
220,
220,
220,
300,
17,
62,
27237,
25,
383,
406,
17,
2593,
286,
262,
35846,
15879,
13,
628,
220,
16409,
25,
198,
220,
220,
220,
317,
1351,
286,
4600,
77,
63,
45941,
13,
18747,
1123,
351,
5485,
357,
67,
11,
737,
198,
220,
37227,
198,
220,
30104,
796,
45941,
13,
25120,
13,
11265,
7,
7857,
16193,
77,
11,
288,
4008,
198,
220,
4326,
62,
303,
5217,
796,
30104,
1220,
45941,
13,
75,
1292,
70,
13,
27237,
7,
303,
5217,
11,
16488,
10779,
16,
11,
1394,
67,
12078,
28,
17821,
8,
198,
220,
27464,
62,
303,
5217,
796,
4326,
62,
303,
5217,
1635,
300,
17,
62,
27237,
198,
220,
1303,
5833,
284,
12178,
2624,
355,
24958,
25504,
779,
12178,
2624,
13,
198,
220,
1441,
1351,
7,
1416,
3021,
62,
303,
5217,
13,
459,
2981,
7,
37659,
13,
22468,
2624,
4008,
628,
198,
4299,
24061,
62,
26059,
62,
23913,
7,
16366,
62,
7890,
11,
288,
79,
62,
22766,
11,
318,
62,
5589,
2790,
11,
10340,
2599,
198,
220,
37227,
46384,
49373,
5456,
1366,
351,
27704,
20746,
338,
7071,
290,
1011,
2811,
526,
15931,
198,
220,
3298,
62,
5219,
796,
288,
79,
62,
22766,
13,
36733,
62,
20541,
62,
5219,
3419,
198,
220,
6291,
62,
37266,
796,
288,
79,
62,
22766,
13,
1082,
425,
62,
39873,
62,
37266,
7,
20541,
62,
5219,
8,
628,
220,
5456,
62,
28243,
796,
48700,
13,
9107,
418,
62,
2339,
7,
16366,
62,
7890,
58,
15,
12962,
198,
220,
6291,
62,
5219,
796,
288,
79,
62,
22766,
13,
36733,
62,
39873,
62,
5219,
7,
16366,
62,
28243,
8,
628,
220,
611,
318,
62,
5589,
2790,
25,
198,
220,
220,
220,
1303,
29027,
19794,
2884,
26507,
45013,
13,
20390,
5421,
318,
8568,
13,
198,
220,
220,
220,
10651,
62,
5439,
11,
10651,
62,
5303,
796,
532,
7,
17,
1174,
7,
9895,
532,
352,
36911,
362,
1174,
7,
9895,
532,
352,
8,
628,
220,
220,
220,
1303,
352,
13,
20985,
662,
12,
36948,
3800,
13,
198,
220,
220,
220,
329,
2124,
287,
5456,
62,
7890,
25,
198,
220,
220,
220,
220,
220,
1700,
796,
48700,
13,
1102,
1851,
62,
1462,
62,
83,
22854,
7,
87,
8,
198,
220,
220,
220,
220,
220,
3143,
62,
22105,
796,
288,
79,
62,
22766,
13,
3866,
14681,
62,
22105,
7,
39873,
62,
37266,
11,
1700,
8,
198,
220,
220,
220,
220,
220,
1303,
20985,
8991,
26507,
10651,
319,
262,
662,
14681,
276,
1700,
13,
198,
220,
220,
220,
220,
220,
3143,
62,
22105,
796,
26507,
62,
15036,
62,
1525,
62,
8367,
7,
46012,
62,
22105,
11,
10651,
62,
5439,
11,
10651,
62,
5303,
8,
198,
220,
220,
220,
220,
220,
6291,
62,
5219,
796,
288,
79,
62,
22766,
13,
4134,
388,
5039,
62,
3866,
14681,
276,
62,
22105,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6291,
62,
5219,
11,
3143,
62,
22105,
8,
628,
220,
220,
220,
1303,
362,
13,
9652,
8991,
26507,
10651,
319,
262,
19406,
13,
198,
220,
220,
220,
6291,
62,
5219,
796,
26507,
62,
15036,
62,
1525,
62,
8367,
7,
39873,
62,
5219,
11,
10651,
62,
5439,
11,
10651,
62,
5303,
8,
628,
220,
2073,
25,
198,
220,
220,
220,
329,
2124,
287,
5456,
62,
7890,
25,
198,
220,
220,
220,
220,
220,
1700,
796,
48700,
13,
1102,
1851,
62,
1462,
62,
83,
22854,
7,
87,
8,
198,
220,
220,
220,
220,
220,
6291,
62,
5219,
796,
288,
79,
62,
22766,
13,
4134,
388,
5039,
62,
22105,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6291,
62,
37266,
11,
6291,
62,
5219,
11,
1700,
28,
22105,
8,
628,
220,
1303,
27967,
4382,
1281,
12,
36948,
13,
198,
220,
4194,
62,
20274,
11,
4808,
796,
288,
79,
62,
22766,
13,
1136,
62,
3919,
1417,
62,
20274,
7,
39873,
62,
5219,
11,
3298,
62,
5219,
8,
628,
220,
1303,
383,
4194,
62,
20274,
815,
423,
262,
976,
5128,
2099,
355,
5456,
62,
7890,
13,
198,
220,
6818,
4194,
62,
20274,
13,
43358,
6624,
5456,
62,
7890,
58,
15,
4083,
43358,
198,
220,
6818,
4194,
62,
20274,
13,
67,
4906,
6624,
5456,
62,
7890,
58,
15,
4083,
67,
4906,
628,
220,
1303,
7214,
262,
2811,
319,
262,
19406,
13,
198,
220,
1441,
4194,
62,
20274,
1220,
18896,
7,
16366,
62,
7890,
8,
198
] | 2.977642 | 984 |
# -*- coding: utf-8 -*-
# Copyright 2012 Loris Corazza, Sakis Christakidis
#
# 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 p2ner.abstract.interface import Interface
from cPickle import loads
| [
2,
532,
9,
12,
19617,
25,
3384,
69,
12,
23,
532,
9,
12,
198,
2,
220,
220,
15069,
2321,
26068,
271,
2744,
1031,
4496,
11,
13231,
271,
1951,
461,
29207,
198,
2,
198,
2,
220,
220,
49962,
739,
262,
24843,
13789,
11,
10628,
362,
13,
15,
357,
1169,
366,
34156,
15341,
198,
2,
220,
220,
345,
743,
407,
779,
428,
2393,
2845,
287,
11846,
351,
262,
13789,
13,
198,
2,
220,
220,
921,
743,
7330,
257,
4866,
286,
262,
13789,
379,
198,
2,
198,
2,
220,
220,
220,
220,
220,
220,
2638,
1378,
2503,
13,
43073,
13,
2398,
14,
677,
4541,
14,
43,
2149,
24290,
12,
17,
13,
15,
198,
2,
198,
2,
220,
220,
17486,
2672,
416,
9723,
1099,
393,
4987,
284,
287,
3597,
11,
3788,
198,
2,
220,
220,
9387,
739,
262,
13789,
318,
9387,
319,
281,
366,
1921,
3180,
1,
29809,
1797,
11,
198,
2,
220,
220,
42881,
34764,
11015,
6375,
7102,
49828,
11053,
3963,
15529,
509,
12115,
11,
2035,
4911,
393,
17142,
13,
198,
2,
220,
220,
4091,
262,
13789,
329,
262,
2176,
3303,
15030,
21627,
290,
198,
2,
220,
220,
11247,
739,
262,
13789,
13,
198,
198,
6738,
279,
17,
1008,
13,
397,
8709,
13,
39994,
1330,
26491,
198,
6738,
269,
31686,
293,
1330,
15989,
628,
198
] | 3.382075 | 212 |
"""Initial migrate
Revision ID: 8580b5c0888c
Revises:
Create Date: 2017-11-02 23:42:58.243681
"""
from alembic import op
import sqlalchemy as sa
# revision identifiers, used by Alembic.
revision = '8580b5c0888c'
down_revision = None
branch_labels = None
depends_on = None
| [
37811,
24243,
32492,
198,
198,
18009,
1166,
4522,
25,
7600,
1795,
65,
20,
66,
2919,
3459,
66,
198,
18009,
2696,
25,
220,
198,
16447,
7536,
25,
2177,
12,
1157,
12,
2999,
2242,
25,
3682,
25,
3365,
13,
1731,
2623,
6659,
198,
198,
37811,
198,
6738,
31341,
2022,
291,
1330,
1034,
198,
11748,
44161,
282,
26599,
355,
473,
628,
198,
2,
18440,
42814,
11,
973,
416,
9300,
2022,
291,
13,
198,
260,
10178,
796,
705,
5332,
1795,
65,
20,
66,
2919,
3459,
66,
6,
198,
2902,
62,
260,
10178,
796,
6045,
198,
1671,
3702,
62,
23912,
1424,
796,
6045,
198,
10378,
2412,
62,
261,
796,
6045,
628,
198
] | 2.607477 | 107 |
from ._base import *
from .soccer import SoccerModel
from .soccerObjectDetector import SoccerObjectDetector
| [
6738,
47540,
8692,
1330,
1635,
198,
6738,
764,
35634,
2189,
1330,
15872,
17633,
198,
6738,
764,
35634,
2189,
10267,
11242,
9250,
1330,
15872,
10267,
11242,
9250,
198
] | 4 | 27 |
# Compute potential scale reduction factor (Rhat) using rhat function of kanga, which is rhat of arviz
# %% Load packages
import arviz as az
import numpy as np
# %% Define function for computing univariate Rhat based on arviz
# x is a numpy array of 3 dimensions, (chain, MC iteration, parameter)
# %% Read chains
chains = np.array([np.genfromtxt('chain'+str(i+1).zfill(2)+'.csv', delimiter=',') for i in range(4)])
# %% Compute Rhat using rank method
# The output of rhat in kanga coincides with the output of Rhat in rstan
# See
# https://mc-stan.org/rstan/reference/Rhat.html
rhat_rank = uni_arviz_rhat(chains, method='rank')
print('Rhat based on rank method: {}'.format(rhat_rank))
| [
2,
3082,
1133,
2785,
5046,
7741,
5766,
357,
49,
5183,
8,
1262,
374,
5183,
2163,
286,
479,
16484,
11,
543,
318,
374,
5183,
286,
610,
85,
528,
198,
198,
2,
43313,
8778,
10392,
198,
198,
11748,
610,
85,
528,
355,
35560,
198,
11748,
299,
32152,
355,
45941,
198,
198,
2,
43313,
2896,
500,
2163,
329,
14492,
555,
42524,
371,
5183,
1912,
319,
610,
85,
528,
198,
198,
2,
2124,
318,
257,
299,
32152,
7177,
286,
513,
15225,
11,
357,
7983,
11,
13122,
24415,
11,
11507,
8,
198,
198,
2,
43313,
4149,
14659,
198,
198,
38861,
796,
45941,
13,
18747,
26933,
37659,
13,
5235,
6738,
14116,
10786,
7983,
6,
10,
2536,
7,
72,
10,
16,
737,
89,
20797,
7,
17,
47762,
4458,
40664,
3256,
46728,
2676,
28,
3256,
11537,
329,
1312,
287,
2837,
7,
19,
8,
12962,
198,
198,
2,
43313,
3082,
1133,
371,
5183,
1262,
4279,
2446,
198,
2,
383,
5072,
286,
374,
5183,
287,
479,
16484,
47387,
351,
262,
5072,
286,
371,
5183,
287,
374,
14192,
198,
2,
4091,
198,
2,
3740,
1378,
23209,
12,
14192,
13,
2398,
14,
81,
14192,
14,
35790,
14,
49,
5183,
13,
6494,
198,
198,
81,
5183,
62,
43027,
796,
555,
72,
62,
283,
85,
528,
62,
81,
5183,
7,
38861,
11,
2446,
11639,
43027,
11537,
198,
198,
4798,
10786,
49,
5183,
1912,
319,
4279,
2446,
25,
23884,
4458,
18982,
7,
81,
5183,
62,
43027,
4008,
198
] | 2.982833 | 233 |
"""Helpers: Information: read_hacs_manifest."""
import json
# pylint: disable=missing-docstring
import os
from custom_components.hacs.helpers.functions.information import read_hacs_manifest
from custom_components.hacs.share import get_hacs
| [
37811,
12621,
19276,
25,
6188,
25,
1100,
62,
71,
16436,
62,
805,
8409,
526,
15931,
198,
11748,
33918,
198,
198,
2,
279,
2645,
600,
25,
15560,
28,
45688,
12,
15390,
8841,
198,
11748,
28686,
198,
198,
6738,
2183,
62,
5589,
3906,
13,
71,
16436,
13,
16794,
364,
13,
12543,
2733,
13,
17018,
1330,
1100,
62,
71,
16436,
62,
805,
8409,
198,
6738,
2183,
62,
5589,
3906,
13,
71,
16436,
13,
20077,
1330,
651,
62,
71,
16436,
628,
198
] | 3.128205 | 78 |
"""Pieces used in Capture The Flag (Ctf) game."""
| [
37811,
48223,
728,
973,
287,
31793,
383,
19762,
357,
34,
27110,
8,
983,
526,
15931,
628,
198
] | 3.058824 | 17 |
"""The main idea of CE (Cross Entropy) is to maintain a distribution
of possible solution, and update this distribution accordingly.
Preliminary investigation showed that applicability of CE to RL problems
is restricted severly by the phenomenon that the distribution concentrates to
a single point too fast.
To prevent this issue, noise is added to the previous stddev/variance update
calculation.
We implement two algorithms cem, the Cross-Entropy Method (CEM) with noise [1] and
Proportional Cross-Entropy (PCEM) [2].
CEM is implemented with decreasing variance noise
variance + max(5 - t / 10, 0), where t is the iteration step
PCEM is implemented the same as CEM except we adjust the weights, evaluations of f
as follows:
M = max(weights)
m = min(weights)
weights = (weight - m) / (M - m + eps)
where eps is a very small value to avoid division by 0
An issue with CEM is it might not optimize the actual objective. PCEM helps
with this.
References:
[1] Learning Tetris with the Noisy Cross-Entropy Method (Szita, Lorincz 2006)
[2] The Cross-Entropy Method Optimizes for Quantiles (Goschin, Weinstein, Littman 2013)
"""
from __future__ import absolute_import
from __future__ import print_function
from __future__ import division
from six.moves import range
import gym
import numpy as np
import logging
import argparse
# only two possible actions 0 or 1
def do_rollout(agent, env, num_steps, render=False):
"""
Performs actions for num_steps on the environment
based on the agents current params
"""
total_rew = 0
ob = env.reset()
for t in range(num_steps):
a = agent.act(ob)
(ob, reward, done, _) = env.step(a)
total_rew += reward
if render and t%3==0: env.render()
if done: break
return total_rew, t+1
# mean and std are 1D array of size d
if __name__ == '__main__':
logger = logging.getLogger()
logger.setLevel(logging.INFO)
parser = argparse.ArgumentParser()
parser.add_argument('--seed', default=0, type=int, help='random seed')
parser.add_argument('--iters', default=50, type=int, help='number of iterations')
parser.add_argument('--samples', default=30, type=int, help='number of samples CEM algorithm chooses from on each iter')
parser.add_argument('--num_steps', default=200, type=int, help='number of steps/actions in the rollout')
parser.add_argument('--top_frac', default=0.2, type=float, help='percentage of top samples used to calculate mean and variance of next iteration')
parser.add_argument('--algorithm', default='cem', type=str, choices=['pcem', 'cem'])
parser.add_argument('--outdir', default='CartPole-v0-cem', type=str, help='output directory where results are saved (/tmp/ prefixed)')
parser.add_argument('--render', action='store_true', help='show rendered results during training')
parser.add_argument('--upload', action='store_true', help='upload results via OpenAI API')
args = parser.parse_args()
print(args)
np.random.seed(args.seed)
env = gym.make('CartPole-v0')
num_steps = args.num_steps
ef = None
if args.algorithm == 'cem':
ef = cem
else:
ef = pcem
outdir = '/tmp/' + args.outdir
env.monitor.start(outdir, force=True)
f = evaluation_func(BinaryActionLinearPolicy, env, num_steps)
# params for cem
params = dict(n_iters=args.iters, n_samples=args.samples, top_frac=args.top_frac)
u = np.random.randn(env.observation_space.shape[0]+1)
var = np.square(np.ones_like(u) * 0.1)
for (i, data) in enumerate(ef(f, u, var, **params)):
print("Iteration {}. Episode mean reward: {}".format(i, data['y_mean']))
agent = BinaryActionLinearPolicy(data['theta_mean'])
if args.render:
do_rollout(agent, env, num_steps, render=True)
env.monitor.close()
# make sure to setup your OPENAI_GYM_API_KEY environment variable
if args.upload:
gym.upload(outdir, algorithm_id=args.algorithm)
| [
37811,
464,
1388,
2126,
286,
18671,
357,
21544,
7232,
28338,
8,
318,
284,
5529,
257,
6082,
198,
1659,
1744,
4610,
11,
290,
4296,
428,
6082,
16062,
13,
198,
198,
47,
2411,
38429,
3645,
3751,
326,
2161,
1799,
286,
18671,
284,
45715,
2761,
198,
271,
10770,
1750,
306,
416,
262,
10733,
326,
262,
6082,
5280,
9700,
284,
198,
64,
2060,
966,
1165,
3049,
13,
198,
198,
2514,
2948,
428,
2071,
11,
7838,
318,
2087,
284,
262,
2180,
336,
1860,
1990,
14,
25641,
590,
4296,
198,
9948,
14902,
13,
198,
198,
1135,
3494,
734,
16113,
269,
368,
11,
262,
6372,
12,
14539,
28338,
11789,
357,
34,
3620,
8,
351,
7838,
685,
16,
60,
290,
198,
2964,
634,
1538,
6372,
12,
14539,
28338,
357,
5662,
3620,
8,
685,
17,
4083,
198,
198,
34,
3620,
318,
9177,
351,
24030,
24198,
7838,
628,
220,
220,
220,
24198,
1343,
3509,
7,
20,
532,
256,
1220,
838,
11,
657,
828,
810,
256,
318,
262,
24415,
2239,
198,
198,
5662,
3620,
318,
9177,
262,
976,
355,
327,
3620,
2845,
356,
4532,
262,
19590,
11,
34109,
286,
277,
198,
292,
5679,
25,
628,
220,
220,
220,
337,
796,
3509,
7,
43775,
8,
198,
220,
220,
220,
285,
796,
949,
7,
43775,
8,
628,
220,
220,
220,
19590,
796,
357,
6551,
532,
285,
8,
1220,
357,
44,
532,
285,
1343,
304,
862,
8,
628,
220,
220,
220,
810,
304,
862,
318,
257,
845,
1402,
1988,
284,
3368,
7297,
416,
657,
198,
198,
2025,
2071,
351,
327,
3620,
318,
340,
1244,
407,
27183,
262,
4036,
9432,
13,
4217,
3620,
5419,
198,
4480,
428,
13,
198,
198,
19927,
25,
628,
220,
220,
220,
685,
16,
60,
18252,
27351,
2442,
351,
262,
1400,
13560,
6372,
12,
14539,
28338,
11789,
357,
50,
89,
5350,
11,
26068,
1939,
89,
4793,
8,
198,
220,
220,
220,
685,
17,
60,
383,
6372,
12,
14539,
28338,
11789,
30011,
4340,
329,
16972,
2915,
357,
38,
418,
24658,
11,
22473,
11,
406,
715,
805,
2211,
8,
198,
37811,
198,
6738,
11593,
37443,
834,
1330,
4112,
62,
11748,
198,
6738,
11593,
37443,
834,
1330,
3601,
62,
8818,
198,
6738,
11593,
37443,
834,
1330,
7297,
198,
198,
6738,
2237,
13,
76,
5241,
1330,
2837,
198,
198,
11748,
11550,
198,
11748,
299,
32152,
355,
45941,
198,
11748,
18931,
198,
11748,
1822,
29572,
198,
198,
2,
691,
734,
1744,
4028,
657,
393,
352,
198,
198,
4299,
466,
62,
2487,
448,
7,
25781,
11,
17365,
11,
997,
62,
20214,
11,
8543,
28,
25101,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
2448,
23914,
4028,
329,
997,
62,
20214,
319,
262,
2858,
198,
220,
220,
220,
1912,
319,
262,
6554,
1459,
42287,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
2472,
62,
1809,
796,
657,
198,
220,
220,
220,
909,
796,
17365,
13,
42503,
3419,
198,
220,
220,
220,
329,
256,
287,
2837,
7,
22510,
62,
20214,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
257,
796,
5797,
13,
529,
7,
672,
8,
198,
220,
220,
220,
220,
220,
220,
220,
357,
672,
11,
6721,
11,
1760,
11,
4808,
8,
796,
17365,
13,
9662,
7,
64,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2472,
62,
1809,
15853,
6721,
198,
220,
220,
220,
220,
220,
220,
220,
611,
8543,
290,
256,
4,
18,
855,
15,
25,
17365,
13,
13287,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
611,
1760,
25,
2270,
198,
220,
220,
220,
1441,
2472,
62,
1809,
11,
256,
10,
16,
198,
198,
2,
1612,
290,
14367,
389,
352,
35,
7177,
286,
2546,
288,
628,
198,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
198,
220,
220,
220,
49706,
796,
18931,
13,
1136,
11187,
1362,
3419,
198,
220,
220,
220,
49706,
13,
2617,
4971,
7,
6404,
2667,
13,
10778,
8,
628,
220,
220,
220,
30751,
796,
1822,
29572,
13,
28100,
1713,
46677,
3419,
198,
220,
220,
220,
30751,
13,
2860,
62,
49140,
10786,
438,
28826,
3256,
4277,
28,
15,
11,
2099,
28,
600,
11,
1037,
11639,
25120,
9403,
11537,
198,
220,
220,
220,
30751,
13,
2860,
62,
49140,
10786,
438,
270,
364,
3256,
4277,
28,
1120,
11,
2099,
28,
600,
11,
1037,
11639,
17618,
286,
34820,
11537,
198,
220,
220,
220,
30751,
13,
2860,
62,
49140,
10786,
438,
82,
12629,
3256,
4277,
28,
1270,
11,
2099,
28,
600,
11,
1037,
11639,
17618,
286,
8405,
327,
3620,
11862,
19769,
422,
319,
1123,
11629,
11537,
198,
220,
220,
220,
30751,
13,
2860,
62,
49140,
10786,
438,
22510,
62,
20214,
3256,
4277,
28,
2167,
11,
2099,
28,
600,
11,
1037,
11639,
17618,
286,
4831,
14,
4658,
287,
262,
38180,
11537,
198,
220,
220,
220,
30751,
13,
2860,
62,
49140,
10786,
438,
4852,
62,
31944,
3256,
4277,
28,
15,
13,
17,
11,
2099,
28,
22468,
11,
1037,
11639,
25067,
496,
286,
1353,
8405,
973,
284,
15284,
1612,
290,
24198,
286,
1306,
24415,
11537,
198,
220,
220,
220,
30751,
13,
2860,
62,
49140,
10786,
438,
282,
42289,
3256,
4277,
11639,
344,
76,
3256,
2099,
28,
2536,
11,
7747,
28,
17816,
79,
344,
76,
3256,
705,
344,
76,
6,
12962,
198,
220,
220,
220,
30751,
13,
2860,
62,
49140,
10786,
438,
448,
15908,
3256,
4277,
11639,
43476,
47,
2305,
12,
85,
15,
12,
344,
76,
3256,
2099,
28,
2536,
11,
1037,
11639,
22915,
8619,
810,
2482,
389,
7448,
50247,
22065,
14,
7694,
2966,
8,
11537,
198,
220,
220,
220,
30751,
13,
2860,
62,
49140,
10786,
438,
13287,
3256,
2223,
11639,
8095,
62,
7942,
3256,
1037,
11639,
12860,
15111,
2482,
1141,
3047,
11537,
198,
220,
220,
220,
30751,
13,
2860,
62,
49140,
10786,
438,
25850,
3256,
2223,
11639,
8095,
62,
7942,
3256,
1037,
11639,
25850,
2482,
2884,
4946,
20185,
7824,
11537,
198,
220,
220,
220,
26498,
796,
30751,
13,
29572,
62,
22046,
3419,
628,
220,
220,
220,
3601,
7,
22046,
8,
628,
220,
220,
220,
45941,
13,
25120,
13,
28826,
7,
22046,
13,
28826,
8,
198,
220,
220,
220,
17365,
796,
11550,
13,
15883,
10786,
43476,
47,
2305,
12,
85,
15,
11537,
198,
220,
220,
220,
997,
62,
20214,
796,
26498,
13,
22510,
62,
20214,
628,
220,
220,
220,
304,
69,
796,
6045,
198,
220,
220,
220,
611,
26498,
13,
282,
42289,
6624,
705,
344,
76,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
304,
69,
796,
269,
368,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
304,
69,
796,
279,
344,
76,
628,
220,
220,
220,
503,
15908,
796,
31051,
22065,
14,
6,
1343,
26498,
13,
448,
15908,
198,
220,
220,
220,
17365,
13,
41143,
13,
9688,
7,
448,
15908,
11,
2700,
28,
17821,
8,
628,
220,
220,
220,
277,
796,
12660,
62,
20786,
7,
33,
3219,
12502,
14993,
451,
36727,
11,
17365,
11,
997,
62,
20214,
8,
628,
220,
220,
220,
1303,
42287,
329,
269,
368,
198,
220,
220,
220,
42287,
796,
8633,
7,
77,
62,
270,
364,
28,
22046,
13,
270,
364,
11,
299,
62,
82,
12629,
28,
22046,
13,
82,
12629,
11,
1353,
62,
31944,
28,
22046,
13,
4852,
62,
31944,
8,
198,
220,
220,
220,
334,
796,
45941,
13,
25120,
13,
25192,
77,
7,
24330,
13,
672,
3168,
341,
62,
13200,
13,
43358,
58,
15,
48688,
16,
8,
198,
220,
220,
220,
1401,
796,
45941,
13,
23415,
7,
37659,
13,
1952,
62,
2339,
7,
84,
8,
1635,
657,
13,
16,
8,
198,
220,
220,
220,
329,
357,
72,
11,
1366,
8,
287,
27056,
378,
7,
891,
7,
69,
11,
334,
11,
1401,
11,
12429,
37266,
8,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
7203,
29993,
341,
23884,
13,
7922,
1612,
6721,
25,
23884,
1911,
18982,
7,
72,
11,
1366,
17816,
88,
62,
32604,
20520,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
5797,
796,
45755,
12502,
14993,
451,
36727,
7,
7890,
17816,
1169,
8326,
62,
32604,
6,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
611,
26498,
13,
13287,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
466,
62,
2487,
448,
7,
25781,
11,
17365,
11,
997,
62,
20214,
11,
8543,
28,
17821,
8,
628,
220,
220,
220,
17365,
13,
41143,
13,
19836,
3419,
198,
220,
220,
220,
1303,
787,
1654,
284,
9058,
534,
38303,
20185,
62,
31212,
44,
62,
17614,
62,
20373,
2858,
7885,
198,
220,
220,
220,
611,
26498,
13,
25850,
25,
198,
220,
220,
220,
220,
220,
220,
220,
11550,
13,
25850,
7,
448,
15908,
11,
11862,
62,
312,
28,
22046,
13,
282,
42289,
8,
198
] | 2.869192 | 1,399 |
"""
Michael duPont - [email protected]
avwx_api.views - Routes and views for the Quart application
"""
# pylint: disable=W0702
# library
from quart import Response, jsonify
# module
from avwx_api import app
# Static Web Pages
@app.route("/")
@app.route("/home")
async def home() -> Response:
"""Returns static home page"""
return await app.send_static_file("html/home.html")
@app.route("/ping")
def ping() -> Response:
"""Send empty 200 ping response"""
return Response(None, 200)
# API Routing Errors
@app.route("/api")
async def no_report() -> Response:
"""Returns no report msg"""
return jsonify({"error": "No report type given"}), 400
@app.route("/api/metar")
@app.route("/api/taf")
async def no_station() -> Response:
"""Returns no station msg"""
return jsonify({"error": "No station given"}), 400
| [
37811,
198,
13256,
7043,
48039,
532,
285,
40302,
31,
76,
646,
79,
756,
13,
785,
198,
615,
49345,
62,
15042,
13,
33571,
532,
39602,
274,
290,
5009,
329,
262,
48748,
3586,
198,
37811,
198,
198,
2,
279,
2645,
600,
25,
15560,
28,
54,
15,
36680,
198,
198,
2,
5888,
198,
6738,
28176,
1330,
18261,
11,
33918,
1958,
198,
198,
2,
8265,
198,
6738,
1196,
49345,
62,
15042,
1330,
598,
198,
198,
2,
36125,
5313,
28221,
628,
198,
31,
1324,
13,
38629,
7203,
14,
4943,
198,
31,
1324,
13,
38629,
7203,
14,
11195,
4943,
198,
292,
13361,
825,
1363,
3419,
4613,
18261,
25,
198,
220,
220,
220,
37227,
35561,
9037,
1363,
2443,
37811,
198,
220,
220,
220,
1441,
25507,
598,
13,
21280,
62,
12708,
62,
7753,
7203,
6494,
14,
11195,
13,
6494,
4943,
628,
198,
31,
1324,
13,
38629,
7203,
14,
13886,
4943,
198,
4299,
29400,
3419,
4613,
18261,
25,
198,
220,
220,
220,
37227,
25206,
6565,
939,
29400,
2882,
37811,
198,
220,
220,
220,
1441,
18261,
7,
14202,
11,
939,
8,
628,
198,
2,
7824,
371,
13660,
44225,
628,
198,
31,
1324,
13,
38629,
7203,
14,
15042,
4943,
198,
292,
13361,
825,
645,
62,
13116,
3419,
4613,
18261,
25,
198,
220,
220,
220,
37227,
35561,
645,
989,
31456,
37811,
198,
220,
220,
220,
1441,
33918,
1958,
7,
4895,
18224,
1298,
366,
2949,
989,
2099,
1813,
20662,
828,
7337,
628,
198,
31,
1324,
13,
38629,
7203,
14,
15042,
14,
4164,
283,
4943,
198,
31,
1324,
13,
38629,
7203,
14,
15042,
14,
83,
1878,
4943,
198,
292,
13361,
825,
645,
62,
17529,
3419,
4613,
18261,
25,
198,
220,
220,
220,
37227,
35561,
645,
4429,
31456,
37811,
198,
220,
220,
220,
1441,
33918,
1958,
7,
4895,
18224,
1298,
366,
2949,
4429,
1813,
20662,
828,
7337,
198
] | 2.904437 | 293 |
""" Base mutual information estimators. """
from numpy import sum, sqrt, isnan, exp, mean, eye, ones, dot, cumsum, \
hstack, newaxis, maximum, prod, abs, arange, log
from numpy.linalg import norm
from scipy.spatial.distance import pdist, squareform
from scipy.special import factorial
from scipy.linalg import det
from scipy.sparse.linalg import eigsh
from ite.cost.x_initialization import InitX, InitEtaKernel
from ite.cost.x_verification import VerCompSubspaceDims, \
VerSubspaceNumberIsK,\
VerOneDSubspaces
from ite.shared import compute_dcov_dcorr_statistics, median_heuristic,\
copula_transformation, compute_matrix_r_kcca_kgv
from ite.cost.x_kernel import Kernel
class BIDistCov(InitX, VerCompSubspaceDims, VerSubspaceNumberIsK):
""" Distance covariance estimator using pairwise distances.
Partial initialization comes from 'InitX', verification is from
'VerCompSubspaceDims' and 'VerSubspaceNumber' (see
'ite.cost.x_initialization.py', 'ite.cost.x_verification.py').
"""
def __init__(self, mult=True, alpha=1):
""" Initialize the estimator.
Parameters
----------
mult : bool, optional
'True': multiplicative constant relevant (needed) in the
estimation. 'False': estimation up to 'proportionality'.
(default is True)
alpha : float, optional
Parameter of the distance covariance: 0 < alpha < 2
(default is 1).
Examples
--------
>>> import ite
>>> co1 = ite.cost.BIDistCov()
>>> co2 = ite.cost.BIDistCov(alpha = 1.2)
"""
# initialize with 'InitX':
super().__init__(mult=mult)
# other attribute:
if alpha <= 0 or alpha >= 2:
raise Exception('0 < alpha < 2 is needed for this estimator!')
self.alpha = alpha
def estimation(self, y, ds):
""" Estimate distance covariance.
Parameters
----------
y : (number of samples, dimension)-ndarray
One row of y corresponds to one sample.
ds : int vector
Dimensions of the individual subspaces in y; ds[i] = i^th
subspace dimension. len(ds) = 2.
Returns
-------
i : float
Estimated distance covariance.
References
----------
Gabor J. Szekely and Maria L. Rizzo. Brownian distance covariance.
The Annals of Applied Statistics, 3:1236-1265, 2009.
Gabor J. Szekely, Maria L. Rizzo, and Nail K. Bakirov. Measuring
and testing dependence by correlation of distances. The Annals of
Statistics, 35:2769-2794, 2007.
Examples
--------
i = co.estimation(y,ds)
"""
# verification:
self.verification_compatible_subspace_dimensions(y, ds)
self.verification_subspace_number_is_k(ds, 2)
num_of_samples = y.shape[0] # number of samples
a = compute_dcov_dcorr_statistics(y[:, :ds[0]], self.alpha)
b = compute_dcov_dcorr_statistics(y[:, ds[0]:], self.alpha)
i = sqrt(sum(a*b)) / num_of_samples
return i
class BIDistCorr(InitX, VerCompSubspaceDims, VerSubspaceNumberIsK):
""" Distance correlation estimator using pairwise distances.
Partial initialization comes from 'InitX', verification is from
'VerCompSubspaceDims' and 'VerSubspaceNumber' (see
'ite.cost.x_initialization.py', 'ite.cost.x_verification.py').
"""
def __init__(self, mult=True, alpha=1):
""" Initialize the estimator.
Parameters
----------
mult : bool, optional
'True': multiplicative constant relevant (needed) in the
estimation. 'False': estimation up to 'proportionality'.
(default is True)
alpha : float, optional
Parameter of the distance covariance: 0 < alpha < 2
(default is 1).
Examples
--------
>>> import ite
>>> co1 = ite.cost.BIDistCorr()
>>> co2 = ite.cost.BIDistCorr(alpha = 1.2)
"""
# initialize with 'InitX':
super().__init__(mult=mult)
# other attribute:
if alpha <= 0 or alpha >= 2:
raise Exception('0 < alpha < 2 is needed for this estimator!')
self.alpha = alpha
def estimation(self, y, ds):
""" Estimate distance correlation.
Parameters
----------
y : (number of samples, dimension)-ndarray
One row of y corresponds to one sample.
ds : int vector
Dimensions of the individual subspaces in y; ds[i] = i^th
subspace dimension. len(ds) = 2.
Returns
-------
i : float
Estimated distance correlation.
References
----------
Gabor J. Szekely and Maria L. Rizzo. Brownian distance covariance.
The Annals of Applied Statistics, 3:1236-1265, 2009.
Gabor J. Szekely, Maria L. Rizzo, and Nail K. Bakirov. Measuring
and testing dependence by correlation of distances. The Annals of
Statistics, 35:2769-2794, 2007.
Examples
--------
i = co.estimation(y,ds)
"""
# verification:
self.verification_compatible_subspace_dimensions(y, ds)
self.verification_subspace_number_is_k(ds, 2)
a = compute_dcov_dcorr_statistics(y[:, :ds[0]], self.alpha)
b = compute_dcov_dcorr_statistics(y[:, ds[0]:], self.alpha)
n = sum(a*b) # numerator
d1 = sum(a**2) # denumerator-1 (without sqrt)
d2 = sum(b**2) # denumerator-2 (without sqrt)
if (d1 * d2) == 0: # >=1 of the random variables is constant
i = 0
else:
i = n / sqrt(d1 * d2) # <A,B> / sqrt(<A,A><B,B>)
i = sqrt(i)
return i
class BI3WayJoint(InitX, VerCompSubspaceDims, VerSubspaceNumberIsK):
""" Joint dependency from the mean embedding of the 'joint minus the
product of the marginals'.
Partial initialization comes from 'InitX', verification is from
'VerCompSubspaceDims' and 'VerSubspaceNumber' (see
'ite.cost.x_initialization.py', 'ite.cost.x_verification.py').
"""
def __init__(self, mult=True, sigma1=0.1, sigma2=0.1, sigma3=0.1):
""" Initialize the estimator.
Parameters
----------
mult : bool, optional
'True': multiplicative constant relevant (needed) in the
estimation. 'False': estimation up to 'proportionality'.
(default is True)
sigma1 : float, optional
Std in the RBF kernel on the first subspace (default is
sigma1 = 0.1). sigma1 = nan means 'use median heuristic'.
sigma2 : float, optional
Std in the RBF kernel on the second subspace (default is
sigma2 = 0.1). sigma2 = nan means 'use median heuristic'.
sigma3 : float, optional
Std in the RBF kernel on the third subspace (default is
sigma3 = 0.1). sigma3 = nan means 'use median heuristic'.
Examples
--------
>>> from numpy import nan
>>> import ite
>>> co1 = ite.cost.BI3WayJoint()
>>> co2 = ite.cost.BI3WayJoint(sigma1=0.1,sigma2=0.1,sigma3=0.1)
>>> co3 = ite.cost.BI3WayJoint(sigma1=nan,sigma2=nan,sigma3=nan)
"""
# initialize with 'InitX':
super().__init__(mult=mult)
# other attributes:
self.sigma1, self.sigma2, self.sigma3 = sigma1, sigma2, sigma3
def estimation(self, y, ds):
""" Estimate joint dependency.
Parameters
----------
y : (number of samples, dimension)-ndarray
One row of y corresponds to one sample.
ds : int vector
Dimensions of the individual subspaces in y; ds[i] = i^th
subspace dimension. len(ds) = 3.
Returns
-------
i : float
Estimated joint dependency.
References
----------
Dino Sejdinovic, Arthur Gretton, and Wicher Bergsma. A kernel test
for three-variable interactions. In Advances in Neural Information
Processing Systems (NIPS), pages 1124-1132, 2013. (Lancaster
three-variable interaction based dependency index).
Henry Oliver Lancaster. The Chi-squared Distribution. John Wiley
and Sons Inc, 1969. (Lancaster interaction)
Examples
--------
i = co.estimation(y,ds)
"""
# verification:
self.verification_compatible_subspace_dimensions(y, ds)
self.verification_subspace_number_is_k(ds, 3)
# Gram matrices (k1,k2,k3):
sigma1, sigma2, sigma3 = self.sigma1, self.sigma2, self.sigma3
# k1 (set co.sigma1 using median heuristic, if needed):
if isnan(sigma1):
sigma1 = median_heuristic(y[:, 0:ds[0]])
k1 = squareform(pdist(y[:, 0:ds[0]]))
k1 = exp(-k1**2 / (2 * sigma1**2))
# k2 (set co.sigma2 using median heuristic, if needed):
if isnan(sigma2):
sigma2 = median_heuristic(y[:, ds[0]:ds[0]+ds[1]])
k2 = squareform(pdist(y[:, ds[0]:ds[0]+ds[1]]))
k2 = exp(-k2**2 / (2 * sigma2**2))
# k3 (set co.sigma3 using median heuristic, if needed):
if isnan(sigma3):
sigma3 = median_heuristic(y[:, ds[0]+ds[1]:])
k3 = squareform(pdist(y[:, ds[0]+ds[1]:], 'euclidean'))
k3 = exp(-k3**2 / (2 * sigma3**2))
prod_of_ks = k1 * k2 * k3 # Hadamard product
term1 = mean(prod_of_ks)
term2 = -2 * mean(mean(k1, axis=1) * mean(k2, axis=1) *
mean(k3, axis=1))
term3 = mean(k1) * mean(k2) * mean(k3)
i = term1 + term2 + term3
return i
class BI3WayLancaster(InitX, VerCompSubspaceDims, VerSubspaceNumberIsK):
""" Estimate the Lancaster three-variable interaction measure.
Partial initialization comes from 'InitX', verification is from
'VerCompSubspaceDims' and 'VerSubspaceNumber' (see
'ite.cost.x_initialization.py', 'ite.cost.x_verification.py').
"""
def __init__(self, mult=True, sigma1=0.1, sigma2=0.1, sigma3=0.1):
""" Initialize the estimator.
Parameters
----------
mult : bool, optional
'True': multiplicative constant relevant (needed) in the
estimation. 'False': estimation up to 'proportionality'.
(default is True)
sigma1 : float, optional
Std in the RBF kernel on the first subspace (default is
sigma1 = 0.1). sigma1 = nan means 'use median heuristic'.
sigma2 : float, optional
Std in the RBF kernel on the second subspace (default is
sigma2 = 0.1). sigma2 = nan means 'use median heuristic'.
sigma3 : float, optional
Std in the RBF kernel on the third subspace (default is
sigma3 = 0.1). sigma3 = nan means 'use median heuristic'.
Examples
--------
>>> from numpy import nan
>>> import ite
>>> co1 = ite.cost.BI3WayLancaster()
>>> co2 = ite.cost.BI3WayLancaster(sigma1=0.1, sigma2=0.1,\
sigma3=0.1)
>>> co3 = ite.cost.BI3WayLancaster(sigma1=nan, sigma2=nan,\
sigma3=nan)
"""
# initialize with 'InitX':
super().__init__(mult=mult)
# other attributes:
self.sigma1, self.sigma2, self.sigma3 = sigma1, sigma2, sigma3
def estimation(self, y, ds):
""" Estimate Lancaster three-variable interaction measure.
Parameters
----------
y : (number of samples, dimension)-ndarray
One row of y corresponds to one sample.
ds : int vector
Dimensions of the individual subspaces in y; ds[i] = i^th
subspace dimension. len(ds) = 3.
Returns
-------
i : float
Estimated Lancaster three-variable interaction measure.
References
----------
Dino Sejdinovic, Arthur Gretton, and Wicher Bergsma. A kernel test
for three-variable interactions. In Advances in Neural Information
Processing Systems (NIPS), pages 1124-1132, 2013. (Lancaster
three-variable interaction based dependency index).
Henry Oliver Lancaster. The Chi-squared Distribution. John Wiley
and Sons Inc, 1969. (Lancaster interaction)
Examples
--------
i = co.estimation(y,ds)
"""
# verification:
self.verification_compatible_subspace_dimensions(y, ds)
self.verification_subspace_number_is_k(ds, 3)
num_of_samples = y.shape[0] # number of samples
# Gram matrices (k1,k2,k3):
sigma1, sigma2, sigma3 = self.sigma1, self.sigma2, self.sigma3
# k1 (set co.sigma1 using median heuristic, if needed):
if isnan(sigma1):
sigma1 = median_heuristic(y[:, 0:ds[0]])
k1 = squareform(pdist(y[:, 0:ds[0]]))
k1 = exp(-k1**2 / (2 * sigma1**2))
# k2 (set co.sigma2 using median heuristic, if needed):
if isnan(sigma2):
sigma2 = median_heuristic(y[:, ds[0]:ds[0]+ds[1]])
k2 = squareform(pdist(y[:, ds[0]:ds[0]+ds[1]]))
k2 = exp(-k2**2 / (2 * sigma2**2))
# k3 set co.sigma3 using median heuristic, if needed():
if isnan(sigma3):
sigma3 = median_heuristic(y[:, ds[0]+ds[1]:])
k3 = squareform(pdist(y[:, ds[0]+ds[1]:]))
k3 = exp(-k3**2 / (2 * sigma3**2))
# centering of k1, k2, k3:
h = eye(num_of_samples) -\
ones((num_of_samples, num_of_samples)) / num_of_samples
k1 = dot(dot(h, k1), h)
k2 = dot(dot(h, k2), h)
k3 = dot(dot(h, k3), h)
i = mean(k1 * k2 * k3)
return i
class BIHSIC_IChol(InitEtaKernel, VerCompSubspaceDims):
""" Estimate HSIC using incomplete Cholesky decomposition.
HSIC refers to Hilbert-Schmidt Independence Criterion.
Partial initialization comes from 'InitEtaKernel', verification is
from 'VerCompSubspaceDims' (see 'ite.cost.x_initialization.py',
'ite.cost.x_verification.py').
Notes
-----
The current implementation uses the same kernel an all the subspaces:
k = k_1 = ... = k_M, where y = [y^1;...;y^M].
Examples
--------
>>> from ite.cost.x_kernel import Kernel
>>> import ite
>>> co1 = ite.cost.BIHSIC_IChol()
>>> co2 = ite.cost.BIHSIC_IChol(eta=1e-3)
>>> k = Kernel({'name': 'RBF','sigma': 1})
>>> co3 = ite.cost.BIHSIC_IChol(kernel=k, eta=1e-3)
"""
def estimation(self, y, ds):
""" Estimate HSIC.
Parameters
----------
y : (number of samples, dimension)-ndarray
One row of y corresponds to one sample.
ds : int vector
Dimensions of the individual subspaces in y; ds[i] = i^th
subspace dimension.
Returns
-------
i : float
Estimated value of HSIC.
References
----------
Arthur Gretton, Olivier Bousquet, Alexander Smola and Bernhard
Scholkopf. Measuring Statistical Dependence with Hilbert-Schmidt
Norms. International Conference on Algorithmic Learnng Theory
(ALT), 63-78, 2005.
Alain Berlinet and Christine Thomas-Agnan. Reproducing Kernel
Hilbert Spaces in Probability and Statistics. Kluwer, 2004. (mean
embedding)
Examples
--------
i = co.estimation(y,ds)
"""
# verification:
self.verification_compatible_subspace_dimensions(y, ds)
# initialization:
num_of_samples = y.shape[0] # number of samples
num_of_subspaces = len(ds)
# Step-1 (g1, g2, ...):
# 0,d_1,d_1+d_2,...,d_1+...+d_{M-1}; starting indices of the
# subspaces:
cum_ds = cumsum(hstack((0, ds[:-1])))
gs = list()
for m in range(num_of_subspaces):
idx = range(cum_ds[m], cum_ds[m] + ds[m])
g = self.kernel.ichol(y[:, idx], num_of_samples * self.eta)
g = g - mean(g, axis=0) # center the Gram matrix: dot(g,g.T)
gs.append(g)
# Step-2 (g1, g2, ... -> i):
i = 0
for i1 in range(num_of_subspaces-1): # i1 = 0:M-2
for i2 in range(i1+1, num_of_subspaces): # i2 = i1+1:M-1
i += norm(dot(gs[i2].T, gs[i1]))**2 # norm = Frob. norm
i /= num_of_samples**2
return i
class BIHoeffding(InitX, VerOneDSubspaces, VerCompSubspaceDims):
""" Estimate the multivariate version of Hoeffding's Phi.
Partial initialization comes from 'InitX', verification is from
'VerCompSubspaceDims' and 'VerSubspaceNumber' (see
'ite.cost.x_initialization.py', 'ite.cost.x_verification.py').
"""
def __init__(self, mult=True, small_sample_adjustment=True):
""" Initialize the estimator.
Parameters
----------
mult : bool, optional
'True': multiplicative constant relevant (needed) in the
estimation. 'False': estimation up to 'proportionality'.
(default is True)
small_sample_adjustment: boolean, optional
Whether we want small-sample adjustment.
Examples
--------
>>> import ite
>>> co1 = ite.cost.BIHoeffding()
>>> co2 = ite.cost.BIHoeffding(small_sample_adjustment=False)
"""
# initialize with 'InitX':
super().__init__(mult=mult)
# other attributes:
self.small_sample_adjustment = small_sample_adjustment
def estimation(self, y, ds):
""" Estimate multivariate version of Hoeffding's Phi.
Parameters
----------
y : (number of samples, dimension)-ndarray
One row of y corresponds to one sample.
ds : int vector
Dimensions of the individual subspaces in y; ds[i] = i^th
subspace dimension = 1 for this estimator.
Returns
-------
i : float
Estimated value of the multivariate version of Hoeffding's Phi.
References
----------
Sandra Gaiser, Martin Ruppert, Friedrich Schmid. A multivariate
version of Hoeffding's Phi-Square. Journal of Multivariate
Analysis. 101: pages 2571-2586, 2010.
Examples
--------
i = co.estimation(y,ds)
"""
# verification:
self.verification_compatible_subspace_dimensions(y, ds)
self.verification_one_dimensional_subspaces(ds)
num_of_samples, dim = y.shape
u = copula_transformation(y)
# term1:
m = 1 - maximum(u[:, 0][:, newaxis], u[:, 0])
for i in range(1, dim):
m *= 1 - maximum(u[:, i][:, newaxis], u[:, i])
term1 = mean(m)
# term2:
if self.small_sample_adjustment:
term2 = \
- mean(prod(1 - u**2 - (1 - u) / num_of_samples,
axis=1)) / \
(2**(dim - 1))
else:
term2 = - mean(prod(1 - u**2, axis=1)) / (2 ** (dim - 1))
# term3:
if self.small_sample_adjustment:
term3 = \
((num_of_samples - 1) * (2 * num_of_samples-1) /
(3 * 2 * num_of_samples**2))**dim
else:
term3 = 1 / 3**dim
i = term1 + term2 + term3
if self.mult:
if self.small_sample_adjustment:
t1 = \
sum((1 - arange(1,
num_of_samples) / num_of_samples)**dim
* (2*arange(1, num_of_samples) - 1)) \
/ num_of_samples**2
t2 = \
-2 * mean(((num_of_samples * (num_of_samples - 1) -
arange(1, num_of_samples+1) *
arange(num_of_samples)) /
(2 * num_of_samples ** 2))**dim)
t3 = term3
inv_hd = t1 + t2 + t3 # 1 / h(d, n)
else:
inv_hd = \
2 / ((dim + 1) * (dim + 2)) - factorial(dim) / \
(2 ** dim * prod(arange(dim + 1) + 1 / 2)) + \
1 / 3 ** dim # 1 / h(d)s
i /= inv_hd
i = sqrt(abs(i))
return i
class BIKGV(InitEtaKernel, VerCompSubspaceDims):
""" Estimate kernel generalized variance (KGV).
Partial initialization comes from 'InitEtaKernel', verification is
from 'VerCompSubspaceDims' (see 'ite.cost.x_initialization.py',
'ite.cost.x_verification.py').
"""
def __init__(self, mult=True, kernel=Kernel(), eta=1e-2, kappa=0.01):
""" Initialize the estimator.
Parameters
----------
mult : bool, optional
'True': multiplicative constant relevant (needed) in the
estimation. 'False': estimation up to 'proportionality'.
(default is True)
kernel : Kernel, optional
For examples, see 'ite.cost.x_kernel.Kernel'
eta : float, >0, optional
It is used to control the quality of the incomplete Cholesky
decomposition based Gram matrix approximation. Smaller 'eta'
means larger sized Gram factor and better approximation.
(default is 1e-2)
kappa: float, >0
Regularization parameter.
Examples
--------
>>> import ite
>>> from ite.cost.x_kernel import Kernel
>>> co1 = ite.cost.BIKGV()
>>> co2 = ite.cost.BIKGV(eta=1e-4)
>>> co3 = ite.cost.BIKGV(eta=1e-4, kappa=0.02)
>>> k = Kernel({'name': 'RBF', 'sigma': 0.3})
>>> co4 = ite.cost.BIKGV(eta=1e-4, kernel=k)
"""
# initialize with 'InitEtaKernel':
super().__init__(mult=mult, kernel=kernel, eta=eta)
# other attributes:
self.kappa = kappa
def estimation(self, y, ds):
""" Estimate KGV.
Parameters
----------
y : (number of samples, dimension)-ndarray
One row of y corresponds to one sample.
ds : int vector
Dimensions of the individual subspaces in y; ds[i] = i^th
subspace dimension.
Returns
-------
i : float
Estimated value of KGV.
References
----------
Francis Bach, Michael I. Jordan. Kernel Independent Component
Analysis. Journal of Machine Learning Research, 3: 1-48, 2002.
Francis Bach, Michael I. Jordan. Learning graphical models with
Mercer kernels. International Conference on Neural Information
Processing Systems (NIPS), pages 1033-1040, 2002.
Examples
--------
i = co.estimation(y,ds)
"""
# verification:
self.verification_compatible_subspace_dimensions(y, ds)
num_of_samples = y.shape[0]
tol = num_of_samples * self.eta
r = compute_matrix_r_kcca_kgv(y, ds, self.kernel, tol, self.kappa)
i = -log(det(r)) / 2
return i
class BIKCCA(InitEtaKernel, VerCompSubspaceDims):
""" Kernel canonical correlation analysis (KCCA) based estimator.
Partial initialization comes from 'InitEtaKernel', verification is
from 'VerCompSubspaceDims' (see 'ite.cost.x_initialization.py',
'ite.cost.x_verification.py').
"""
def __init__(self, mult=True, kernel=Kernel(), eta=1e-2, kappa=0.01):
""" Initialize the estimator.
Parameters
----------
mult : bool, optional
'True': multiplicative constant relevant (needed) in the
estimation. 'False': estimation up to 'proportionality'.
(default is True)
kernel : Kernel, optional
For examples, see 'ite.cost.x_kernel.Kernel'
eta : float, >0, optional
It is used to control the quality of the incomplete Cholesky
decomposition based Gram matrix approximation. Smaller 'eta'
means larger sized Gram factor and better approximation.
(default is 1e-2)
kappa: float, >0
Regularization parameter.
Examples
--------
>>> import ite
>>> from ite.cost.x_kernel import Kernel
>>> co1 = ite.cost.BIKCCA()
>>> co2 = ite.cost.BIKCCA(eta=1e-4)
>>> co3 = ite.cost.BIKCCA(eta=1e-4, kappa=0.02)
>>> k = Kernel({'name': 'RBF', 'sigma': 0.3})
>>> co4 = ite.cost.BIKCCA(eta=1e-4, kernel=k)
"""
# initialize with 'InitEtaKernel':
super().__init__(mult=mult, kernel=kernel, eta=eta)
# other attributes:
self.kappa = kappa
def estimation(self, y, ds):
""" Estimate KCCA.
Parameters
----------
y : (number of samples, dimension)-ndarray
One row of y corresponds to one sample.
ds : int vector
Dimensions of the individual subspaces in y; ds[i] = i^th
subspace dimension.
Returns
-------
i : float
Estimated value of KCCA.
References
----------
Francis Bach, Michael I. Jordan. Learning graphical models with
Mercer kernels. International Conference on Neural Information
Processing Systems (NIPS), pages 1033-1040, 2002.
Examples
--------
i = co.estimation(y,ds)
"""
# verification:
self.verification_compatible_subspace_dimensions(y, ds)
num_of_samples = y.shape[0]
tol = num_of_samples * self.eta
r = compute_matrix_r_kcca_kgv(y, ds, self.kernel, tol, self.kappa)
eig_min = eigsh(r, k=1, which='SM')[0][0]
i = -log(eig_min) / 2
return i
| [
37811,
7308,
13584,
1321,
3959,
2024,
13,
37227,
198,
198,
6738,
299,
32152,
1330,
2160,
11,
19862,
17034,
11,
2125,
272,
11,
1033,
11,
1612,
11,
4151,
11,
3392,
11,
16605,
11,
269,
5700,
388,
11,
3467,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
289,
25558,
11,
649,
22704,
11,
5415,
11,
40426,
11,
2352,
11,
610,
858,
11,
2604,
198,
6738,
299,
32152,
13,
75,
1292,
70,
1330,
2593,
198,
6738,
629,
541,
88,
13,
2777,
34961,
13,
30246,
1330,
279,
17080,
11,
6616,
687,
198,
6738,
629,
541,
88,
13,
20887,
1330,
1109,
5132,
198,
6738,
629,
541,
88,
13,
75,
1292,
70,
1330,
1062,
198,
6738,
629,
541,
88,
13,
82,
29572,
13,
75,
1292,
70,
1330,
304,
328,
1477,
198,
198,
6738,
340,
68,
13,
15805,
13,
87,
62,
36733,
1634,
1330,
44707,
55,
11,
44707,
36,
8326,
42,
7948,
198,
6738,
340,
68,
13,
15805,
13,
87,
62,
332,
2649,
1330,
4643,
7293,
7004,
13200,
35,
12078,
11,
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,
4643,
7004,
13200,
15057,
3792,
42,
11,
59,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4643,
3198,
5258,
549,
2777,
2114,
198,
6738,
340,
68,
13,
28710,
1330,
24061,
62,
17896,
709,
62,
67,
10215,
81,
62,
14269,
3969,
11,
14288,
62,
258,
27915,
11,
59,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2243,
4712,
62,
7645,
1161,
11,
24061,
62,
6759,
8609,
62,
81,
62,
74,
13227,
62,
10025,
85,
198,
6738,
340,
68,
13,
15805,
13,
87,
62,
33885,
1330,
32169,
628,
198,
4871,
347,
2389,
396,
34,
709,
7,
31768,
55,
11,
4643,
7293,
7004,
13200,
35,
12078,
11,
4643,
7004,
13200,
15057,
3792,
42,
2599,
198,
220,
220,
220,
37227,
34600,
44829,
590,
3959,
1352,
1262,
5166,
3083,
18868,
13,
198,
220,
220,
220,
220,
198,
220,
220,
220,
43689,
37588,
2058,
422,
705,
31768,
55,
3256,
19637,
318,
422,
220,
198,
220,
220,
220,
705,
13414,
7293,
7004,
13200,
35,
12078,
6,
290,
705,
13414,
7004,
13200,
15057,
6,
357,
3826,
198,
220,
220,
220,
705,
578,
13,
15805,
13,
87,
62,
36733,
1634,
13,
9078,
3256,
705,
578,
13,
15805,
13,
87,
62,
332,
2649,
13,
9078,
27691,
198,
220,
220,
220,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
198,
220,
220,
220,
825,
11593,
15003,
834,
7,
944,
11,
1963,
28,
17821,
11,
17130,
28,
16,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
20768,
1096,
262,
3959,
1352,
13,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
40117,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
220,
220,
220,
220,
1963,
1058,
20512,
11,
11902,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
17821,
10354,
15082,
43058,
6937,
5981,
357,
27938,
8,
287,
262,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
31850,
13,
705,
25101,
10354,
31850,
510,
284,
705,
1676,
16864,
1483,
4458,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
12286,
318,
6407,
8,
198,
220,
220,
220,
220,
220,
220,
220,
17130,
1058,
12178,
11,
11902,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
25139,
2357,
286,
262,
5253,
44829,
590,
25,
657,
1279,
17130,
1279,
362,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
12286,
318,
352,
737,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
21066,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
1330,
340,
68,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
763,
16,
796,
340,
68,
13,
15805,
13,
33,
2389,
396,
34,
709,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
763,
17,
796,
340,
68,
13,
15805,
13,
33,
2389,
396,
34,
709,
7,
26591,
796,
352,
13,
17,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
41216,
351,
705,
31768,
55,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
2208,
22446,
834,
15003,
834,
7,
16680,
28,
16680,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
584,
11688,
25,
198,
220,
220,
220,
220,
220,
220,
220,
611,
17130,
19841,
657,
393,
17130,
18189,
362,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
35528,
10786,
15,
1279,
17130,
1279,
362,
318,
2622,
329,
428,
3959,
1352,
0,
11537,
628,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
26591,
796,
17130,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
825,
31850,
7,
944,
11,
331,
11,
288,
82,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
10062,
1920,
5253,
44829,
590,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
40117,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
220,
220,
220,
220,
331,
1058,
357,
17618,
286,
8405,
11,
15793,
13219,
358,
18747,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1881,
5752,
286,
331,
24866,
284,
530,
6291,
13,
198,
220,
220,
220,
220,
220,
220,
220,
288,
82,
1058,
493,
15879,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
41265,
286,
262,
1981,
850,
2777,
2114,
287,
331,
26,
288,
82,
58,
72,
60,
796,
1312,
61,
400,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
850,
13200,
15793,
13,
18896,
7,
9310,
8,
796,
362,
13,
198,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
16409,
198,
220,
220,
220,
220,
220,
220,
220,
35656,
198,
220,
220,
220,
220,
220,
220,
220,
1312,
1058,
12178,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
47737,
5253,
44829,
590,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
31458,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
220,
220,
220,
220,
402,
4820,
449,
13,
311,
2736,
365,
306,
290,
14200,
406,
13,
371,
6457,
78,
13,
4373,
666,
5253,
44829,
590,
13,
220,
198,
220,
220,
220,
220,
220,
220,
220,
383,
5506,
874,
286,
27684,
14370,
11,
513,
25,
1065,
2623,
12,
1065,
2996,
11,
3717,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
402,
4820,
449,
13,
311,
2736,
365,
306,
11,
14200,
406,
13,
371,
6457,
78,
11,
290,
399,
603,
509,
13,
17466,
7058,
85,
13,
2185,
45925,
198,
220,
220,
220,
220,
220,
220,
220,
290,
4856,
21403,
416,
16096,
286,
18868,
13,
383,
5506,
874,
286,
198,
220,
220,
220,
220,
220,
220,
220,
14370,
11,
3439,
25,
1983,
3388,
12,
1983,
5824,
11,
4343,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
21066,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
198,
220,
220,
220,
220,
220,
220,
220,
1312,
796,
763,
13,
395,
18991,
7,
88,
11,
9310,
8,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
19637,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
332,
2649,
62,
38532,
62,
7266,
13200,
62,
27740,
5736,
7,
88,
11,
288,
82,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
332,
2649,
62,
7266,
13200,
62,
17618,
62,
271,
62,
74,
7,
9310,
11,
362,
8,
198,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
997,
62,
1659,
62,
82,
12629,
796,
331,
13,
43358,
58,
15,
60,
220,
1303,
1271,
286,
8405,
198,
220,
220,
220,
220,
220,
220,
220,
257,
796,
24061,
62,
17896,
709,
62,
67,
10215,
81,
62,
14269,
3969,
7,
88,
58,
45299,
1058,
9310,
58,
15,
60,
4357,
2116,
13,
26591,
8,
198,
220,
220,
220,
220,
220,
220,
220,
275,
796,
24061,
62,
17896,
709,
62,
67,
10215,
81,
62,
14269,
3969,
7,
88,
58,
45299,
288,
82,
58,
15,
5974,
4357,
2116,
13,
26591,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1312,
796,
19862,
17034,
7,
16345,
7,
64,
9,
65,
4008,
1220,
997,
62,
1659,
62,
82,
12629,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
1312,
628,
198,
4871,
347,
2389,
396,
10606,
81,
7,
31768,
55,
11,
4643,
7293,
7004,
13200,
35,
12078,
11,
4643,
7004,
13200,
15057,
3792,
42,
2599,
198,
220,
220,
220,
37227,
34600,
16096,
3959,
1352,
1262,
5166,
3083,
18868,
13,
198,
220,
220,
220,
220,
198,
220,
220,
220,
43689,
37588,
2058,
422,
705,
31768,
55,
3256,
19637,
318,
422,
220,
198,
220,
220,
220,
705,
13414,
7293,
7004,
13200,
35,
12078,
6,
290,
705,
13414,
7004,
13200,
15057,
6,
357,
3826,
198,
220,
220,
220,
705,
578,
13,
15805,
13,
87,
62,
36733,
1634,
13,
9078,
3256,
705,
578,
13,
15805,
13,
87,
62,
332,
2649,
13,
9078,
27691,
198,
220,
220,
220,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
198,
220,
220,
220,
825,
11593,
15003,
834,
7,
944,
11,
1963,
28,
17821,
11,
17130,
28,
16,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
20768,
1096,
262,
3959,
1352,
13,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
40117,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
220,
220,
220,
220,
1963,
1058,
20512,
11,
11902,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
17821,
10354,
15082,
43058,
6937,
5981,
357,
27938,
8,
287,
262,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
31850,
13,
705,
25101,
10354,
31850,
510,
284,
705,
1676,
16864,
1483,
4458,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
12286,
318,
6407,
8,
198,
220,
220,
220,
220,
220,
220,
220,
17130,
1058,
12178,
11,
11902,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
25139,
2357,
286,
262,
5253,
44829,
590,
25,
657,
1279,
17130,
1279,
362,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
12286,
318,
352,
737,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
21066,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
1330,
340,
68,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
763,
16,
796,
340,
68,
13,
15805,
13,
33,
2389,
396,
10606,
81,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
763,
17,
796,
340,
68,
13,
15805,
13,
33,
2389,
396,
10606,
81,
7,
26591,
796,
352,
13,
17,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
41216,
351,
705,
31768,
55,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
2208,
22446,
834,
15003,
834,
7,
16680,
28,
16680,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
584,
11688,
25,
198,
220,
220,
220,
220,
220,
220,
220,
611,
17130,
19841,
657,
393,
17130,
18189,
362,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
35528,
10786,
15,
1279,
17130,
1279,
362,
318,
2622,
329,
428,
3959,
1352,
0,
11537,
628,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
26591,
796,
17130,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
825,
31850,
7,
944,
11,
331,
11,
288,
82,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
10062,
1920,
5253,
16096,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
40117,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
220,
220,
220,
220,
331,
1058,
357,
17618,
286,
8405,
11,
15793,
13219,
358,
18747,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1881,
5752,
286,
331,
24866,
284,
530,
6291,
13,
198,
220,
220,
220,
220,
220,
220,
220,
288,
82,
1058,
493,
15879,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
41265,
286,
262,
1981,
850,
2777,
2114,
287,
331,
26,
288,
82,
58,
72,
60,
796,
1312,
61,
400,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
850,
13200,
15793,
13,
18896,
7,
9310,
8,
796,
362,
13,
198,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
16409,
198,
220,
220,
220,
220,
220,
220,
220,
35656,
198,
220,
220,
220,
220,
220,
220,
220,
1312,
1058,
12178,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
47737,
5253,
16096,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
31458,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
220,
220,
220,
220,
402,
4820,
449,
13,
311,
2736,
365,
306,
290,
14200,
406,
13,
371,
6457,
78,
13,
4373,
666,
5253,
44829,
590,
13,
220,
198,
220,
220,
220,
220,
220,
220,
220,
383,
5506,
874,
286,
27684,
14370,
11,
513,
25,
1065,
2623,
12,
1065,
2996,
11,
3717,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
402,
4820,
449,
13,
311,
2736,
365,
306,
11,
14200,
406,
13,
371,
6457,
78,
11,
290,
399,
603,
509,
13,
17466,
7058,
85,
13,
2185,
45925,
198,
220,
220,
220,
220,
220,
220,
220,
290,
4856,
21403,
416,
16096,
286,
18868,
13,
383,
5506,
874,
286,
198,
220,
220,
220,
220,
220,
220,
220,
14370,
11,
3439,
25,
1983,
3388,
12,
1983,
5824,
11,
4343,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
21066,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
198,
220,
220,
220,
220,
220,
220,
220,
1312,
796,
763,
13,
395,
18991,
7,
88,
11,
9310,
8,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
19637,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
332,
2649,
62,
38532,
62,
7266,
13200,
62,
27740,
5736,
7,
88,
11,
288,
82,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
332,
2649,
62,
7266,
13200,
62,
17618,
62,
271,
62,
74,
7,
9310,
11,
362,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
257,
796,
24061,
62,
17896,
709,
62,
67,
10215,
81,
62,
14269,
3969,
7,
88,
58,
45299,
1058,
9310,
58,
15,
60,
4357,
2116,
13,
26591,
8,
198,
220,
220,
220,
220,
220,
220,
220,
275,
796,
24061,
62,
17896,
709,
62,
67,
10215,
81,
62,
14269,
3969,
7,
88,
58,
45299,
288,
82,
58,
15,
5974,
4357,
2116,
13,
26591,
8,
628,
220,
220,
220,
220,
220,
220,
220,
299,
796,
2160,
7,
64,
9,
65,
8,
220,
1303,
5470,
1352,
198,
220,
220,
220,
220,
220,
220,
220,
288,
16,
796,
2160,
7,
64,
1174,
17,
8,
220,
1303,
2853,
6975,
1352,
12,
16,
357,
19419,
19862,
17034,
8,
198,
220,
220,
220,
220,
220,
220,
220,
288,
17,
796,
2160,
7,
65,
1174,
17,
8,
220,
1303,
2853,
6975,
1352,
12,
17,
357,
19419,
19862,
17034,
8,
628,
220,
220,
220,
220,
220,
220,
220,
611,
357,
67,
16,
1635,
288,
17,
8,
6624,
657,
25,
220,
1303,
18189,
16,
286,
262,
4738,
9633,
318,
6937,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1312,
796,
657,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1312,
796,
299,
1220,
19862,
17034,
7,
67,
16,
1635,
288,
17,
8,
220,
1303,
1279,
32,
11,
33,
29,
1220,
19862,
17034,
7,
27,
32,
11,
32,
6927,
33,
11,
33,
43734,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1312,
796,
19862,
17034,
7,
72,
8,
198,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
1312,
628,
198,
4871,
20068,
18,
25309,
41,
1563,
7,
31768,
55,
11,
4643,
7293,
7004,
13200,
35,
12078,
11,
4643,
7004,
13200,
15057,
3792,
42,
2599,
198,
220,
220,
220,
37227,
16798,
20203,
422,
262,
1612,
11525,
12083,
286,
262,
705,
73,
1563,
20208,
262,
198,
220,
220,
220,
1720,
286,
262,
6145,
6897,
4458,
198,
220,
220,
220,
220,
198,
220,
220,
220,
43689,
37588,
2058,
422,
705,
31768,
55,
3256,
19637,
318,
422,
220,
198,
220,
220,
220,
705,
13414,
7293,
7004,
13200,
35,
12078,
6,
290,
705,
13414,
7004,
13200,
15057,
6,
357,
3826,
198,
220,
220,
220,
705,
578,
13,
15805,
13,
87,
62,
36733,
1634,
13,
9078,
3256,
705,
578,
13,
15805,
13,
87,
62,
332,
2649,
13,
9078,
27691,
198,
220,
220,
220,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
198,
220,
220,
220,
825,
11593,
15003,
834,
7,
944,
11,
1963,
28,
17821,
11,
264,
13495,
16,
28,
15,
13,
16,
11,
264,
13495,
17,
28,
15,
13,
16,
11,
264,
13495,
18,
28,
15,
13,
16,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
20768,
1096,
262,
3959,
1352,
13,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
40117,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
220,
220,
220,
220,
1963,
1058,
20512,
11,
11902,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
17821,
10354,
15082,
43058,
6937,
5981,
357,
27938,
8,
287,
262,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
31850,
13,
705,
25101,
10354,
31850,
510,
284,
705,
1676,
16864,
1483,
4458,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
12286,
318,
6407,
8,
198,
220,
220,
220,
220,
220,
220,
220,
264,
13495,
16,
1058,
12178,
11,
11902,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
520,
67,
287,
262,
17986,
37,
9720,
319,
262,
717,
850,
13200,
357,
12286,
318,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
264,
13495,
16,
796,
657,
13,
16,
737,
264,
13495,
16,
796,
15709,
1724,
705,
1904,
14288,
339,
27915,
4458,
198,
220,
220,
220,
220,
220,
220,
220,
264,
13495,
17,
1058,
12178,
11,
11902,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
520,
67,
287,
262,
17986,
37,
9720,
319,
262,
1218,
850,
13200,
357,
12286,
318,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
264,
13495,
17,
796,
657,
13,
16,
737,
264,
13495,
17,
796,
15709,
1724,
705,
1904,
14288,
339,
27915,
4458,
198,
220,
220,
220,
220,
220,
220,
220,
264,
13495,
18,
1058,
12178,
11,
11902,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
520,
67,
287,
262,
17986,
37,
9720,
319,
262,
2368,
850,
13200,
357,
12286,
318,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
264,
13495,
18,
796,
657,
13,
16,
737,
264,
13495,
18,
796,
15709,
1724,
705,
1904,
14288,
339,
27915,
4458,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
21066,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
422,
299,
32152,
1330,
15709,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
1330,
340,
68,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
763,
16,
796,
340,
68,
13,
15805,
13,
3483,
18,
25309,
41,
1563,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
763,
17,
796,
340,
68,
13,
15805,
13,
3483,
18,
25309,
41,
1563,
7,
82,
13495,
16,
28,
15,
13,
16,
11,
82,
13495,
17,
28,
15,
13,
16,
11,
82,
13495,
18,
28,
15,
13,
16,
8,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
763,
18,
796,
340,
68,
13,
15805,
13,
3483,
18,
25309,
41,
1563,
7,
82,
13495,
16,
28,
12647,
11,
82,
13495,
17,
28,
12647,
11,
82,
13495,
18,
28,
12647,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
41216,
351,
705,
31768,
55,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
2208,
22446,
834,
15003,
834,
7,
16680,
28,
16680,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
584,
12608,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
82,
13495,
16,
11,
2116,
13,
82,
13495,
17,
11,
2116,
13,
82,
13495,
18,
796,
264,
13495,
16,
11,
264,
13495,
17,
11,
264,
13495,
18,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
825,
31850,
7,
944,
11,
331,
11,
288,
82,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
10062,
1920,
6466,
20203,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
40117,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
220,
220,
220,
220,
331,
1058,
357,
17618,
286,
8405,
11,
15793,
13219,
358,
18747,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1881,
5752,
286,
331,
24866,
284,
530,
6291,
13,
198,
220,
220,
220,
220,
220,
220,
220,
288,
82,
1058,
493,
15879,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
41265,
286,
262,
1981,
850,
2777,
2114,
287,
331,
26,
288,
82,
58,
72,
60,
796,
1312,
61,
400,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
850,
13200,
15793,
13,
18896,
7,
9310,
8,
796,
513,
13,
198,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
16409,
198,
220,
220,
220,
220,
220,
220,
220,
35656,
198,
220,
220,
220,
220,
220,
220,
220,
1312,
1058,
12178,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
47737,
6466,
20203,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
31458,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
220,
220,
220,
220,
39430,
1001,
73,
25194,
17215,
11,
13514,
402,
11489,
261,
11,
290,
370,
291,
372,
4312,
14542,
2611,
13,
317,
9720,
1332,
198,
220,
220,
220,
220,
220,
220,
220,
329,
1115,
12,
45286,
12213,
13,
554,
8007,
1817,
287,
47986,
6188,
198,
220,
220,
220,
220,
220,
220,
220,
28403,
11998,
357,
22125,
3705,
828,
5468,
13539,
19,
12,
1157,
2624,
11,
2211,
13,
357,
43,
1192,
1603,
220,
198,
220,
220,
220,
220,
220,
220,
220,
1115,
12,
45286,
10375,
1912,
20203,
6376,
737,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
8616,
15416,
38167,
13,
383,
21380,
12,
16485,
1144,
27484,
13,
1757,
43424,
198,
220,
220,
220,
220,
220,
220,
220,
290,
27989,
3457,
11,
16450,
13,
357,
43,
1192,
1603,
10375,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
21066,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
198,
220,
220,
220,
220,
220,
220,
220,
1312,
796,
763,
13,
395,
18991,
7,
88,
11,
9310,
8,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
19637,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
332,
2649,
62,
38532,
62,
7266,
13200,
62,
27740,
5736,
7,
88,
11,
288,
82,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
332,
2649,
62,
7266,
13200,
62,
17618,
62,
271,
62,
74,
7,
9310,
11,
513,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
20159,
2603,
45977,
357,
74,
16,
11,
74,
17,
11,
74,
18,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
264,
13495,
16,
11,
264,
13495,
17,
11,
264,
13495,
18,
796,
2116,
13,
82,
13495,
16,
11,
2116,
13,
82,
13495,
17,
11,
2116,
13,
82,
13495,
18,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
479,
16,
357,
2617,
763,
13,
82,
13495,
16,
1262,
14288,
339,
27915,
11,
611,
2622,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2125,
272,
7,
82,
13495,
16,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
264,
13495,
16,
796,
14288,
62,
258,
27915,
7,
88,
58,
45299,
657,
25,
9310,
58,
15,
11907,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
479,
16,
796,
6616,
687,
7,
79,
17080,
7,
88,
58,
45299,
657,
25,
9310,
58,
15,
11907,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
479,
16,
796,
1033,
32590,
74,
16,
1174,
17,
1220,
357,
17,
1635,
264,
13495,
16,
1174,
17,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
479,
17,
357,
2617,
763,
13,
82,
13495,
17,
1262,
14288,
339,
27915,
11,
611,
2622,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2125,
272,
7,
82,
13495,
17,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
264,
13495,
17,
796,
14288,
62,
258,
27915,
7,
88,
58,
45299,
288,
82,
58,
15,
5974,
9310,
58,
15,
48688,
9310,
58,
16,
11907,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
479,
17,
796,
6616,
687,
7,
79,
17080,
7,
88,
58,
45299,
288,
82,
58,
15,
5974,
9310,
58,
15,
48688,
9310,
58,
16,
11907,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
479,
17,
796,
1033,
32590,
74,
17,
1174,
17,
1220,
357,
17,
1635,
264,
13495,
17,
1174,
17,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
479,
18,
357,
2617,
763,
13,
82,
13495,
18,
1262,
14288,
339,
27915,
11,
611,
2622,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2125,
272,
7,
82,
13495,
18,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
264,
13495,
18,
796,
14288,
62,
258,
27915,
7,
88,
58,
45299,
288,
82,
58,
15,
48688,
9310,
58,
16,
5974,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
479,
18,
796,
6616,
687,
7,
79,
17080,
7,
88,
58,
45299,
288,
82,
58,
15,
48688,
9310,
58,
16,
5974,
4357,
705,
12496,
565,
485,
272,
6,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
479,
18,
796,
1033,
32590,
74,
18,
1174,
17,
1220,
357,
17,
1635,
264,
13495,
18,
1174,
17,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
40426,
62,
1659,
62,
591,
796,
479,
16,
1635,
479,
17,
1635,
479,
18,
220,
1303,
11161,
321,
446,
1720,
198,
220,
220,
220,
220,
220,
220,
220,
3381,
16,
796,
1612,
7,
1676,
67,
62,
1659,
62,
591,
8,
198,
220,
220,
220,
220,
220,
220,
220,
3381,
17,
796,
532,
17,
1635,
1612,
7,
32604,
7,
74,
16,
11,
16488,
28,
16,
8,
1635,
1612,
7,
74,
17,
11,
16488,
28,
16,
8,
1635,
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,
1612,
7,
74,
18,
11,
16488,
28,
16,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
3381,
18,
796,
1612,
7,
74,
16,
8,
1635,
1612,
7,
74,
17,
8,
1635,
1612,
7,
74,
18,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1312,
796,
3381,
16,
1343,
3381,
17,
1343,
3381,
18,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
1312,
628,
198,
4871,
20068,
18,
25309,
43,
1192,
1603,
7,
31768,
55,
11,
4643,
7293,
7004,
13200,
35,
12078,
11,
4643,
7004,
13200,
15057,
3792,
42,
2599,
198,
220,
220,
220,
37227,
10062,
1920,
262,
38167,
1115,
12,
45286,
10375,
3953,
13,
220,
198,
220,
220,
220,
220,
198,
220,
220,
220,
43689,
37588,
2058,
422,
705,
31768,
55,
3256,
19637,
318,
422,
220,
198,
220,
220,
220,
705,
13414,
7293,
7004,
13200,
35,
12078,
6,
290,
705,
13414,
7004,
13200,
15057,
6,
357,
3826,
198,
220,
220,
220,
705,
578,
13,
15805,
13,
87,
62,
36733,
1634,
13,
9078,
3256,
705,
578,
13,
15805,
13,
87,
62,
332,
2649,
13,
9078,
27691,
198,
220,
220,
220,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
198,
220,
220,
220,
825,
11593,
15003,
834,
7,
944,
11,
1963,
28,
17821,
11,
264,
13495,
16,
28,
15,
13,
16,
11,
264,
13495,
17,
28,
15,
13,
16,
11,
264,
13495,
18,
28,
15,
13,
16,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
20768,
1096,
262,
3959,
1352,
13,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
40117,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
220,
220,
220,
220,
1963,
1058,
20512,
11,
11902,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
17821,
10354,
15082,
43058,
6937,
5981,
357,
27938,
8,
287,
262,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
31850,
13,
705,
25101,
10354,
31850,
510,
284,
705,
1676,
16864,
1483,
4458,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
12286,
318,
6407,
8,
198,
220,
220,
220,
220,
220,
220,
220,
264,
13495,
16,
1058,
12178,
11,
11902,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
520,
67,
287,
262,
17986,
37,
9720,
319,
262,
717,
850,
13200,
357,
12286,
318,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
264,
13495,
16,
796,
657,
13,
16,
737,
264,
13495,
16,
796,
15709,
1724,
705,
1904,
14288,
339,
27915,
4458,
198,
220,
220,
220,
220,
220,
220,
220,
264,
13495,
17,
1058,
12178,
11,
11902,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
520,
67,
287,
262,
17986,
37,
9720,
319,
262,
1218,
850,
13200,
357,
12286,
318,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
264,
13495,
17,
796,
657,
13,
16,
737,
264,
13495,
17,
796,
15709,
1724,
705,
1904,
14288,
339,
27915,
4458,
198,
220,
220,
220,
220,
220,
220,
220,
264,
13495,
18,
1058,
12178,
11,
11902,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
520,
67,
287,
262,
17986,
37,
9720,
319,
262,
2368,
850,
13200,
357,
12286,
318,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
264,
13495,
18,
796,
657,
13,
16,
737,
264,
13495,
18,
796,
15709,
1724,
705,
1904,
14288,
339,
27915,
4458,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
21066,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
422,
299,
32152,
1330,
15709,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
1330,
340,
68,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
763,
16,
796,
340,
68,
13,
15805,
13,
3483,
18,
25309,
43,
1192,
1603,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
763,
17,
796,
340,
68,
13,
15805,
13,
3483,
18,
25309,
43,
1192,
1603,
7,
82,
13495,
16,
28,
15,
13,
16,
11,
264,
13495,
17,
28,
15,
13,
16,
11,
59,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
264,
13495,
18,
28,
15,
13,
16,
8,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
763,
18,
796,
340,
68,
13,
15805,
13,
3483,
18,
25309,
43,
1192,
1603,
7,
82,
13495,
16,
28,
12647,
11,
264,
13495,
17,
28,
12647,
11,
59,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
264,
13495,
18,
28,
12647,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
41216,
351,
705,
31768,
55,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
2208,
22446,
834,
15003,
834,
7,
16680,
28,
16680,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
584,
12608,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
82,
13495,
16,
11,
2116,
13,
82,
13495,
17,
11,
2116,
13,
82,
13495,
18,
796,
264,
13495,
16,
11,
264,
13495,
17,
11,
264,
13495,
18,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
825,
31850,
7,
944,
11,
331,
11,
288,
82,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
10062,
1920,
38167,
1115,
12,
45286,
10375,
3953,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
40117,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
220,
220,
220,
220,
331,
1058,
357,
17618,
286,
8405,
11,
15793,
13219,
358,
18747,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1881,
5752,
286,
331,
24866,
284,
530,
6291,
13,
198,
220,
220,
220,
220,
220,
220,
220,
288,
82,
1058,
493,
15879,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
41265,
286,
262,
1981,
850,
2777,
2114,
287,
331,
26,
288,
82,
58,
72,
60,
796,
1312,
61,
400,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
850,
13200,
15793,
13,
18896,
7,
9310,
8,
796,
513,
13,
198,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
16409,
198,
220,
220,
220,
220,
220,
220,
220,
35656,
198,
220,
220,
220,
220,
220,
220,
220,
1312,
1058,
12178,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
47737,
38167,
1115,
12,
45286,
10375,
3953,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
31458,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
220,
220,
220,
220,
39430,
1001,
73,
25194,
17215,
11,
13514,
402,
11489,
261,
11,
290,
370,
291,
372,
4312,
14542,
2611,
13,
317,
9720,
1332,
198,
220,
220,
220,
220,
220,
220,
220,
329,
1115,
12,
45286,
12213,
13,
554,
8007,
1817,
287,
47986,
6188,
198,
220,
220,
220,
220,
220,
220,
220,
28403,
11998,
357,
22125,
3705,
828,
5468,
13539,
19,
12,
1157,
2624,
11,
2211,
13,
357,
43,
1192,
1603,
220,
198,
220,
220,
220,
220,
220,
220,
220,
1115,
12,
45286,
10375,
1912,
20203,
6376,
737,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
8616,
15416,
38167,
13,
383,
21380,
12,
16485,
1144,
27484,
13,
1757,
43424,
198,
220,
220,
220,
220,
220,
220,
220,
290,
27989,
3457,
11,
16450,
13,
357,
43,
1192,
1603,
10375,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
21066,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
198,
220,
220,
220,
220,
220,
220,
220,
1312,
796,
763,
13,
395,
18991,
7,
88,
11,
9310,
8,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
19637,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
332,
2649,
62,
38532,
62,
7266,
13200,
62,
27740,
5736,
7,
88,
11,
288,
82,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
332,
2649,
62,
7266,
13200,
62,
17618,
62,
271,
62,
74,
7,
9310,
11,
513,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
997,
62,
1659,
62,
82,
12629,
796,
331,
13,
43358,
58,
15,
60,
220,
1303,
1271,
286,
8405,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
20159,
2603,
45977,
357,
74,
16,
11,
74,
17,
11,
74,
18,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
264,
13495,
16,
11,
264,
13495,
17,
11,
264,
13495,
18,
796,
2116,
13,
82,
13495,
16,
11,
2116,
13,
82,
13495,
17,
11,
2116,
13,
82,
13495,
18,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
479,
16,
357,
2617,
763,
13,
82,
13495,
16,
1262,
14288,
339,
27915,
11,
611,
2622,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2125,
272,
7,
82,
13495,
16,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
264,
13495,
16,
796,
14288,
62,
258,
27915,
7,
88,
58,
45299,
657,
25,
9310,
58,
15,
11907,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
479,
16,
796,
6616,
687,
7,
79,
17080,
7,
88,
58,
45299,
657,
25,
9310,
58,
15,
11907,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
479,
16,
796,
1033,
32590,
74,
16,
1174,
17,
1220,
357,
17,
1635,
264,
13495,
16,
1174,
17,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
479,
17,
357,
2617,
763,
13,
82,
13495,
17,
1262,
14288,
339,
27915,
11,
611,
2622,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2125,
272,
7,
82,
13495,
17,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
264,
13495,
17,
796,
14288,
62,
258,
27915,
7,
88,
58,
45299,
288,
82,
58,
15,
5974,
9310,
58,
15,
48688,
9310,
58,
16,
11907,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
479,
17,
796,
6616,
687,
7,
79,
17080,
7,
88,
58,
45299,
288,
82,
58,
15,
5974,
9310,
58,
15,
48688,
9310,
58,
16,
11907,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
479,
17,
796,
1033,
32590,
74,
17,
1174,
17,
1220,
357,
17,
1635,
264,
13495,
17,
1174,
17,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
479,
18,
900,
763,
13,
82,
13495,
18,
1262,
14288,
339,
27915,
11,
611,
2622,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2125,
272,
7,
82,
13495,
18,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
264,
13495,
18,
796,
14288,
62,
258,
27915,
7,
88,
58,
45299,
288,
82,
58,
15,
48688,
9310,
58,
16,
5974,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
479,
18,
796,
6616,
687,
7,
79,
17080,
7,
88,
58,
45299,
288,
82,
58,
15,
48688,
9310,
58,
16,
5974,
60,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
479,
18,
796,
1033,
32590,
74,
18,
1174,
17,
1220,
357,
17,
1635,
264,
13495,
18,
1174,
17,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
1247,
1586,
286,
479,
16,
11,
479,
17,
11,
479,
18,
25,
198,
220,
220,
220,
220,
220,
220,
220,
289,
796,
4151,
7,
22510,
62,
1659,
62,
82,
12629,
8,
532,
59,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3392,
19510,
22510,
62,
1659,
62,
82,
12629,
11,
997,
62,
1659,
62,
82,
12629,
4008,
1220,
997,
62,
1659,
62,
82,
12629,
198,
220,
220,
220,
220,
220,
220,
220,
479,
16,
796,
16605,
7,
26518,
7,
71,
11,
479,
16,
828,
289,
8,
198,
220,
220,
220,
220,
220,
220,
220,
479,
17,
796,
16605,
7,
26518,
7,
71,
11,
479,
17,
828,
289,
8,
198,
220,
220,
220,
220,
220,
220,
220,
479,
18,
796,
16605,
7,
26518,
7,
71,
11,
479,
18,
828,
289,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1312,
796,
1612,
7,
74,
16,
1635,
479,
17,
1635,
479,
18,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
1312,
628,
198,
4871,
20068,
7998,
2149,
62,
40,
1925,
349,
7,
31768,
36,
8326,
42,
7948,
11,
4643,
7293,
7004,
13200,
35,
12078,
2599,
198,
220,
220,
220,
37227,
10062,
1920,
18070,
2149,
1262,
17503,
609,
4316,
2584,
26969,
9150,
13,
628,
220,
220,
220,
18070,
2149,
10229,
284,
47718,
12,
14874,
21184,
20153,
10056,
28019,
13,
628,
220,
220,
220,
43689,
37588,
2058,
422,
705,
31768,
36,
8326,
42,
7948,
3256,
19637,
318,
198,
220,
220,
220,
422,
705,
13414,
7293,
7004,
13200,
35,
12078,
6,
357,
3826,
705,
578,
13,
15805,
13,
87,
62,
36733,
1634,
13,
9078,
3256,
198,
220,
220,
220,
705,
578,
13,
15805,
13,
87,
62,
332,
2649,
13,
9078,
27691,
628,
220,
220,
220,
11822,
198,
220,
220,
220,
37404,
198,
220,
220,
220,
383,
1459,
7822,
3544,
262,
976,
9720,
281,
477,
262,
850,
2777,
2114,
25,
198,
220,
220,
220,
479,
796,
479,
62,
16,
796,
2644,
796,
479,
62,
44,
11,
810,
331,
796,
685,
88,
61,
16,
26,
986,
26,
88,
61,
44,
4083,
628,
220,
220,
220,
21066,
198,
220,
220,
220,
24200,
198,
220,
220,
220,
13163,
422,
340,
68,
13,
15805,
13,
87,
62,
33885,
1330,
32169,
198,
220,
220,
220,
13163,
1330,
340,
68,
198,
220,
220,
220,
13163,
763,
16,
796,
340,
68,
13,
15805,
13,
3483,
7998,
2149,
62,
40,
1925,
349,
3419,
198,
220,
220,
220,
13163,
763,
17,
796,
340,
68,
13,
15805,
13,
3483,
7998,
2149,
62,
40,
1925,
349,
7,
17167,
28,
16,
68,
12,
18,
8,
198,
220,
220,
220,
13163,
479,
796,
32169,
15090,
6,
3672,
10354,
705,
27912,
37,
41707,
82,
13495,
10354,
352,
30072,
198,
220,
220,
220,
13163,
763,
18,
796,
340,
68,
13,
15805,
13,
3483,
7998,
2149,
62,
40,
1925,
349,
7,
33885,
28,
74,
11,
2123,
64,
28,
16,
68,
12,
18,
8,
628,
220,
220,
220,
37227,
628,
220,
220,
220,
825,
31850,
7,
944,
11,
331,
11,
288,
82,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
10062,
1920,
18070,
2149,
13,
628,
220,
220,
220,
220,
220,
220,
220,
40117,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
220,
220,
220,
220,
331,
1058,
357,
17618,
286,
8405,
11,
15793,
13219,
358,
18747,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1881,
5752,
286,
331,
24866,
284,
530,
6291,
13,
198,
220,
220,
220,
220,
220,
220,
220,
288,
82,
1058,
493,
15879,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
41265,
286,
262,
1981,
850,
2777,
2114,
287,
331,
26,
288,
82,
58,
72,
60,
796,
1312,
61,
400,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
850,
13200,
15793,
13,
628,
220,
220,
220,
220,
220,
220,
220,
16409,
198,
220,
220,
220,
220,
220,
220,
220,
35656,
198,
220,
220,
220,
220,
220,
220,
220,
1312,
1058,
12178,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
47737,
1988,
286,
18070,
2149,
13,
628,
220,
220,
220,
220,
220,
220,
220,
31458,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
220,
220,
220,
220,
13514,
402,
11489,
261,
11,
45674,
347,
516,
21108,
11,
10009,
2439,
5708,
290,
6206,
10424,
198,
220,
220,
220,
220,
220,
220,
220,
3059,
13597,
404,
69,
13,
2185,
45925,
34931,
37947,
594,
351,
47718,
12,
14874,
21184,
198,
220,
220,
220,
220,
220,
220,
220,
11220,
82,
13,
4037,
8785,
319,
978,
7727,
9383,
14365,
782,
17003,
198,
220,
220,
220,
220,
220,
220,
220,
357,
31429,
828,
8093,
12,
3695,
11,
5075,
13,
628,
220,
220,
220,
220,
220,
220,
220,
978,
391,
11307,
316,
290,
26088,
5658,
12,
32,
4593,
272,
13,
36551,
2259,
32169,
198,
220,
220,
220,
220,
220,
220,
220,
47718,
48086,
287,
30873,
1799,
290,
14370,
13,
41269,
15448,
11,
5472,
13,
357,
32604,
198,
220,
220,
220,
220,
220,
220,
220,
11525,
12083,
8,
628,
220,
220,
220,
220,
220,
220,
220,
21066,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
198,
220,
220,
220,
220,
220,
220,
220,
1312,
796,
763,
13,
395,
18991,
7,
88,
11,
9310,
8,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
19637,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
332,
2649,
62,
38532,
62,
7266,
13200,
62,
27740,
5736,
7,
88,
11,
288,
82,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
37588,
25,
198,
220,
220,
220,
220,
220,
220,
220,
997,
62,
1659,
62,
82,
12629,
796,
331,
13,
43358,
58,
15,
60,
220,
1303,
1271,
286,
8405,
198,
220,
220,
220,
220,
220,
220,
220,
997,
62,
1659,
62,
7266,
2777,
2114,
796,
18896,
7,
9310,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
5012,
12,
16,
357,
70,
16,
11,
308,
17,
11,
2644,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
657,
11,
67,
62,
16,
11,
67,
62,
16,
10,
67,
62,
17,
42303,
11,
67,
62,
16,
10,
986,
10,
67,
23330,
44,
12,
16,
19629,
3599,
36525,
286,
262,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
850,
2777,
2114,
25,
198,
220,
220,
220,
220,
220,
220,
220,
10973,
62,
9310,
796,
269,
5700,
388,
7,
71,
25558,
19510,
15,
11,
288,
82,
58,
21912,
16,
60,
22305,
198,
220,
220,
220,
220,
220,
220,
220,
308,
82,
796,
1351,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
329,
285,
287,
2837,
7,
22510,
62,
1659,
62,
7266,
2777,
2114,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4686,
87,
796,
2837,
7,
36340,
62,
9310,
58,
76,
4357,
10973,
62,
9310,
58,
76,
60,
1343,
288,
82,
58,
76,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
308,
796,
2116,
13,
33885,
13,
488,
349,
7,
88,
58,
45299,
4686,
87,
4357,
997,
62,
1659,
62,
82,
12629,
1635,
2116,
13,
17167,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
308,
796,
308,
532,
1612,
7,
70,
11,
16488,
28,
15,
8,
220,
1303,
3641,
262,
20159,
17593,
25,
16605,
7,
70,
11,
70,
13,
51,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
308,
82,
13,
33295,
7,
70,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
5012,
12,
17,
357,
70,
16,
11,
308,
17,
11,
2644,
4613,
1312,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
1312,
796,
657,
198,
220,
220,
220,
220,
220,
220,
220,
329,
1312,
16,
287,
2837,
7,
22510,
62,
1659,
62,
7266,
2777,
2114,
12,
16,
2599,
220,
220,
220,
220,
220,
220,
1303,
1312,
16,
796,
657,
25,
44,
12,
17,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
1312,
17,
287,
2837,
7,
72,
16,
10,
16,
11,
997,
62,
1659,
62,
7266,
2777,
2114,
2599,
220,
1303,
1312,
17,
796,
1312,
16,
10,
16,
25,
44,
12,
16,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1312,
15853,
2593,
7,
26518,
7,
14542,
58,
72,
17,
4083,
51,
11,
308,
82,
58,
72,
16,
60,
4008,
1174,
17,
220,
1303,
2593,
796,
9734,
65,
13,
2593,
628,
220,
220,
220,
220,
220,
220,
220,
1312,
1220,
28,
997,
62,
1659,
62,
82,
12629,
1174,
17,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
1312,
628,
198,
4871,
20068,
39,
2577,
487,
12083,
7,
31768,
55,
11,
4643,
3198,
5258,
549,
2777,
2114,
11,
4643,
7293,
7004,
13200,
35,
12078,
2599,
198,
220,
220,
220,
37227,
10062,
1920,
262,
1963,
42524,
2196,
286,
367,
2577,
487,
12083,
338,
47256,
13,
628,
220,
220,
220,
220,
220,
220,
43689,
37588,
2058,
422,
705,
31768,
55,
3256,
19637,
318,
422,
198,
220,
220,
220,
220,
220,
220,
705,
13414,
7293,
7004,
13200,
35,
12078,
6,
290,
705,
13414,
7004,
13200,
15057,
6,
357,
3826,
198,
220,
220,
220,
220,
220,
220,
705,
578,
13,
15805,
13,
87,
62,
36733,
1634,
13,
9078,
3256,
705,
578,
13,
15805,
13,
87,
62,
332,
2649,
13,
9078,
27691,
628,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
825,
11593,
15003,
834,
7,
944,
11,
1963,
28,
17821,
11,
1402,
62,
39873,
62,
23032,
434,
28,
17821,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
20768,
1096,
262,
3959,
1352,
13,
628,
220,
220,
220,
220,
220,
220,
220,
40117,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
220,
220,
220,
220,
1963,
1058,
20512,
11,
11902,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
17821,
10354,
15082,
43058,
6937,
5981,
357,
27938,
8,
287,
262,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
31850,
13,
705,
25101,
10354,
31850,
510,
284,
705,
1676,
16864,
1483,
4458,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
12286,
318,
6407,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1402,
62,
39873,
62,
23032,
434,
25,
25131,
11,
11902,
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,
10127,
356,
765,
1402,
12,
39873,
15068,
13,
628,
220,
220,
220,
220,
220,
220,
220,
21066,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
1330,
340,
68,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
763,
16,
796,
340,
68,
13,
15805,
13,
3483,
39,
2577,
487,
12083,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
763,
17,
796,
340,
68,
13,
15805,
13,
3483,
39,
2577,
487,
12083,
7,
17470,
62,
39873,
62,
23032,
434,
28,
25101,
8,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
41216,
351,
705,
31768,
55,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
2208,
22446,
834,
15003,
834,
7,
16680,
28,
16680,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
584,
12608,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
17470,
62,
39873,
62,
23032,
434,
796,
1402,
62,
39873,
62,
23032,
434,
628,
220,
220,
220,
825,
31850,
7,
944,
11,
331,
11,
288,
82,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
10062,
1920,
1963,
42524,
2196,
286,
367,
2577,
487,
12083,
338,
47256,
13,
628,
220,
220,
220,
220,
220,
220,
220,
40117,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
220,
220,
220,
220,
331,
1058,
357,
17618,
286,
8405,
11,
15793,
13219,
358,
18747,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1881,
5752,
286,
331,
24866,
284,
530,
6291,
13,
198,
220,
220,
220,
220,
220,
220,
220,
288,
82,
1058,
493,
15879,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
41265,
286,
262,
1981,
850,
2777,
2114,
287,
331,
26,
288,
82,
58,
72,
60,
796,
1312,
61,
400,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
850,
13200,
15793,
796,
352,
329,
428,
3959,
1352,
13,
628,
220,
220,
220,
220,
220,
220,
220,
16409,
198,
220,
220,
220,
220,
220,
220,
220,
35656,
198,
220,
220,
220,
220,
220,
220,
220,
1312,
1058,
12178,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
47737,
1988,
286,
262,
1963,
42524,
2196,
286,
367,
2577,
487,
12083,
338,
47256,
13,
628,
220,
220,
220,
220,
220,
220,
220,
31458,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
220,
220,
220,
220,
32464,
12822,
5847,
11,
5780,
371,
7211,
861,
11,
46099,
3059,
13602,
13,
317,
1963,
42524,
198,
220,
220,
220,
220,
220,
220,
220,
2196,
286,
367,
2577,
487,
12083,
338,
47256,
12,
48011,
13,
4913,
286,
7854,
42524,
198,
220,
220,
220,
220,
220,
220,
220,
14691,
13,
8949,
25,
5468,
1679,
4869,
12,
1495,
4521,
11,
3050,
13,
628,
220,
220,
220,
220,
220,
220,
220,
21066,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
198,
220,
220,
220,
220,
220,
220,
220,
1312,
796,
763,
13,
395,
18991,
7,
88,
11,
9310,
8,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
19637,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
332,
2649,
62,
38532,
62,
7266,
13200,
62,
27740,
5736,
7,
88,
11,
288,
82,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
332,
2649,
62,
505,
62,
19577,
62,
7266,
2777,
2114,
7,
9310,
8,
628,
220,
220,
220,
220,
220,
220,
220,
997,
62,
1659,
62,
82,
12629,
11,
5391,
796,
331,
13,
43358,
198,
220,
220,
220,
220,
220,
220,
220,
334,
796,
2243,
4712,
62,
7645,
1161,
7,
88,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
3381,
16,
25,
198,
220,
220,
220,
220,
220,
220,
220,
285,
796,
352,
532,
5415,
7,
84,
58,
45299,
657,
7131,
45299,
649,
22704,
4357,
334,
58,
45299,
657,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
329,
1312,
287,
2837,
7,
16,
11,
5391,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
285,
1635,
28,
352,
532,
5415,
7,
84,
58,
45299,
1312,
7131,
45299,
649,
22704,
4357,
334,
58,
45299,
1312,
12962,
628,
220,
220,
220,
220,
220,
220,
220,
3381,
16,
796,
1612,
7,
76,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
3381,
17,
25,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
17470,
62,
39873,
62,
23032,
434,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3381,
17,
796,
3467,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
532,
1612,
7,
1676,
67,
7,
16,
532,
334,
1174,
17,
532,
357,
16,
532,
334,
8,
1220,
997,
62,
1659,
62,
82,
12629,
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,
16488,
28,
16,
4008,
1220,
3467,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
17,
1174,
7,
27740,
532,
352,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3381,
17,
796,
532,
1612,
7,
1676,
67,
7,
16,
532,
334,
1174,
17,
11,
16488,
28,
16,
4008,
1220,
357,
17,
12429,
357,
27740,
532,
352,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
3381,
18,
25,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
17470,
62,
39873,
62,
23032,
434,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3381,
18,
796,
3467,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
14808,
22510,
62,
1659,
62,
82,
12629,
532,
352,
8,
1635,
357,
17,
1635,
997,
62,
1659,
62,
82,
12629,
12,
16,
8,
1220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
18,
1635,
362,
1635,
997,
62,
1659,
62,
82,
12629,
1174,
17,
4008,
1174,
27740,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3381,
18,
796,
352,
1220,
513,
1174,
27740,
628,
220,
220,
220,
220,
220,
220,
220,
1312,
796,
3381,
16,
1343,
3381,
17,
1343,
3381,
18,
628,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
16680,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
17470,
62,
39873,
62,
23032,
434,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
256,
16,
796,
3467,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2160,
19510,
16,
532,
610,
858,
7,
16,
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,
997,
62,
1659,
62,
82,
12629,
8,
1220,
997,
62,
1659,
62,
82,
12629,
8,
1174,
27740,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1635,
357,
17,
9,
283,
858,
7,
16,
11,
997,
62,
1659,
62,
82,
12629,
8,
532,
352,
4008,
3467,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1220,
997,
62,
1659,
62,
82,
12629,
1174,
17,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
256,
17,
796,
3467,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
532,
17,
1635,
1612,
19510,
7,
22510,
62,
1659,
62,
82,
12629,
1635,
357,
22510,
62,
1659,
62,
82,
12629,
532,
352,
8,
532,
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,
610,
858,
7,
16,
11,
997,
62,
1659,
62,
82,
12629,
10,
16,
8,
1635,
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,
610,
858,
7,
22510,
62,
1659,
62,
82,
12629,
4008,
1220,
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,
357,
17,
1635,
997,
62,
1659,
62,
82,
12629,
12429,
362,
4008,
1174,
27740,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
256,
18,
796,
3381,
18,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
800,
62,
31298,
796,
256,
16,
1343,
256,
17,
1343,
256,
18,
220,
1303,
352,
1220,
289,
7,
67,
11,
299,
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,
800,
62,
31298,
796,
3467,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
362,
1220,
14808,
27740,
1343,
352,
8,
1635,
357,
27740,
1343,
362,
4008,
532,
1109,
5132,
7,
27740,
8,
1220,
3467,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
17,
12429,
5391,
1635,
40426,
7,
283,
858,
7,
27740,
1343,
352,
8,
1343,
352,
1220,
362,
4008,
1343,
3467,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
352,
1220,
513,
12429,
5391,
220,
1303,
352,
1220,
289,
7,
67,
8,
82,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1312,
1220,
28,
800,
62,
31298,
628,
220,
220,
220,
220,
220,
220,
220,
1312,
796,
19862,
17034,
7,
8937,
7,
72,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
1312,
628,
198,
4871,
347,
18694,
37094,
7,
31768,
36,
8326,
42,
7948,
11,
4643,
7293,
7004,
13200,
35,
12078,
2599,
198,
220,
220,
220,
37227,
10062,
1920,
9720,
38284,
24198,
357,
42,
37094,
737,
628,
220,
220,
220,
220,
43689,
37588,
2058,
422,
705,
31768,
36,
8326,
42,
7948,
3256,
19637,
318,
198,
220,
220,
220,
220,
422,
705,
13414,
7293,
7004,
13200,
35,
12078,
6,
357,
3826,
705,
578,
13,
15805,
13,
87,
62,
36733,
1634,
13,
9078,
3256,
198,
220,
220,
220,
220,
705,
578,
13,
15805,
13,
87,
62,
332,
2649,
13,
9078,
27691,
628,
220,
220,
220,
37227,
628,
220,
220,
220,
825,
11593,
15003,
834,
7,
944,
11,
1963,
28,
17821,
11,
9720,
28,
42,
7948,
22784,
2123,
64,
28,
16,
68,
12,
17,
11,
479,
20975,
28,
15,
13,
486,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
20768,
1096,
262,
3959,
1352,
13,
628,
220,
220,
220,
220,
220,
220,
220,
40117,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
220,
220,
220,
220,
1963,
1058,
20512,
11,
11902,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
17821,
10354,
15082,
43058,
6937,
5981,
357,
27938,
8,
287,
262,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
31850,
13,
705,
25101,
10354,
31850,
510,
284,
705,
1676,
16864,
1483,
4458,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
12286,
318,
6407,
8,
198,
220,
220,
220,
220,
220,
220,
220,
9720,
1058,
32169,
11,
11902,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1114,
6096,
11,
766,
705,
578,
13,
15805,
13,
87,
62,
33885,
13,
42,
7948,
6,
198,
220,
220,
220,
220,
220,
220,
220,
2123,
64,
1058,
12178,
11,
1875,
15,
11,
11902,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
632,
318,
973,
284,
1630,
262,
3081,
286,
262,
17503,
609,
4316,
2584,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
26969,
9150,
1912,
20159,
17593,
40874,
13,
10452,
263,
705,
17167,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1724,
4025,
19943,
20159,
5766,
290,
1365,
40874,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
12286,
318,
352,
68,
12,
17,
8,
198,
220,
220,
220,
220,
220,
220,
220,
479,
20975,
25,
12178,
11,
1875,
15,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
23603,
1634,
11507,
13,
628,
220,
220,
220,
220,
220,
220,
220,
21066,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
1330,
340,
68,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
422,
340,
68,
13,
15805,
13,
87,
62,
33885,
1330,
32169,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
763,
16,
796,
340,
68,
13,
15805,
13,
3483,
42,
37094,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
763,
17,
796,
340,
68,
13,
15805,
13,
3483,
42,
37094,
7,
17167,
28,
16,
68,
12,
19,
8,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
763,
18,
796,
340,
68,
13,
15805,
13,
3483,
42,
37094,
7,
17167,
28,
16,
68,
12,
19,
11,
479,
20975,
28,
15,
13,
2999,
8,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
479,
796,
220,
32169,
15090,
6,
3672,
10354,
705,
27912,
37,
3256,
705,
82,
13495,
10354,
657,
13,
18,
30072,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
763,
19,
796,
340,
68,
13,
15805,
13,
3483,
42,
37094,
7,
17167,
28,
16,
68,
12,
19,
11,
9720,
28,
74,
8,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
41216,
351,
705,
31768,
36,
8326,
42,
7948,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
2208,
22446,
834,
15003,
834,
7,
16680,
28,
16680,
11,
9720,
28,
33885,
11,
2123,
64,
28,
17167,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
584,
12608,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
74,
20975,
796,
479,
20975,
628,
220,
220,
220,
825,
31850,
7,
944,
11,
331,
11,
288,
82,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
10062,
1920,
509,
37094,
13,
628,
220,
220,
220,
220,
220,
220,
220,
40117,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
220,
220,
220,
220,
331,
1058,
357,
17618,
286,
8405,
11,
15793,
13219,
358,
18747,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1881,
5752,
286,
331,
24866,
284,
530,
6291,
13,
198,
220,
220,
220,
220,
220,
220,
220,
288,
82,
1058,
493,
15879,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
41265,
286,
262,
1981,
850,
2777,
2114,
287,
331,
26,
288,
82,
58,
72,
60,
796,
1312,
61,
400,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
850,
13200,
15793,
13,
628,
220,
220,
220,
220,
220,
220,
220,
16409,
198,
220,
220,
220,
220,
220,
220,
220,
35656,
198,
220,
220,
220,
220,
220,
220,
220,
1312,
1058,
12178,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
47737,
1988,
286,
509,
37094,
13,
628,
220,
220,
220,
220,
220,
220,
220,
31458,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
220,
220,
220,
220,
12155,
25332,
11,
3899,
314,
13,
8078,
13,
32169,
13362,
35100,
198,
220,
220,
220,
220,
220,
220,
220,
14691,
13,
4913,
286,
10850,
18252,
4992,
11,
513,
25,
352,
12,
2780,
11,
6244,
13,
628,
220,
220,
220,
220,
220,
220,
220,
12155,
25332,
11,
3899,
314,
13,
8078,
13,
18252,
27831,
4981,
351,
198,
220,
220,
220,
220,
220,
220,
220,
38146,
50207,
13,
4037,
8785,
319,
47986,
6188,
198,
220,
220,
220,
220,
220,
220,
220,
28403,
11998,
357,
22125,
3705,
828,
5468,
838,
2091,
12,
940,
1821,
11,
6244,
13,
628,
220,
220,
220,
220,
220,
220,
220,
21066,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
198,
220,
220,
220,
220,
220,
220,
220,
1312,
796,
763,
13,
395,
18991,
7,
88,
11,
9310,
8,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
19637,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
332,
2649,
62,
38532,
62,
7266,
13200,
62,
27740,
5736,
7,
88,
11,
288,
82,
8,
628,
220,
220,
220,
220,
220,
220,
220,
997,
62,
1659,
62,
82,
12629,
796,
331,
13,
43358,
58,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
284,
75,
796,
997,
62,
1659,
62,
82,
12629,
1635,
2116,
13,
17167,
628,
220,
220,
220,
220,
220,
220,
220,
374,
796,
24061,
62,
6759,
8609,
62,
81,
62,
74,
13227,
62,
10025,
85,
7,
88,
11,
288,
82,
11,
2116,
13,
33885,
11,
284,
75,
11,
2116,
13,
74,
20975,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1312,
796,
532,
6404,
7,
15255,
7,
81,
4008,
1220,
362,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
1312,
628,
198,
4871,
347,
18694,
4093,
32,
7,
31768,
36,
8326,
42,
7948,
11,
4643,
7293,
7004,
13200,
35,
12078,
2599,
198,
220,
220,
220,
37227,
32169,
40091,
16096,
3781,
357,
42,
4093,
32,
8,
1912,
3959,
1352,
13,
628,
220,
220,
220,
220,
43689,
37588,
2058,
422,
705,
31768,
36,
8326,
42,
7948,
3256,
19637,
318,
198,
220,
220,
220,
220,
422,
705,
13414,
7293,
7004,
13200,
35,
12078,
6,
357,
3826,
705,
578,
13,
15805,
13,
87,
62,
36733,
1634,
13,
9078,
3256,
198,
220,
220,
220,
220,
705,
578,
13,
15805,
13,
87,
62,
332,
2649,
13,
9078,
27691,
628,
220,
220,
220,
37227,
628,
220,
220,
220,
825,
11593,
15003,
834,
7,
944,
11,
1963,
28,
17821,
11,
9720,
28,
42,
7948,
22784,
2123,
64,
28,
16,
68,
12,
17,
11,
479,
20975,
28,
15,
13,
486,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
20768,
1096,
262,
3959,
1352,
13,
628,
220,
220,
220,
220,
220,
220,
220,
40117,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
220,
220,
220,
220,
1963,
1058,
20512,
11,
11902,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
17821,
10354,
15082,
43058,
6937,
5981,
357,
27938,
8,
287,
262,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
31850,
13,
705,
25101,
10354,
31850,
510,
284,
705,
1676,
16864,
1483,
4458,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
12286,
318,
6407,
8,
198,
220,
220,
220,
220,
220,
220,
220,
9720,
1058,
32169,
11,
11902,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1114,
6096,
11,
766,
705,
578,
13,
15805,
13,
87,
62,
33885,
13,
42,
7948,
6,
198,
220,
220,
220,
220,
220,
220,
220,
2123,
64,
1058,
12178,
11,
1875,
15,
11,
11902,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
632,
318,
973,
284,
1630,
262,
3081,
286,
262,
17503,
609,
4316,
2584,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
26969,
9150,
1912,
20159,
17593,
40874,
13,
10452,
263,
705,
17167,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1724,
4025,
19943,
20159,
5766,
290,
1365,
40874,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
12286,
318,
352,
68,
12,
17,
8,
198,
220,
220,
220,
220,
220,
220,
220,
479,
20975,
25,
12178,
11,
1875,
15,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
23603,
1634,
11507,
13,
628,
220,
220,
220,
220,
220,
220,
220,
21066,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
1330,
340,
68,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
422,
340,
68,
13,
15805,
13,
87,
62,
33885,
1330,
32169,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
763,
16,
796,
340,
68,
13,
15805,
13,
3483,
42,
4093,
32,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
763,
17,
796,
340,
68,
13,
15805,
13,
3483,
42,
4093,
32,
7,
17167,
28,
16,
68,
12,
19,
8,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
763,
18,
796,
340,
68,
13,
15805,
13,
3483,
42,
4093,
32,
7,
17167,
28,
16,
68,
12,
19,
11,
479,
20975,
28,
15,
13,
2999,
8,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
479,
796,
220,
32169,
15090,
6,
3672,
10354,
705,
27912,
37,
3256,
705,
82,
13495,
10354,
657,
13,
18,
30072,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
763,
19,
796,
340,
68,
13,
15805,
13,
3483,
42,
4093,
32,
7,
17167,
28,
16,
68,
12,
19,
11,
9720,
28,
74,
8,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
41216,
351,
705,
31768,
36,
8326,
42,
7948,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
2208,
22446,
834,
15003,
834,
7,
16680,
28,
16680,
11,
9720,
28,
33885,
11,
2123,
64,
28,
17167,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
584,
12608,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
74,
20975,
796,
479,
20975,
628,
220,
220,
220,
825,
31850,
7,
944,
11,
331,
11,
288,
82,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
10062,
1920,
509,
4093,
32,
13,
628,
220,
220,
220,
220,
220,
220,
220,
40117,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
220,
220,
220,
220,
331,
1058,
357,
17618,
286,
8405,
11,
15793,
13219,
358,
18747,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1881,
5752,
286,
331,
24866,
284,
530,
6291,
13,
198,
220,
220,
220,
220,
220,
220,
220,
288,
82,
1058,
493,
15879,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
41265,
286,
262,
1981,
850,
2777,
2114,
287,
331,
26,
288,
82,
58,
72,
60,
796,
1312,
61,
400,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
850,
13200,
15793,
13,
628,
220,
220,
220,
220,
220,
220,
220,
16409,
198,
220,
220,
220,
220,
220,
220,
220,
35656,
198,
220,
220,
220,
220,
220,
220,
220,
1312,
1058,
12178,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
47737,
1988,
286,
509,
4093,
32,
13,
628,
220,
220,
220,
220,
220,
220,
220,
31458,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
220,
220,
220,
220,
12155,
25332,
11,
3899,
314,
13,
8078,
13,
18252,
27831,
4981,
351,
198,
220,
220,
220,
220,
220,
220,
220,
38146,
50207,
13,
4037,
8785,
319,
47986,
6188,
198,
220,
220,
220,
220,
220,
220,
220,
28403,
11998,
357,
22125,
3705,
828,
5468,
838,
2091,
12,
940,
1821,
11,
6244,
13,
628,
220,
220,
220,
220,
220,
220,
220,
21066,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
198,
220,
220,
220,
220,
220,
220,
220,
1312,
796,
763,
13,
395,
18991,
7,
88,
11,
9310,
8,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
19637,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
332,
2649,
62,
38532,
62,
7266,
13200,
62,
27740,
5736,
7,
88,
11,
288,
82,
8,
628,
220,
220,
220,
220,
220,
220,
220,
997,
62,
1659,
62,
82,
12629,
796,
331,
13,
43358,
58,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
284,
75,
796,
997,
62,
1659,
62,
82,
12629,
1635,
2116,
13,
17167,
628,
220,
220,
220,
220,
220,
220,
220,
374,
796,
24061,
62,
6759,
8609,
62,
81,
62,
74,
13227,
62,
10025,
85,
7,
88,
11,
288,
82,
11,
2116,
13,
33885,
11,
284,
75,
11,
2116,
13,
74,
20975,
8,
198,
220,
220,
220,
220,
220,
220,
220,
304,
328,
62,
1084,
796,
304,
328,
1477,
7,
81,
11,
479,
28,
16,
11,
543,
11639,
12310,
11537,
58,
15,
7131,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
1312,
796,
532,
6404,
7,
68,
328,
62,
1084,
8,
1220,
362,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
1312,
198
] | 2.048492 | 13,198 |
#! python3
print("Task 17.3")
import requests
from plotly.graph_objs import Bar
from plotly import offline
def get_response():
"""Make an api call, and return the response."""
url = 'https://api.github.com/search/repositories?q=language:python&sort=stars'
headers = {'Accept': 'application/vnd.github.v3+json'}
r = requests.get(url, headers=headers)
return r
def get_repo_dicts(r):
"""Return a set of dicts representing the most popular repositories."""
response_dict = r.json()
repo_dicts = response_dict['items']
return repo_dicts
def get_project_data(repo_dicts):
"""Return data needed for each project in visualization."""
repo_links, stars, labels = [], [], []
for repo_dict in repo_dicts:
repo_name = repo_dict['name']
repo_url = repo_dict['html_url']
repo_link = f"<a href='{repo_url}'>{repo_name}</a>"
repo_links.append(repo_link)
stars.append(repo_dict['stargazers_count'])
owner = repo_dict['owner']['login']
description = repo_dict['description']
label = f"{owner}<br />{description}"
labels.append(label)
return repo_links, stars, labels
def make_visualization(repo_links, stars, labels):
"""Generate the visualization of most commented articles."""
data = [{
'type': 'bar',
'x': repo_links,
'y': stars,
'hovertext': labels,
'marker': {
'color': 'rgb(255, 0, 0)',
'line': {'width': 2, 'color': 'rgb(250, 200, 0)'}
},
'opacity': 0.6,
}]
my_layout = {
'title': 'Most-Starred Python Projects on GitHub',
'titlefont': {'size': 20},
'xaxis': {
'title': 'Repository',
'titlefont': {'size': 18},
'tickfont': {'size': 14},
},
'yaxis': {
'title': 'Stars',
'titlefont': {'size': 18},
'tickfont': {'size': 14},
},
}
fig = {'data': data, 'layout': my_layout}
offline.plot(fig, filename='python_repos.html')
if __name__ == '__main__':
r = get_response()
repo_dicts = get_repo_dicts(r)
repo_links, stars, labels = get_project_data(repo_dicts)
make_visualization(repo_links, stars, labels) | [
2,
0,
21015,
18,
198,
198,
4798,
7203,
25714,
1596,
13,
18,
4943,
198,
198,
11748,
7007,
198,
198,
6738,
7110,
306,
13,
34960,
62,
672,
8457,
1330,
2409,
198,
6738,
7110,
306,
1330,
18043,
198,
198,
4299,
651,
62,
26209,
33529,
198,
220,
220,
220,
37227,
12050,
281,
40391,
869,
11,
290,
1441,
262,
2882,
526,
15931,
198,
220,
220,
220,
19016,
796,
705,
5450,
1378,
15042,
13,
12567,
13,
785,
14,
12947,
14,
260,
1930,
270,
1749,
30,
80,
28,
16129,
25,
29412,
5,
30619,
28,
30783,
6,
198,
220,
220,
220,
24697,
796,
1391,
6,
38855,
10354,
705,
31438,
14,
85,
358,
13,
12567,
13,
85,
18,
10,
17752,
6,
92,
198,
220,
220,
220,
374,
796,
7007,
13,
1136,
7,
6371,
11,
24697,
28,
50145,
8,
198,
220,
220,
220,
1441,
374,
198,
198,
4299,
651,
62,
260,
7501,
62,
11600,
82,
7,
81,
2599,
198,
220,
220,
220,
37227,
13615,
257,
900,
286,
8633,
82,
10200,
262,
749,
2968,
38072,
526,
15931,
198,
220,
220,
220,
2882,
62,
11600,
796,
374,
13,
17752,
3419,
198,
220,
220,
220,
29924,
62,
11600,
82,
796,
2882,
62,
11600,
17816,
23814,
20520,
198,
220,
220,
220,
1441,
29924,
62,
11600,
82,
198,
198,
4299,
651,
62,
16302,
62,
7890,
7,
260,
7501,
62,
11600,
82,
2599,
198,
220,
220,
220,
37227,
13615,
1366,
2622,
329,
1123,
1628,
287,
32704,
526,
15931,
198,
220,
220,
220,
29924,
62,
28751,
11,
5788,
11,
14722,
796,
685,
4357,
685,
4357,
17635,
198,
220,
220,
220,
329,
29924,
62,
11600,
287,
29924,
62,
11600,
82,
25,
198,
220,
220,
220,
220,
220,
220,
220,
29924,
62,
3672,
796,
29924,
62,
11600,
17816,
3672,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
29924,
62,
6371,
796,
29924,
62,
11600,
17816,
6494,
62,
6371,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
29924,
62,
8726,
796,
277,
1,
27,
64,
13291,
11639,
90,
260,
7501,
62,
6371,
92,
44167,
90,
260,
7501,
62,
3672,
92,
3556,
64,
24618,
198,
220,
220,
220,
220,
220,
220,
220,
29924,
62,
28751,
13,
33295,
7,
260,
7501,
62,
8726,
8,
628,
220,
220,
220,
220,
220,
220,
220,
5788,
13,
33295,
7,
260,
7501,
62,
11600,
17816,
301,
853,
1031,
364,
62,
9127,
6,
12962,
628,
220,
220,
220,
220,
220,
220,
220,
4870,
796,
29924,
62,
11600,
17816,
18403,
6,
7131,
6,
38235,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
6764,
796,
29924,
62,
11600,
17816,
11213,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
6167,
796,
277,
1,
90,
18403,
92,
27,
1671,
11037,
90,
11213,
36786,
198,
220,
220,
220,
220,
220,
220,
220,
14722,
13,
33295,
7,
18242,
8,
628,
220,
220,
220,
1441,
29924,
62,
28751,
11,
5788,
11,
14722,
198,
198,
4299,
787,
62,
41464,
1634,
7,
260,
7501,
62,
28751,
11,
5788,
11,
14722,
2599,
198,
220,
220,
220,
37227,
8645,
378,
262,
32704,
286,
749,
16476,
6685,
526,
15931,
198,
220,
220,
220,
1366,
796,
685,
90,
198,
220,
220,
220,
220,
220,
220,
220,
705,
4906,
10354,
705,
5657,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
705,
87,
10354,
29924,
62,
28751,
11,
198,
220,
220,
220,
220,
220,
220,
220,
705,
88,
10354,
5788,
11,
198,
220,
220,
220,
220,
220,
220,
220,
705,
43753,
5239,
10354,
14722,
11,
198,
220,
220,
220,
220,
220,
220,
220,
705,
4102,
263,
10354,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
8043,
10354,
705,
81,
22296,
7,
13381,
11,
657,
11,
657,
8,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
1370,
10354,
1391,
6,
10394,
10354,
362,
11,
705,
8043,
10354,
705,
81,
22296,
7,
9031,
11,
939,
11,
657,
33047,
92,
198,
220,
220,
220,
220,
220,
220,
220,
8964,
198,
220,
220,
220,
220,
220,
220,
220,
705,
404,
4355,
10354,
657,
13,
21,
11,
198,
220,
220,
220,
1782,
60,
628,
220,
220,
220,
616,
62,
39786,
796,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7839,
10354,
705,
6943,
12,
8248,
445,
11361,
29898,
319,
21722,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7839,
10331,
10354,
1391,
6,
7857,
10354,
1160,
5512,
198,
220,
220,
220,
220,
220,
220,
220,
705,
87,
22704,
10354,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
7839,
10354,
705,
6207,
13264,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
7839,
10331,
10354,
1391,
6,
7857,
10354,
1248,
5512,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
42298,
10331,
10354,
1391,
6,
7857,
10354,
1478,
5512,
198,
220,
220,
220,
220,
220,
220,
220,
8964,
198,
220,
220,
220,
220,
220,
220,
220,
705,
88,
22704,
10354,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
7839,
10354,
705,
29366,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
7839,
10331,
10354,
1391,
6,
7857,
10354,
1248,
5512,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
42298,
10331,
10354,
1391,
6,
7857,
10354,
1478,
5512,
198,
220,
220,
220,
220,
220,
220,
220,
8964,
628,
220,
220,
220,
1782,
628,
220,
220,
220,
2336,
796,
1391,
6,
7890,
10354,
1366,
11,
705,
39786,
10354,
616,
62,
39786,
92,
198,
220,
220,
220,
18043,
13,
29487,
7,
5647,
11,
29472,
11639,
29412,
62,
260,
1930,
13,
6494,
11537,
198,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
198,
220,
220,
220,
374,
796,
651,
62,
26209,
3419,
198,
220,
220,
220,
29924,
62,
11600,
82,
796,
651,
62,
260,
7501,
62,
11600,
82,
7,
81,
8,
198,
220,
220,
220,
29924,
62,
28751,
11,
5788,
11,
14722,
796,
651,
62,
16302,
62,
7890,
7,
260,
7501,
62,
11600,
82,
8,
198,
220,
220,
220,
787,
62,
41464,
1634,
7,
260,
7501,
62,
28751,
11,
5788,
11,
14722,
8
] | 2.252234 | 1,007 |
"""Custom exceptions for this package"""
class JerseyError(Exception):
"""Basic exception for this package"""
pass
| [
37811,
15022,
13269,
329,
428,
5301,
37811,
198,
198,
4871,
8221,
12331,
7,
16922,
2599,
198,
220,
220,
220,
37227,
26416,
6631,
329,
428,
5301,
37811,
198,
220,
220,
220,
1208,
198
] | 3.875 | 32 |
# influenced by https://www.reddit.com/r/adventofcode/comments/a3kr4r/2018_day_6_solutions/eb7385m/
import itertools
from collections import defaultdict, Counter
if __name__ == "__main__":
with open("6.txt") as f:
points = f.readlines()
points = [tuple(int(i) for i in l.split(",")) for l in points]
print("Part 1: {}".format(part1(points)))
print("Part 2: {}".format(part2(points)))
| [
2,
12824,
416,
3740,
1378,
2503,
13,
10748,
13,
785,
14,
81,
14,
324,
1151,
1659,
8189,
14,
15944,
14,
64,
18,
38584,
19,
81,
14,
7908,
62,
820,
62,
21,
62,
82,
14191,
14,
1765,
22,
27203,
76,
14,
198,
198,
11748,
340,
861,
10141,
198,
6738,
17268,
1330,
4277,
11600,
11,
15034,
628,
628,
198,
361,
11593,
3672,
834,
6624,
366,
834,
12417,
834,
1298,
198,
220,
220,
220,
351,
1280,
7203,
21,
13,
14116,
4943,
355,
277,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2173,
796,
277,
13,
961,
6615,
3419,
628,
220,
220,
220,
2173,
796,
685,
83,
29291,
7,
600,
7,
72,
8,
329,
1312,
287,
300,
13,
35312,
7,
2430,
4008,
329,
300,
287,
2173,
60,
198,
220,
220,
220,
3601,
7203,
7841,
352,
25,
23884,
1911,
18982,
7,
3911,
16,
7,
13033,
22305,
198,
220,
220,
220,
3601,
7203,
7841,
362,
25,
23884,
1911,
18982,
7,
3911,
17,
7,
13033,
22305,
198
] | 2.571429 | 161 |
"""Grammar and methods for parsing the configuration file"""
from .printing import PybnfError, print1
from .config import Configuration
from string import punctuation
import logging
import pyparsing as pp
import re
logger = logging.getLogger(__name__)
numkeys_int = ['verbosity', 'parallel_count', 'delete_old_files', 'population_size',
'smoothing', 'max_iterations',
'num_to_output', 'output_every', 'islands', 'migrate_every', 'num_to_migrate', 'init_size',
'local_min_limit', 'reserve_size', 'burn_in', 'sample_every', 'output_hist_every',
'hist_bins', 'refine', 'simplex_max_iterations', 'wall_time_sim', 'wall_time_gen', 'verbosity',
'exchange_every', 'backup_every', 'bootstrap', 'crossover_number', 'ind_var_rounding',
'local_objective_eval', 'reps_per_beta', 'save_best_data', 'parallelize_models', 'adaptive', 'continue_run']
numkeys_float = ['min_objective', 'cognitive', 'social', 'particle_weight',
'particle_weight_final', 'adaptive_n_max', 'adaptive_n_stop', 'adaptive_abs_tol', 'adaptive_rel_tol',
'mutation_rate', 'mutation_factor', 'stop_tolerance', 'step_size', 'simplex_step', 'simplex_log_step',
'simplex_reflection', 'simplex_expansion', 'simplex_contraction', 'simplex_shrink', 'cooling',
'beta_max', 'bootstrap_max_obj', 'simplex_stop_tol', 'v_stop', 'gamma_prob', 'zeta', 'lambda',
'constraint_scale', 'neg_bin_r', 'stablizingCov']
multnumkeys = ['credible_intervals', 'beta', 'beta_range', 'starting_params']
b_var_def_keys = ['uniform_var', 'loguniform_var']
var_def_keys = ['lognormal_var', 'normal_var']
var_def_keys_1or2nums = ['var', 'logvar']
strkeylist = ['bng_command', 'output_dir', 'fit_type', 'objfunc', 'initialization',
'cluster_type', 'scheduler_node', 'scheduler_file', 'de_strategy', 'sbml_integrator', 'simulation_dir']
multstrkeys = ['worker_nodes', 'postprocess', 'output_trajectory', 'output_noise_trajectory']
dictkeys = ['time_course', 'param_scan']
punctuation_safe = re.sub('[:,]', '', punctuation)
def parse_normalization_def(s):
"""
Parse the complicated normalization grammar
If the grammar is specified incorrectly, it will end up calling something invalid the normalization type or the
exp file, and this error will be caught later.
:param s: The string following the equals sign in the normalization key
:return: What to write in the config dictionary: A string, or a dictionary {expfile: string} or
{expfile: (string, index_list)} or {expfile: (string, name_list)}
"""
def parse_range(x):
"""Parse a string as a set of numbers like 10,"""
result = []
for part in x.split(','):
if '-' in part:
a, b = part.split('-')
a, b = int(a), int(b)
result.extend(range(a, b + 1))
else:
a = int(part)
result.append(a)
return result
# Remove all spaces
s = re.sub('\s', '', s)
if ':' in s:
# List of exp files
res = dict()
i = s.index(':')
normtype = s[:i]
explist = s[i+1:]
exps = re.split(r',(?![^()]*\))', explist) # Dark magic: split on commas that aren't inside parentheses
# Achievement unlocked: Use 16 punctuation marks in a row
for e in exps:
if e[0] == '(' and e[-1] == ')':
# It's an exp in parentheses with column-wise specs
pair = e[1:-1].split(':')
if len(pair) == 1:
res[pair[0]] = normtype
elif len(pair) == 2:
e, cols = pair
if re.match('^[\d,\-]+$', cols):
col_nums = parse_range(cols)
res[e] = (normtype, col_nums)
else:
col_names = cols.split(',')
res[e] = (normtype, col_names)
else:
raise PybnfError("Parsing normalization key - the item '%s' has too many colons in it" % e)
else:
# It's just an exp
res[e] = normtype
return res
else:
# Single string for all
return s
| [
37811,
38,
859,
3876,
290,
5050,
329,
32096,
262,
8398,
2393,
37811,
628,
198,
6738,
764,
4798,
278,
1330,
9485,
9374,
69,
12331,
11,
3601,
16,
198,
6738,
764,
11250,
1330,
28373,
198,
198,
6738,
4731,
1330,
21025,
2288,
198,
198,
11748,
18931,
198,
11748,
279,
4464,
945,
278,
355,
9788,
198,
11748,
302,
628,
198,
6404,
1362,
796,
18931,
13,
1136,
11187,
1362,
7,
834,
3672,
834,
8,
628,
198,
22510,
13083,
62,
600,
796,
37250,
19011,
16579,
3256,
705,
1845,
29363,
62,
9127,
3256,
705,
33678,
62,
727,
62,
16624,
3256,
705,
39748,
62,
7857,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
5796,
1025,
722,
3256,
705,
9806,
62,
2676,
602,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
22510,
62,
1462,
62,
22915,
3256,
705,
22915,
62,
16833,
3256,
705,
271,
4447,
3256,
705,
76,
42175,
62,
16833,
3256,
705,
22510,
62,
1462,
62,
76,
42175,
3256,
705,
15003,
62,
7857,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
12001,
62,
1084,
62,
32374,
3256,
705,
411,
3760,
62,
7857,
3256,
705,
10899,
62,
259,
3256,
705,
39873,
62,
16833,
3256,
705,
22915,
62,
10034,
62,
16833,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
10034,
62,
65,
1040,
3256,
705,
5420,
500,
3256,
705,
14323,
11141,
62,
9806,
62,
2676,
602,
3256,
705,
11930,
62,
2435,
62,
14323,
3256,
705,
11930,
62,
2435,
62,
5235,
3256,
705,
19011,
16579,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
1069,
3803,
62,
16833,
3256,
705,
1891,
929,
62,
16833,
3256,
705,
18769,
26418,
3256,
705,
66,
23954,
62,
17618,
3256,
705,
521,
62,
7785,
62,
744,
278,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
12001,
62,
15252,
425,
62,
18206,
3256,
705,
260,
862,
62,
525,
62,
31361,
3256,
705,
21928,
62,
13466,
62,
7890,
3256,
705,
1845,
29363,
1096,
62,
27530,
3256,
705,
42552,
425,
3256,
705,
43043,
62,
5143,
20520,
198,
22510,
13083,
62,
22468,
796,
37250,
1084,
62,
15252,
425,
3256,
705,
66,
46610,
3256,
705,
14557,
3256,
705,
3911,
1548,
62,
6551,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
3911,
1548,
62,
6551,
62,
20311,
3256,
705,
42552,
425,
62,
77,
62,
9806,
3256,
705,
42552,
425,
62,
77,
62,
11338,
3256,
705,
42552,
425,
62,
8937,
62,
83,
349,
3256,
705,
42552,
425,
62,
2411,
62,
83,
349,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
76,
7094,
62,
4873,
3256,
705,
76,
7094,
62,
31412,
3256,
705,
11338,
62,
83,
37668,
3256,
705,
9662,
62,
7857,
3256,
705,
14323,
11141,
62,
9662,
3256,
705,
14323,
11141,
62,
6404,
62,
9662,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
14323,
11141,
62,
5420,
1564,
3256,
705,
14323,
11141,
62,
11201,
5487,
3256,
705,
14323,
11141,
62,
3642,
7861,
3256,
705,
14323,
11141,
62,
36007,
676,
3256,
705,
24494,
278,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
31361,
62,
9806,
3256,
705,
18769,
26418,
62,
9806,
62,
26801,
3256,
705,
14323,
11141,
62,
11338,
62,
83,
349,
3256,
705,
85,
62,
11338,
3256,
705,
28483,
2611,
62,
1676,
65,
3256,
705,
89,
17167,
3256,
705,
50033,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
1102,
2536,
2913,
62,
9888,
3256,
705,
12480,
62,
8800,
62,
81,
3256,
705,
301,
23117,
2890,
34,
709,
20520,
198,
16680,
22510,
13083,
796,
37250,
66,
26260,
62,
3849,
12786,
3256,
705,
31361,
3256,
705,
31361,
62,
9521,
3256,
705,
38690,
62,
37266,
20520,
198,
65,
62,
7785,
62,
4299,
62,
13083,
796,
37250,
403,
6933,
62,
7785,
3256,
705,
6404,
403,
6933,
62,
7785,
20520,
198,
7785,
62,
4299,
62,
13083,
796,
37250,
75,
2360,
6636,
62,
7785,
3256,
705,
11265,
62,
7785,
20520,
198,
7785,
62,
4299,
62,
13083,
62,
16,
273,
17,
77,
5700,
796,
37250,
7785,
3256,
705,
6404,
7785,
20520,
198,
2536,
2539,
4868,
796,
37250,
65,
782,
62,
21812,
3256,
705,
22915,
62,
15908,
3256,
705,
11147,
62,
4906,
3256,
705,
26801,
20786,
3256,
705,
36733,
1634,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
565,
5819,
62,
4906,
3256,
705,
1416,
704,
18173,
62,
17440,
3256,
705,
1416,
704,
18173,
62,
7753,
3256,
705,
2934,
62,
2536,
4338,
3256,
705,
36299,
4029,
62,
18908,
12392,
3256,
705,
14323,
1741,
62,
15908,
20520,
198,
16680,
2536,
13083,
796,
37250,
28816,
62,
77,
4147,
3256,
705,
7353,
14681,
3256,
705,
22915,
62,
9535,
752,
652,
3256,
705,
22915,
62,
3919,
786,
62,
9535,
752,
652,
20520,
198,
11600,
13083,
796,
37250,
2435,
62,
17319,
3256,
705,
17143,
62,
35836,
20520,
198,
79,
16260,
2288,
62,
21230,
796,
302,
13,
7266,
10786,
58,
45299,
60,
3256,
705,
3256,
21025,
2288,
8,
628,
628,
628,
198,
4299,
21136,
62,
11265,
1634,
62,
4299,
7,
82,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
2547,
325,
262,
8253,
3487,
1634,
23491,
198,
220,
220,
220,
1002,
262,
23491,
318,
7368,
23175,
11,
340,
481,
886,
510,
4585,
1223,
12515,
262,
3487,
1634,
2099,
393,
262,
198,
220,
220,
220,
1033,
2393,
11,
290,
428,
4049,
481,
307,
4978,
1568,
13,
628,
220,
220,
220,
1058,
17143,
264,
25,
383,
4731,
1708,
262,
21767,
1051,
287,
262,
3487,
1634,
1994,
198,
220,
220,
220,
1058,
7783,
25,
1867,
284,
3551,
287,
262,
4566,
22155,
25,
317,
4731,
11,
393,
257,
22155,
1391,
11201,
7753,
25,
4731,
92,
393,
198,
220,
220,
220,
1391,
11201,
7753,
25,
357,
8841,
11,
6376,
62,
4868,
38165,
393,
1391,
11201,
7753,
25,
357,
8841,
11,
1438,
62,
4868,
38165,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
825,
21136,
62,
9521,
7,
87,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
10044,
325,
257,
4731,
355,
257,
900,
286,
3146,
588,
838,
553,
15931,
198,
220,
220,
220,
220,
220,
220,
220,
1255,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
329,
636,
287,
2124,
13,
35312,
7,
41707,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
705,
19355,
287,
636,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
257,
11,
275,
796,
636,
13,
35312,
10786,
12,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
257,
11,
275,
796,
493,
7,
64,
828,
493,
7,
65,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1255,
13,
2302,
437,
7,
9521,
7,
64,
11,
275,
1343,
352,
4008,
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,
257,
796,
493,
7,
3911,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1255,
13,
33295,
7,
64,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
1255,
628,
220,
220,
220,
1303,
17220,
477,
9029,
198,
220,
220,
220,
264,
796,
302,
13,
7266,
10786,
59,
82,
3256,
705,
3256,
264,
8,
198,
220,
220,
220,
611,
705,
32105,
287,
264,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
7343,
286,
1033,
3696,
198,
220,
220,
220,
220,
220,
220,
220,
581,
796,
8633,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
1312,
796,
264,
13,
9630,
7,
10354,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
2593,
4906,
796,
264,
58,
25,
72,
60,
198,
220,
220,
220,
220,
220,
220,
220,
1193,
396,
796,
264,
58,
72,
10,
16,
47715,
198,
220,
220,
220,
220,
220,
220,
220,
409,
862,
796,
302,
13,
35312,
7,
81,
3256,
7,
12248,
58,
61,
3419,
60,
9,
59,
4008,
3256,
1193,
396,
8,
1303,
3801,
5536,
25,
6626,
319,
725,
292,
326,
3588,
470,
2641,
46672,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
45511,
14838,
25,
5765,
1467,
21025,
2288,
8849,
287,
257,
5752,
198,
220,
220,
220,
220,
220,
220,
220,
329,
304,
287,
409,
862,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
304,
58,
15,
60,
6624,
705,
10786,
290,
304,
58,
12,
16,
60,
6624,
705,
8,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
632,
338,
281,
1033,
287,
46672,
351,
5721,
12,
3083,
25274,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5166,
796,
304,
58,
16,
21912,
16,
4083,
35312,
7,
10354,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
18896,
7,
24874,
8,
6624,
352,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
581,
58,
24874,
58,
15,
11907,
796,
2593,
4906,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
18896,
7,
24874,
8,
6624,
362,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
304,
11,
951,
82,
796,
5166,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
302,
13,
15699,
10786,
61,
58,
59,
67,
11,
41441,
48688,
3,
3256,
951,
82,
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,
951,
62,
77,
5700,
796,
21136,
62,
9521,
7,
4033,
82,
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,
581,
58,
68,
60,
796,
357,
27237,
4906,
11,
951,
62,
77,
5700,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
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,
220,
220,
220,
220,
220,
220,
220,
220,
951,
62,
14933,
796,
951,
82,
13,
35312,
7,
3256,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
581,
58,
68,
60,
796,
357,
27237,
4906,
11,
951,
62,
14933,
8,
198,
220,
220,
220,
220,
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,
220,
220,
220,
220,
5298,
9485,
9374,
69,
12331,
7203,
47,
945,
278,
3487,
1634,
1994,
532,
262,
2378,
705,
4,
82,
6,
468,
1165,
867,
951,
684,
287,
340,
1,
4064,
304,
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,
1303,
632,
338,
655,
281,
1033,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
581,
58,
68,
60,
796,
2593,
4906,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
581,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
14206,
4731,
329,
477,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
264,
198
] | 2.159463 | 2,013 |
from typing import Dict, Any
import torch
from torch import nn
from torch.utils.data import DataLoader
from torch import optim
from torch.optim.lr_scheduler import _LRScheduler
from ..core.callback import Callback
from ..core.state import State
from ..utils.torch import get_available_device
| [
6738,
19720,
1330,
360,
713,
11,
4377,
198,
198,
11748,
28034,
198,
6738,
28034,
1330,
299,
77,
198,
6738,
28034,
13,
26791,
13,
7890,
1330,
6060,
17401,
198,
6738,
28034,
1330,
6436,
198,
6738,
28034,
13,
40085,
13,
14050,
62,
1416,
704,
18173,
1330,
4808,
43,
6998,
1740,
18173,
198,
198,
6738,
11485,
7295,
13,
47423,
1330,
4889,
1891,
198,
6738,
11485,
7295,
13,
5219,
1330,
1812,
198,
6738,
11485,
26791,
13,
13165,
354,
1330,
651,
62,
15182,
62,
25202,
628
] | 3.641975 | 81 |
import numpy as np
import pandas as pd
from bs4 import BeautifulSoup
from selenium import webdriver
from selenium.webdriver.common.keys import Keys
import requests
import time
import os
from selenium.webdriver.common.by import By
import re
import time
from sklearn.linear_model import LinearRegression
from sklearn.model_selection import train_test_split
from sklearn.linear_model import RidgeCV
from sklearn.linear_model import LassoCV
from sklearn.pipeline import make_pipeline
from sklearn.preprocessing import PolynomialFeatures
from sklearn.model_selection import KFold
from sklearn.preprocessing import StandardScaler
from sklearn.linear_model import Ridge
from sklearn.linear_model import Lasso
from sklearn.model_selection import cross_val_score
from sklearn.metrics import mean_squared_error
import scipy.stats as stats
PATH_RS = '/Users/jadams/ds/metis/baseball_lin_regression/data/processed_df/rookie_stats.csv'
PATH_S = '/Users/jadams/ds/metis/baseball_lin_regression/data/processed_df/salary.csv'
def count_awards(s):
''' Counts the numebr of awards from baseballreference.com where the awards are listed in CSV format
s: CSV string of awards
return: int (count of awards)
'''
awards = 0
s = str(s)
if len(s) > 0:
awards = s.count(',')+1
return awards
def get_player_data(html, year, name):
''' Parses a player page on baseballreference.com, builds and writes a data frame to the data directory.
html: html scrapped from baseballreference.com
year: rookie year of the player
name: name of the player
return: writes a data frame to data/ directory
'''
soup_players = BeautifulSoup(html, 'lxml')
# Get position
position = soup_players.find('p')
position = position.contents[2].strip()
if position in 'Pitcher':
return None
# Get the debut for identification in case duplicate name
debut = soup_players.find('a', {'href': re.compile('=debut')})
debut = debut.contents
# Get batting stats
batting = soup_players.find('table',{'id':'batting_standard'})
batting_tbl_list = pd.read_html(str(batting))
batting_df = batting_tbl_list[0]
batting_df = batting_df[:-1]
rookie_stats = batting_df[(batting_df.Year == str(year))]
rookie_stats = rookie_stats[(~rookie_stats.Tm.str.contains('-min'))]
rookie_stats = rookie_stats[rookie_stats.Tm != 'TOT']
columns = ['Year', 'Age', 'Tm', 'Lg', 'G', 'PA', 'AB', 'R','H', 'SB','BA','HR','TB','2B','3B','RBI','BB','SO','Awards']
rookie_stats = rookie_stats.loc[:, columns]
rookie_stats = rookie_stats[rookie_stats.Lg.str.contains(r'[A,N]L$')]
rookie_stats['position'] = position
rookie_stats['name'] = name
rookie_stats['debut'] = debut * rookie_stats.shape[0]
rookie_stats.Year = rookie_stats.Year.astype(int)
rookie_stats.debut = pd.to_datetime(rookie_stats.debut, format='%B %d, %Y')
rookie_stats.loc[rookie_stats.Awards.isnull(),'Awards'] = ''
rookie_stats['award_count'] = rookie_stats.Awards.apply(count_awards)
with open(PATH_RS, 'a') as f:
rookie_stats.to_csv(f, header=False)
def build_rookie_table(rookie_pages):
''' Builds a master data set of all rookie players using the rookie summary page on baseballreference.com
rookie_pages: pd.DataFrame containing [html, year]
return: pd.DataFrame() ['Name','Debut','Age','Tm','rookie_year']
'''
rookie_df = pd.DataFrame(columns=['Name','Debut','Age','Tm','rookie_year'])
rookie_dfs = []
for i in rookie_pages.year.values:
# scrape the rookie batters (includes pitchers if PA)
soup_pages = BeautifulSoup(rookie_pages.html[i], 'lxml')
batting = soup_pages.find('table',{'id':'misc_batting'})
batting_df = pd.read_html(str(batting))
# add Name, Debut, Age, Tm, and rookie_year
year_df = batting_df[0].loc[:,['Name','Debut','Age','Tm']]
year_df['rookie_year'] = [i] * batting_df[0].shape[0]
year_df.rookie_year = year_df.rookie_year.astype(int)
rookie_dfs.append(year_df) #= rookie_df.append(year_df)
# Combine the rookie_dfs
rookie_df = pd.concat(rookie_dfs)
# Strip HOF indicator from name
rookie_df.Name = rookie_df.Name.str.replace('HOF','')
rookie_df[rookie_df.Name.str.contains('HOF')]
rookie_df.Name = rookie_df.Name.str.strip()
# Make Debut a date time
rookie_df.Debut = rookie_df.Debut.astype('datetime64')
return rookie_df
def get_player_salary(html, year, name, ind):
''' Parses a player's page on baseballrefernce.com and builds a data frame of their salary data
html: player page from baseballreference.com
year: rookie year
name: player name
ind: index to build a unique identfier
return: appends to /data/salary.csv
'''
salary_soup = BeautifulSoup(html, 'lxml')
salary_html = salary_soup.find('table',{'id':'br-salaries'})
if salary_html is None:
return None
salary_tables_lst = pd.read_html(str(salary_html))
salary_df = salary_tables_lst[0]
salary_df = salary_df[~salary_df.Year.isnull()]
salary_df = salary_df[salary_df.Year.str.contains(r'[1-2]\d{3}$')]
salary_df['name'] = [name] * salary_df.shape[0]
salary_df['UID'] = [ind] * salary_df.shape[0]
salary_df['rookie_year'] = [year] * salary_df.shape[0]
salary_df.Salary = (salary_df.Salary
.str.replace('$','')
.str.replace(',','')
.str.replace('*','')
)
salary_df.loc[salary_df.Salary == '', 'Salary'] = np.nan
salary_df.Salary = salary_df.Salary.astype(float)
salary_df.Age = salary_df.Age.astype(float)
if salary_df.SrvTm.dtype != 'float64':
salary_df.loc[salary_df.SrvTm == '?','SrvTm'] = np.nan
salary_df.SrvTm = salary_df.SrvTm.astype(float)
if ind == 1:
salary_df.to_csv(PATH_S)
else:
with open(PATH_S, 'a') as f:
salary_df.to_csv(f, header=False)
def run_models(X_train, y_train, name, results = None, cv=10, alphas=[10**a for a in range(-2,5)]):
''' Method to quickly run all models with different feature sets.
Runs: OLS, Standard Scaler + LassoCV, and PolynomialFeatures + Standard Scaler + LassoCV
X_train: training feature set
y_train: training actuals
name: name of the type of run (used for comparing different feature sets)
results: data frame to hold the results if varying the feature set
cv: number of n-fold cross validations
alphas: range of alpha values for CV
return: pd.DataFrame of the MSE results
'''
# capture the results for the feature set
model_results = pd.Series(name=name)
# Perform 10-fold cross-validation linear regression model.
lin_model = LinearRegression()
scores = cross_val_score(lin_model, X_train, y_train, cv=cv, scoring='neg_mean_squared_error')
model_results['linear model - cv10'] = np.mean(-scores)
# Now perform a n-fold cross validation
cv_lasso = make_pipeline(StandardScaler(), LassoCV(cv=cv, alphas=alphas, tol=0.001))
cv_lasso.fit(X_train, y_train)
model_results['lasso cv - ' + str(cv_lasso.get_params()['lassocv'].alpha_)] = mean_mse_Lasso(cv_lasso, 'lassocv')
# Now 2-5 degree polynomial features and perform a n-fold cross validation.
for degrees in range(2,6):
cv_lasso_poly = make_pipeline(PolynomialFeatures(degrees), StandardScaler(), LassoCV(cv=cv, alphas=alphas,tol=0.001))
cv_lasso_poly.fit(X_train, y_train)
model_results['lasso poly ' + str(degrees) + ' cv - ' + str(cv_lasso_poly.get_params()['lassocv'].alpha_)] = mean_mse_Lasso(cv_lasso_poly, 'lassocv')
if results is None:
results = pd.DataFrame(model_results)
else:
results = pd.concat([results, pd.DataFrame(model_results)], axis=1, sort=True)
return results
def mean_mse_Lasso(model,name):
''' Calcualtes the MSE of an n-fold CV from LassoCV model
model: sklearn model or pipeline
name: name of the lassocv model
return float64 (mean MSE)
'''
mse = model.get_params()[name].mse_path_
alphas = model.get_params()[name].alphas_
mse_df = pd.DataFrame(data=mse, index=alphas)
return mse_df.loc[model.get_params()[name].alpha_].mean() | [
11748,
299,
32152,
355,
45941,
198,
11748,
19798,
292,
355,
279,
67,
198,
6738,
275,
82,
19,
1330,
23762,
50,
10486,
198,
6738,
384,
11925,
1505,
1330,
3992,
26230,
198,
6738,
384,
11925,
1505,
13,
12384,
26230,
13,
11321,
13,
13083,
1330,
26363,
198,
11748,
7007,
198,
11748,
640,
198,
11748,
28686,
198,
6738,
384,
11925,
1505,
13,
12384,
26230,
13,
11321,
13,
1525,
1330,
2750,
198,
11748,
302,
198,
11748,
640,
198,
6738,
1341,
35720,
13,
29127,
62,
19849,
1330,
44800,
8081,
2234,
198,
6738,
1341,
35720,
13,
19849,
62,
49283,
1330,
4512,
62,
9288,
62,
35312,
198,
6738,
1341,
35720,
13,
29127,
62,
19849,
1330,
20614,
33538,
198,
6738,
1341,
35720,
13,
29127,
62,
19849,
1330,
406,
28372,
33538,
198,
6738,
1341,
35720,
13,
79,
541,
4470,
1330,
787,
62,
79,
541,
4470,
198,
6738,
1341,
35720,
13,
3866,
36948,
1330,
12280,
26601,
498,
23595,
198,
6738,
1341,
35720,
13,
19849,
62,
49283,
1330,
509,
37,
727,
198,
6738,
1341,
35720,
13,
3866,
36948,
1330,
8997,
3351,
36213,
198,
6738,
1341,
35720,
13,
29127,
62,
19849,
1330,
20614,
198,
6738,
1341,
35720,
13,
29127,
62,
19849,
1330,
406,
28372,
198,
6738,
1341,
35720,
13,
19849,
62,
49283,
1330,
3272,
62,
2100,
62,
26675,
198,
6738,
1341,
35720,
13,
4164,
10466,
1330,
1612,
62,
16485,
1144,
62,
18224,
198,
11748,
629,
541,
88,
13,
34242,
355,
9756,
198,
198,
34219,
62,
6998,
796,
31051,
14490,
14,
38442,
4105,
14,
9310,
14,
4164,
271,
14,
8692,
1894,
62,
2815,
62,
2301,
2234,
14,
7890,
14,
14681,
276,
62,
7568,
14,
305,
482,
494,
62,
34242,
13,
40664,
6,
198,
34219,
62,
50,
796,
31051,
14490,
14,
38442,
4105,
14,
9310,
14,
4164,
271,
14,
8692,
1894,
62,
2815,
62,
2301,
2234,
14,
7890,
14,
14681,
276,
62,
7568,
14,
21680,
560,
13,
40664,
6,
198,
198,
4299,
954,
62,
707,
1371,
7,
82,
2599,
198,
220,
220,
220,
705,
7061,
2764,
82,
262,
997,
68,
1671,
286,
13304,
422,
9283,
35790,
13,
785,
810,
262,
13304,
389,
5610,
287,
44189,
5794,
628,
220,
220,
220,
264,
25,
44189,
4731,
286,
13304,
198,
220,
220,
220,
1441,
25,
493,
357,
9127,
286,
13304,
8,
198,
220,
220,
220,
705,
7061,
220,
220,
220,
220,
198,
220,
220,
220,
13304,
796,
657,
198,
220,
220,
220,
264,
796,
965,
7,
82,
8,
198,
220,
220,
220,
611,
18896,
7,
82,
8,
1875,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
13304,
796,
264,
13,
9127,
7,
3256,
11537,
10,
16,
198,
220,
220,
220,
1441,
13304,
198,
198,
4299,
651,
62,
7829,
62,
7890,
7,
6494,
11,
614,
11,
1438,
2599,
198,
220,
220,
220,
705,
7061,
23042,
274,
257,
2137,
2443,
319,
9283,
35790,
13,
785,
11,
12188,
290,
6797,
257,
1366,
5739,
284,
262,
1366,
8619,
13,
198,
220,
220,
220,
220,
198,
220,
220,
220,
27711,
25,
27711,
35034,
422,
9283,
35790,
13,
785,
198,
220,
220,
220,
614,
25,
12302,
614,
286,
262,
2137,
198,
220,
220,
220,
1438,
25,
1438,
286,
262,
2137,
628,
220,
220,
220,
1441,
25,
6797,
257,
1366,
5739,
284,
1366,
14,
8619,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
17141,
62,
32399,
796,
23762,
50,
10486,
7,
6494,
11,
705,
75,
19875,
11537,
628,
220,
220,
220,
1303,
3497,
2292,
198,
220,
220,
220,
2292,
796,
17141,
62,
32399,
13,
19796,
10786,
79,
11537,
198,
220,
220,
220,
2292,
796,
2292,
13,
3642,
658,
58,
17,
4083,
36311,
3419,
198,
220,
220,
220,
220,
198,
220,
220,
220,
611,
2292,
287,
705,
47,
23640,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
6045,
628,
220,
220,
220,
1303,
3497,
262,
8886,
329,
11795,
287,
1339,
23418,
1438,
198,
220,
220,
220,
8886,
796,
17141,
62,
32399,
13,
19796,
10786,
64,
3256,
1391,
6,
33257,
10354,
302,
13,
5589,
576,
10786,
28,
11275,
315,
11537,
30072,
198,
220,
220,
220,
8886,
796,
8886,
13,
3642,
658,
628,
220,
220,
220,
1303,
3497,
23761,
9756,
198,
220,
220,
220,
23761,
796,
17141,
62,
32399,
13,
19796,
10786,
11487,
3256,
90,
6,
312,
10354,
6,
8664,
889,
62,
20307,
6,
30072,
628,
220,
220,
220,
23761,
62,
83,
2436,
62,
4868,
796,
279,
67,
13,
961,
62,
6494,
7,
2536,
7,
8664,
889,
4008,
198,
220,
220,
220,
23761,
62,
7568,
796,
23761,
62,
83,
2436,
62,
4868,
58,
15,
60,
198,
220,
220,
220,
23761,
62,
7568,
796,
23761,
62,
7568,
58,
21912,
16,
60,
628,
220,
220,
220,
12302,
62,
34242,
796,
23761,
62,
7568,
58,
7,
8664,
889,
62,
7568,
13,
17688,
6624,
965,
7,
1941,
4008,
60,
198,
220,
220,
220,
12302,
62,
34242,
796,
12302,
62,
34242,
58,
7,
93,
305,
482,
494,
62,
34242,
13,
51,
76,
13,
2536,
13,
3642,
1299,
10786,
12,
1084,
6,
4008,
60,
198,
220,
220,
220,
12302,
62,
34242,
796,
12302,
62,
34242,
58,
305,
482,
494,
62,
34242,
13,
51,
76,
14512,
705,
51,
2394,
20520,
628,
220,
220,
220,
15180,
796,
37250,
17688,
3256,
705,
23396,
3256,
705,
51,
76,
3256,
705,
43,
70,
3256,
705,
38,
3256,
705,
4537,
3256,
705,
6242,
3256,
705,
49,
41707,
39,
3256,
705,
16811,
41707,
4339,
41707,
17184,
41707,
22737,
41707,
17,
33,
41707,
18,
33,
41707,
49,
3483,
41707,
15199,
41707,
15821,
41707,
32,
2017,
20520,
198,
220,
220,
220,
12302,
62,
34242,
796,
12302,
62,
34242,
13,
17946,
58,
45299,
15180,
60,
198,
220,
220,
220,
12302,
62,
34242,
796,
12302,
62,
34242,
58,
305,
482,
494,
62,
34242,
13,
43,
70,
13,
2536,
13,
3642,
1299,
7,
81,
6,
58,
32,
11,
45,
60,
43,
3,
11537,
60,
220,
220,
198,
220,
220,
220,
12302,
62,
34242,
17816,
9150,
20520,
796,
2292,
198,
220,
220,
220,
12302,
62,
34242,
17816,
3672,
20520,
796,
1438,
198,
220,
220,
220,
12302,
62,
34242,
17816,
11275,
315,
20520,
796,
8886,
1635,
12302,
62,
34242,
13,
43358,
58,
15,
60,
628,
220,
220,
220,
12302,
62,
34242,
13,
17688,
796,
12302,
62,
34242,
13,
17688,
13,
459,
2981,
7,
600,
8,
198,
220,
220,
220,
12302,
62,
34242,
13,
11275,
315,
796,
279,
67,
13,
1462,
62,
19608,
8079,
7,
305,
482,
494,
62,
34242,
13,
11275,
315,
11,
5794,
11639,
4,
33,
4064,
67,
11,
4064,
56,
11537,
628,
220,
220,
220,
12302,
62,
34242,
13,
17946,
58,
305,
482,
494,
62,
34242,
13,
32,
2017,
13,
271,
8423,
22784,
6,
32,
2017,
20520,
796,
10148,
198,
220,
220,
220,
12302,
62,
34242,
17816,
707,
446,
62,
9127,
20520,
796,
12302,
62,
34242,
13,
32,
2017,
13,
39014,
7,
9127,
62,
707,
1371,
8,
628,
220,
220,
220,
351,
1280,
7,
34219,
62,
6998,
11,
705,
64,
11537,
355,
277,
25,
198,
220,
220,
220,
220,
220,
220,
220,
12302,
62,
34242,
13,
1462,
62,
40664,
7,
69,
11,
13639,
28,
25101,
8,
198,
198,
4299,
1382,
62,
305,
482,
494,
62,
11487,
7,
305,
482,
494,
62,
31126,
2599,
198,
220,
220,
220,
705,
7061,
10934,
82,
257,
4958,
1366,
900,
286,
477,
12302,
1938,
1262,
262,
12302,
10638,
2443,
319,
9283,
35790,
13,
785,
198,
220,
220,
220,
220,
198,
220,
220,
220,
12302,
62,
31126,
25,
279,
67,
13,
6601,
19778,
7268,
685,
6494,
11,
614,
60,
628,
220,
220,
220,
1441,
25,
279,
67,
13,
6601,
19778,
3419,
37250,
5376,
41707,
16587,
315,
41707,
23396,
41707,
51,
76,
41707,
305,
482,
494,
62,
1941,
20520,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
12302,
62,
7568,
796,
279,
67,
13,
6601,
19778,
7,
28665,
82,
28,
17816,
5376,
41707,
16587,
315,
41707,
23396,
41707,
51,
76,
41707,
305,
482,
494,
62,
1941,
6,
12962,
198,
220,
220,
220,
12302,
62,
7568,
82,
796,
17635,
628,
220,
220,
220,
329,
1312,
287,
12302,
62,
31126,
13,
1941,
13,
27160,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
42778,
262,
12302,
42442,
357,
42813,
25259,
611,
8147,
8,
198,
220,
220,
220,
220,
220,
220,
220,
17141,
62,
31126,
796,
23762,
50,
10486,
7,
305,
482,
494,
62,
31126,
13,
6494,
58,
72,
4357,
705,
75,
19875,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
23761,
796,
17141,
62,
31126,
13,
19796,
10786,
11487,
3256,
90,
6,
312,
10354,
6,
44374,
62,
8664,
889,
6,
30072,
198,
220,
220,
220,
220,
220,
220,
220,
23761,
62,
7568,
796,
279,
67,
13,
961,
62,
6494,
7,
2536,
7,
8664,
889,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
751,
6530,
11,
1024,
4360,
11,
7129,
11,
309,
76,
11,
290,
12302,
62,
1941,
198,
220,
220,
220,
220,
220,
220,
220,
614,
62,
7568,
796,
23761,
62,
7568,
58,
15,
4083,
17946,
58,
25,
17414,
6,
5376,
41707,
16587,
315,
41707,
23396,
41707,
51,
76,
6,
11907,
198,
220,
220,
220,
220,
220,
220,
220,
614,
62,
7568,
17816,
305,
482,
494,
62,
1941,
20520,
796,
685,
72,
60,
1635,
23761,
62,
7568,
58,
15,
4083,
43358,
58,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
614,
62,
7568,
13,
305,
482,
494,
62,
1941,
796,
614,
62,
7568,
13,
305,
482,
494,
62,
1941,
13,
459,
2981,
7,
600,
8,
198,
220,
220,
220,
220,
220,
220,
220,
12302,
62,
7568,
82,
13,
33295,
7,
1941,
62,
7568,
8,
1303,
28,
12302,
62,
7568,
13,
33295,
7,
1941,
62,
7568,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
1303,
29176,
262,
12302,
62,
7568,
82,
198,
220,
220,
220,
12302,
62,
7568,
796,
279,
67,
13,
1102,
9246,
7,
305,
482,
494,
62,
7568,
82,
8,
628,
220,
220,
220,
1303,
18508,
367,
19238,
16916,
422,
1438,
198,
220,
220,
220,
12302,
62,
7568,
13,
5376,
796,
12302,
62,
7568,
13,
5376,
13,
2536,
13,
33491,
10786,
39,
19238,
3256,
7061,
8,
198,
220,
220,
220,
12302,
62,
7568,
58,
305,
482,
494,
62,
7568,
13,
5376,
13,
2536,
13,
3642,
1299,
10786,
39,
19238,
11537,
60,
198,
220,
220,
220,
12302,
62,
7568,
13,
5376,
796,
12302,
62,
7568,
13,
5376,
13,
2536,
13,
36311,
3419,
628,
220,
220,
220,
1303,
6889,
1024,
4360,
257,
3128,
640,
198,
220,
220,
220,
12302,
62,
7568,
13,
16587,
315,
796,
12302,
62,
7568,
13,
16587,
315,
13,
459,
2981,
10786,
19608,
8079,
2414,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
1441,
12302,
62,
7568,
198,
198,
4299,
651,
62,
7829,
62,
21680,
560,
7,
6494,
11,
614,
11,
1438,
11,
773,
2599,
198,
220,
220,
220,
705,
7061,
23042,
274,
257,
2137,
338,
2443,
319,
9283,
5420,
1142,
344,
13,
785,
290,
12188,
257,
1366,
5739,
286,
511,
9588,
1366,
628,
220,
220,
220,
27711,
25,
2137,
2443,
422,
9283,
35790,
13,
785,
198,
220,
220,
220,
614,
25,
12302,
614,
198,
220,
220,
220,
1438,
25,
2137,
1438,
198,
220,
220,
220,
773,
25,
6376,
284,
1382,
257,
3748,
1852,
69,
959,
628,
220,
220,
220,
1441,
25,
598,
2412,
284,
1220,
7890,
14,
21680,
560,
13,
40664,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
9588,
62,
82,
10486,
796,
23762,
50,
10486,
7,
6494,
11,
705,
75,
19875,
11537,
628,
220,
220,
220,
9588,
62,
6494,
796,
9588,
62,
82,
10486,
13,
19796,
10786,
11487,
3256,
90,
6,
312,
10354,
6,
1671,
12,
21680,
3166,
6,
30072,
198,
220,
220,
220,
611,
9588,
62,
6494,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
6045,
220,
220,
220,
220,
198,
220,
220,
220,
220,
198,
220,
220,
220,
9588,
62,
83,
2977,
62,
75,
301,
796,
279,
67,
13,
961,
62,
6494,
7,
2536,
7,
21680,
560,
62,
6494,
4008,
198,
220,
220,
220,
9588,
62,
7568,
796,
9588,
62,
83,
2977,
62,
75,
301,
58,
15,
60,
198,
220,
220,
220,
220,
198,
220,
220,
220,
9588,
62,
7568,
796,
9588,
62,
7568,
58,
93,
21680,
560,
62,
7568,
13,
17688,
13,
271,
8423,
3419,
60,
198,
220,
220,
220,
9588,
62,
7568,
796,
9588,
62,
7568,
58,
21680,
560,
62,
7568,
13,
17688,
13,
2536,
13,
3642,
1299,
7,
81,
6,
58,
16,
12,
17,
60,
59,
67,
90,
18,
92,
3,
11537,
60,
628,
220,
220,
220,
9588,
62,
7568,
17816,
3672,
20520,
796,
685,
3672,
60,
1635,
9588,
62,
7568,
13,
43358,
58,
15,
60,
198,
220,
220,
220,
9588,
62,
7568,
17816,
27586,
20520,
796,
685,
521,
60,
1635,
9588,
62,
7568,
13,
43358,
58,
15,
60,
198,
220,
220,
220,
9588,
62,
7568,
17816,
305,
482,
494,
62,
1941,
20520,
796,
685,
1941,
60,
1635,
9588,
62,
7568,
13,
43358,
58,
15,
60,
628,
220,
220,
220,
9588,
62,
7568,
13,
19221,
560,
796,
357,
21680,
560,
62,
7568,
13,
19221,
560,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
764,
2536,
13,
33491,
10786,
3,
3256,
7061,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
764,
2536,
13,
33491,
7,
3256,
3256,
7061,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
764,
2536,
13,
33491,
10786,
9,
3256,
7061,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
9588,
62,
7568,
13,
17946,
58,
21680,
560,
62,
7568,
13,
19221,
560,
6624,
705,
3256,
705,
19221,
560,
20520,
796,
45941,
13,
12647,
198,
220,
220,
220,
9588,
62,
7568,
13,
19221,
560,
796,
9588,
62,
7568,
13,
19221,
560,
13,
459,
2981,
7,
22468,
8,
628,
220,
220,
220,
9588,
62,
7568,
13,
23396,
796,
9588,
62,
7568,
13,
23396,
13,
459,
2981,
7,
22468,
8,
628,
220,
220,
220,
611,
9588,
62,
7568,
13,
50,
81,
85,
51,
76,
13,
67,
4906,
14512,
705,
22468,
2414,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
9588,
62,
7568,
13,
17946,
58,
21680,
560,
62,
7568,
13,
50,
81,
85,
51,
76,
6624,
705,
30,
41707,
50,
81,
85,
51,
76,
20520,
796,
45941,
13,
12647,
198,
220,
220,
220,
220,
220,
220,
220,
9588,
62,
7568,
13,
50,
81,
85,
51,
76,
796,
9588,
62,
7568,
13,
50,
81,
85,
51,
76,
13,
459,
2981,
7,
22468,
8,
628,
220,
220,
220,
611,
773,
6624,
352,
25,
198,
220,
220,
220,
220,
220,
220,
220,
9588,
62,
7568,
13,
1462,
62,
40664,
7,
34219,
62,
50,
8,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
351,
1280,
7,
34219,
62,
50,
11,
705,
64,
11537,
355,
277,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9588,
62,
7568,
13,
1462,
62,
40664,
7,
69,
11,
13639,
28,
25101,
8,
198,
198,
4299,
1057,
62,
27530,
7,
55,
62,
27432,
11,
331,
62,
27432,
11,
1438,
11,
2482,
796,
6045,
11,
269,
85,
28,
940,
11,
435,
5902,
41888,
940,
1174,
64,
329,
257,
287,
2837,
32590,
17,
11,
20,
15437,
2599,
198,
220,
220,
220,
705,
7061,
11789,
284,
2952,
1057,
477,
4981,
351,
1180,
3895,
5621,
13,
220,
198,
220,
220,
220,
44743,
25,
440,
6561,
11,
8997,
34529,
263,
1343,
406,
28372,
33538,
11,
290,
12280,
26601,
498,
23595,
1343,
8997,
34529,
263,
1343,
406,
28372,
33538,
628,
220,
220,
220,
1395,
62,
27432,
25,
3047,
3895,
900,
198,
220,
220,
220,
331,
62,
27432,
25,
3047,
4036,
82,
198,
220,
220,
220,
1438,
25,
1438,
286,
262,
2099,
286,
1057,
357,
1484,
329,
14176,
1180,
3895,
5621,
8,
198,
220,
220,
220,
2482,
25,
1366,
5739,
284,
1745,
262,
2482,
611,
15874,
262,
3895,
900,
198,
220,
220,
220,
269,
85,
25,
1271,
286,
299,
12,
11379,
3272,
4938,
602,
198,
220,
220,
220,
435,
5902,
25,
2837,
286,
17130,
3815,
329,
26196,
628,
220,
220,
220,
1441,
25,
279,
67,
13,
6601,
19778,
286,
262,
337,
5188,
2482,
198,
220,
220,
220,
705,
7061,
220,
220,
220,
220,
198,
220,
220,
220,
1303,
8006,
262,
2482,
329,
262,
3895,
900,
198,
220,
220,
220,
2746,
62,
43420,
796,
279,
67,
13,
27996,
7,
3672,
28,
3672,
8,
628,
220,
220,
220,
1303,
35006,
838,
12,
11379,
3272,
12,
12102,
341,
14174,
20683,
2746,
13,
628,
220,
220,
220,
9493,
62,
19849,
796,
44800,
8081,
2234,
3419,
198,
220,
220,
220,
8198,
796,
3272,
62,
2100,
62,
26675,
7,
2815,
62,
19849,
11,
1395,
62,
27432,
11,
331,
62,
27432,
11,
269,
85,
28,
33967,
11,
9689,
11639,
12480,
62,
32604,
62,
16485,
1144,
62,
18224,
11537,
198,
220,
220,
220,
2746,
62,
43420,
17816,
29127,
2746,
532,
269,
85,
940,
20520,
796,
45941,
13,
32604,
32590,
1416,
2850,
8,
628,
198,
220,
220,
220,
1303,
2735,
1620,
257,
299,
12,
11379,
3272,
21201,
198,
220,
220,
220,
269,
85,
62,
75,
28372,
796,
787,
62,
79,
541,
4470,
7,
23615,
3351,
36213,
22784,
406,
28372,
33538,
7,
33967,
28,
33967,
11,
435,
5902,
28,
282,
5902,
11,
284,
75,
28,
15,
13,
8298,
4008,
198,
220,
220,
220,
269,
85,
62,
75,
28372,
13,
11147,
7,
55,
62,
27432,
11,
331,
62,
27432,
8,
198,
220,
220,
220,
2746,
62,
43420,
17816,
75,
28372,
269,
85,
532,
705,
1343,
965,
7,
33967,
62,
75,
28372,
13,
1136,
62,
37266,
3419,
17816,
31172,
420,
85,
6,
4083,
26591,
62,
15437,
796,
1612,
62,
76,
325,
62,
43,
28372,
7,
33967,
62,
75,
28372,
11,
705,
31172,
420,
85,
11537,
628,
220,
220,
220,
1303,
2735,
362,
12,
20,
4922,
745,
6213,
49070,
3033,
290,
1620,
257,
299,
12,
11379,
3272,
21201,
13,
628,
220,
220,
220,
329,
7370,
287,
2837,
7,
17,
11,
21,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
269,
85,
62,
75,
28372,
62,
35428,
796,
787,
62,
79,
541,
4470,
7,
34220,
26601,
498,
23595,
7,
13500,
6037,
828,
8997,
3351,
36213,
22784,
406,
28372,
33538,
7,
33967,
28,
33967,
11,
435,
5902,
28,
282,
5902,
11,
83,
349,
28,
15,
13,
8298,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
269,
85,
62,
75,
28372,
62,
35428,
13,
11147,
7,
55,
62,
27432,
11,
331,
62,
27432,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2746,
62,
43420,
17816,
75,
28372,
7514,
705,
1343,
965,
7,
13500,
6037,
8,
1343,
705,
269,
85,
532,
705,
1343,
965,
7,
33967,
62,
75,
28372,
62,
35428,
13,
1136,
62,
37266,
3419,
17816,
31172,
420,
85,
6,
4083,
26591,
62,
15437,
796,
1612,
62,
76,
325,
62,
43,
28372,
7,
33967,
62,
75,
28372,
62,
35428,
11,
705,
31172,
420,
85,
11537,
628,
220,
220,
220,
611,
2482,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2482,
796,
279,
67,
13,
6601,
19778,
7,
19849,
62,
43420,
8,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2482,
796,
279,
67,
13,
1102,
9246,
26933,
43420,
11,
279,
67,
13,
6601,
19778,
7,
19849,
62,
43420,
8,
4357,
16488,
28,
16,
11,
3297,
28,
17821,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
1441,
2482,
198,
198,
4299,
1612,
62,
76,
325,
62,
43,
28372,
7,
19849,
11,
3672,
2599,
198,
220,
220,
220,
705,
7061,
2199,
66,
723,
4879,
262,
337,
5188,
286,
281,
299,
12,
11379,
26196,
422,
406,
28372,
33538,
2746,
198,
220,
220,
220,
2746,
25,
1341,
35720,
2746,
393,
11523,
198,
220,
220,
220,
1438,
25,
1438,
286,
262,
300,
562,
420,
85,
2746,
628,
220,
220,
220,
1441,
12178,
2414,
357,
32604,
337,
5188,
8,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
285,
325,
796,
2746,
13,
1136,
62,
37266,
3419,
58,
3672,
4083,
76,
325,
62,
6978,
62,
198,
220,
220,
220,
435,
5902,
796,
2746,
13,
1136,
62,
37266,
3419,
58,
3672,
4083,
282,
5902,
62,
198,
220,
220,
220,
285,
325,
62,
7568,
796,
279,
67,
13,
6601,
19778,
7,
7890,
28,
76,
325,
11,
6376,
28,
282,
5902,
8,
628,
220,
220,
220,
1441,
285,
325,
62,
7568,
13,
17946,
58,
19849,
13,
1136,
62,
37266,
3419,
58,
3672,
4083,
26591,
62,
4083,
32604,
3419
] | 2.460406 | 3,397 |
import sys
feature_map_basic = {
"avg_length":"the average length",
"avg_basic_words":"the ratio of basic words (pre-defied by a dictionary)",
"avg_lexical_richness":"the lexical diversity",
"avg_gender_bias_word_male":"the average ratio of male words",
"avg_gender_bias_word_female":"the average ratio of female words",
"avg_gender_bias_single_name_male":"the average ratio of male names",
"avg_gender_bias_single_name_female":"the average ratio of female names",
"avg_gender_bias_name_male":"the average ratio of male names",
"avg_gender_bias_name_female": "the average ratio of female names",
"avg_span_length_of_ner_tags": "the average of entity length",
"avg_eCon_of_ner_tags": "the average of entity's label consistency (defined in the paper: Interpretable Multi-dataset Evaluation for Named Entity Recognition)",
"avg_eFre_of_ner_tags":"the average of entity frequency",
"avg_density":"the average density (measures to what extent a summary covers the content in the source text)",
"avg_coverage":"the average of coverage (measures to what extent a summary covers the content in the source text)",
"avg_compression": "the average of compression (measures the compression ratio from the source text to the generated summary)",
"avg_repetition": "the average of repetition (measures the rate of repeated segments in summaries. The segments are instantiated as trigrams)",
"avg_novelty": "the average of novelty (the proportion of segments in the summaries that have not appeared in source documents. The segments are instantiated as bigrams)",
"avg_copy_length": "the average of copy_length (the average length of segments in summary copied from source document)",
}
feature_map_basic2 = {"divide":"fraction",
"minus":"difference",
"add":"addition",}
# Usage & Test Cases:
# feature_name = "background_train_avg_gender_bias_single_name_male"
# feature_name = "bleu_question_situation_avg_test"
# feature_name = "question_length_divide_situation_avg_validation_length"
# feature_name = "avg_span_length_of_ner_tags_test"
# feature_name = "avg_eCon_of_ner_tags_validation"
# feature_name = "avg_compression_of_test_highlights_and_article"
# feature_name = "avg_copy_length_of_test_highlights_and_article"
# feature_name = "premise_length_add_hypothesis_avg_validation_length"
# feature_name = "premise_length_divide_hypothesis_avg_train_length"
# feature_name = "bleu_question_context_avg_train"
# feature_name = "question_length_divide_context_avg_validation_length"
#
# print(get_feature_description(feature_name)) | [
11748,
25064,
628,
198,
198,
30053,
62,
8899,
62,
35487,
796,
1391,
198,
220,
220,
220,
366,
615,
70,
62,
13664,
2404,
1169,
2811,
4129,
1600,
198,
220,
220,
220,
366,
615,
70,
62,
35487,
62,
10879,
2404,
1169,
8064,
286,
4096,
2456,
357,
3866,
12,
4299,
798,
416,
257,
22155,
42501,
198,
220,
220,
220,
366,
615,
70,
62,
2588,
605,
62,
7527,
1108,
2404,
1169,
31191,
605,
9573,
1600,
198,
220,
220,
220,
366,
615,
70,
62,
8388,
62,
65,
4448,
62,
4775,
62,
22606,
2404,
1169,
2811,
8064,
286,
4257,
2456,
1600,
198,
220,
220,
220,
366,
615,
70,
62,
8388,
62,
65,
4448,
62,
4775,
62,
24724,
2404,
1169,
2811,
8064,
286,
4048,
2456,
1600,
198,
220,
220,
220,
366,
615,
70,
62,
8388,
62,
65,
4448,
62,
29762,
62,
3672,
62,
22606,
2404,
1169,
2811,
8064,
286,
4257,
3891,
1600,
198,
220,
220,
220,
366,
615,
70,
62,
8388,
62,
65,
4448,
62,
29762,
62,
3672,
62,
24724,
2404,
1169,
2811,
8064,
286,
4048,
3891,
1600,
198,
220,
220,
220,
366,
615,
70,
62,
8388,
62,
65,
4448,
62,
3672,
62,
22606,
2404,
1169,
2811,
8064,
286,
4257,
3891,
1600,
198,
220,
220,
220,
366,
615,
70,
62,
8388,
62,
65,
4448,
62,
3672,
62,
24724,
1298,
366,
1169,
2811,
8064,
286,
4048,
3891,
1600,
198,
220,
220,
220,
366,
615,
70,
62,
12626,
62,
13664,
62,
1659,
62,
1008,
62,
31499,
1298,
366,
1169,
2811,
286,
9312,
4129,
1600,
198,
220,
220,
220,
366,
615,
70,
62,
68,
3103,
62,
1659,
62,
1008,
62,
31499,
1298,
366,
1169,
2811,
286,
9312,
338,
6167,
15794,
357,
23211,
287,
262,
3348,
25,
48907,
540,
15237,
12,
19608,
292,
316,
34959,
329,
34441,
20885,
31517,
653,
42501,
198,
220,
220,
220,
366,
615,
70,
62,
68,
20366,
62,
1659,
62,
1008,
62,
31499,
2404,
1169,
2811,
286,
9312,
8373,
1600,
198,
220,
220,
220,
366,
615,
70,
62,
43337,
2404,
1169,
2811,
12109,
357,
47336,
284,
644,
6287,
257,
10638,
8698,
262,
2695,
287,
262,
2723,
2420,
42501,
198,
220,
220,
220,
366,
615,
70,
62,
1073,
1857,
2404,
1169,
2811,
286,
5197,
357,
47336,
284,
644,
6287,
257,
10638,
8698,
262,
2695,
287,
262,
2723,
2420,
42501,
198,
220,
220,
220,
366,
615,
70,
62,
5589,
2234,
1298,
366,
1169,
2811,
286,
19794,
357,
47336,
262,
19794,
8064,
422,
262,
2723,
2420,
284,
262,
7560,
10638,
42501,
198,
220,
220,
220,
366,
615,
70,
62,
260,
6449,
653,
1298,
366,
1169,
2811,
286,
29693,
357,
47336,
262,
2494,
286,
5100,
17894,
287,
30114,
3166,
13,
383,
17894,
389,
9113,
12931,
355,
5192,
9474,
42501,
198,
220,
220,
220,
366,
615,
70,
62,
3919,
626,
774,
1298,
366,
1169,
2811,
286,
31650,
357,
1169,
9823,
286,
17894,
287,
262,
30114,
3166,
326,
423,
407,
4120,
287,
2723,
4963,
13,
383,
17894,
389,
9113,
12931,
355,
1263,
9474,
42501,
198,
220,
220,
220,
366,
615,
70,
62,
30073,
62,
13664,
1298,
366,
1169,
2811,
286,
4866,
62,
13664,
357,
1169,
2811,
4129,
286,
17894,
287,
10638,
18984,
422,
2723,
3188,
42501,
198,
92,
198,
198,
30053,
62,
8899,
62,
35487,
17,
796,
19779,
7146,
485,
2404,
69,
7861,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
40191,
2404,
26069,
1945,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
2860,
2404,
2860,
653,
1600,
92,
628,
628,
628,
628,
198,
2,
29566,
1222,
6208,
35536,
25,
198,
2,
3895,
62,
3672,
796,
366,
25249,
62,
27432,
62,
615,
70,
62,
8388,
62,
65,
4448,
62,
29762,
62,
3672,
62,
22606,
1,
198,
2,
3895,
62,
3672,
796,
366,
903,
84,
62,
25652,
62,
48937,
2288,
62,
615,
70,
62,
9288,
1,
198,
2,
3895,
62,
3672,
796,
366,
25652,
62,
13664,
62,
7146,
485,
62,
48937,
2288,
62,
615,
70,
62,
12102,
341,
62,
13664,
1,
198,
2,
3895,
62,
3672,
796,
366,
615,
70,
62,
12626,
62,
13664,
62,
1659,
62,
1008,
62,
31499,
62,
9288,
1,
198,
2,
3895,
62,
3672,
796,
366,
615,
70,
62,
68,
3103,
62,
1659,
62,
1008,
62,
31499,
62,
12102,
341,
1,
198,
2,
3895,
62,
3672,
796,
366,
615,
70,
62,
5589,
2234,
62,
1659,
62,
9288,
62,
8929,
8091,
62,
392,
62,
20205,
1,
198,
2,
3895,
62,
3672,
796,
366,
615,
70,
62,
30073,
62,
13664,
62,
1659,
62,
9288,
62,
8929,
8091,
62,
392,
62,
20205,
1,
198,
2,
3895,
62,
3672,
796,
366,
31605,
786,
62,
13664,
62,
2860,
62,
36362,
313,
8497,
62,
615,
70,
62,
12102,
341,
62,
13664,
1,
198,
2,
3895,
62,
3672,
796,
366,
31605,
786,
62,
13664,
62,
7146,
485,
62,
36362,
313,
8497,
62,
615,
70,
62,
27432,
62,
13664,
1,
198,
2,
3895,
62,
3672,
796,
366,
903,
84,
62,
25652,
62,
22866,
62,
615,
70,
62,
27432,
1,
198,
2,
3895,
62,
3672,
796,
366,
25652,
62,
13664,
62,
7146,
485,
62,
22866,
62,
615,
70,
62,
12102,
341,
62,
13664,
1,
198,
2,
198,
2,
3601,
7,
1136,
62,
30053,
62,
11213,
7,
30053,
62,
3672,
4008
] | 3.032073 | 873 |
from typing import List
from wt.ids import BaseId
from wt.fields.links._obj import Link
| [
6738,
19720,
1330,
7343,
198,
198,
6738,
266,
83,
13,
2340,
1330,
7308,
7390,
198,
6738,
266,
83,
13,
25747,
13,
28751,
13557,
26801,
1330,
7502,
628
] | 3.333333 | 27 |
fileName = 'test.txt'
linebreak = '\n'
items = [['a,99,22'], ['b,34,dd'], ['c,5,21']]
writeItemsToFile(items)
items = getItemsFromFile()
print(items)
| [
7753,
5376,
796,
705,
9288,
13,
14116,
6,
198,
1370,
9032,
796,
705,
59,
77,
6,
198,
198,
23814,
796,
16410,
6,
64,
11,
2079,
11,
1828,
6,
4357,
37250,
65,
11,
2682,
11,
1860,
6,
4357,
37250,
66,
11,
20,
11,
2481,
6,
11907,
198,
13564,
23022,
2514,
8979,
7,
23814,
8,
198,
23814,
796,
651,
23022,
4863,
8979,
3419,
198,
4798,
7,
23814,
8,
198
] | 2.253731 | 67 |
__________________________________________________________________________________________________
sample 56 ms submission
# Definition for a binary tree node.
# class TreeNode:
# def __init__(self, x):
# self.val = x
# self.left = None
# self.right = None
__________________________________________________________________________________________________
sample 17372 kb submission
# Definition for a binary tree node.
# class TreeNode:
# def __init__(self, x):
# self.val = x
# self.left = None
# self.right = None
__________________________________________________________________________________________________
| [
27193,
10221,
834,
198,
39873,
7265,
13845,
14498,
198,
2,
30396,
329,
257,
13934,
5509,
10139,
13,
198,
2,
1398,
12200,
19667,
25,
198,
2,
220,
220,
220,
220,
825,
11593,
15003,
834,
7,
944,
11,
2124,
2599,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
2100,
796,
2124,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
9464,
796,
6045,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
3506,
796,
6045,
198,
27193,
10221,
834,
198,
39873,
1596,
36720,
47823,
14498,
198,
2,
30396,
329,
257,
13934,
5509,
10139,
13,
198,
2,
1398,
12200,
19667,
25,
198,
2,
220,
220,
220,
220,
825,
11593,
15003,
834,
7,
944,
11,
2124,
2599,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
2100,
796,
2124,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
9464,
796,
6045,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
3506,
796,
6045,
198,
27193,
10221,
834,
198
] | 3.884393 | 173 |
from epics import caput, caget
from math import inf, nan
from IEX_29id.utils.exp import CheckBranch
from IEX_29id.utils.misc import read_dict
from bluesky import plan_stubs as bps
import logging
from ophyd import EpicsMotor, EpicsSignal, PVPositionerPC, EpicsSignalRO, Signal
from ophyd import Component, Device
from apstools.devices import EpicsDescriptionMixin
# busy_record = Component(EpicsSignalRO, "29idKappa:Kappa_busy", done_value=0,kind='omitted')
## Instantiate pseudo motors
slits = _My4Slits("29idb:Slit",name="motors")
#--------------------------- Old Functions ----------------------------#
# def slit(val):
# """
# Sets the exit slits:
# ARPES = 0 < x < 300 um
# Kappa = 0 < x < 1000 um
# """
# SetExitSlit(val)
# def SetSlit1A(Hsize,Vsize,Hcenter,Vcenter,q=None):
# """move slits 1A: Hsize x Vsize centered at (Hcenter,Vcenter)"""
# caput("29idb:Slit1Hsync.PROC",1) # make sure slits are in sink with real motors
# caput("29idb:Slit1Vsync.PROC",1)
# caput("29idb:Slit1Hsize.VAL", Hsize)
# caput("29idb:Slit1Vsize.VAL", Vsize)
# caput("29idb:Slit1Hcenter.VAL",Hcenter)
# caput("29idb:Slit1Vcenter.VAL",Vcenter)
# if not q:
# print("Slit-1A = ("+str(round(Hsize,3))+"x"+str(round(Vsize,3))+") @ ("+str(Hcenter)+","+str(Vcenter)+")")
# def SetSlit2B(Hsize,Vsize,Hcenter,Vcenter,q=None):
# caput("29idb:Slit2Hsync.PROC",1)
# caput("29idb:Slit2Vsync.PROC",1)
# caput("29idb:Slit2Hsize.VAL", Hsize)
# caput("29idb:Slit2Vsize.VAL", Vsize)
# caput("29idb:Slit2Hcenter.VAL",Hcenter)
# caput("29idb:Slit2Vcenter.VAL",Vcenter)
# if not q:
# print("Slit-2B = ("+str(Hsize)+"x"+str(Vsize)+") @ ("+str(Hcenter)+","+str(Vcenter)+")")
# def SetSlit3C(size):
# caput("29idb:Slit3CFit.A",size)
# print("Slit-3C =",size,"um")
# def SetSlit3D(size,position=None):
# if position == None:
# position=round(caget('29idb:Slit4Vt2.D'),2)
# caput("29idb:Slit4Vcenter.VAL")
# caput("29idb:Slit4Vsize.VAL",size,wait=True,timeout=18000)
# print("Slit-3D =",size,"um")
# def SetSlit_BL(c2B=1,c1A=1,q=None):
# RBV=caget("29idmono:ENERGY_MON")
# GRT=caget("29idmono:GRT_DENSITY")
# hv=max(RBV,500)
# hv=min(RBV,2000)
# c=4.2/2.2
# if GRT==1200:
# GRT='MEG'
# V=0.65 # set to 65% of RR calculation for both grt => cf 2016_2_summary
# elif GRT==2400:
# GRT='HEG'
# V=0.65*c # set to 65% of RR calculation (no longer 80%) => cf 2016_2_summary
# try:
# slit_position=read_dict(FileName='Dict_Slit.txt')
# except KeyError:
# print("Unable to read dictionary")
# return
# V2center= slit_position[GRT]['S2V']
# H2center= slit_position[GRT]['S2H']
# V1center= slit_position[GRT]['S1V']
# H1center= slit_position[GRT]['S1H']
# Size1A=( Aperture_Fit(hv,1)[0]*c1A, Aperture_Fit(hv,1)[1]*c1A )
# Size2B=( Aperture_Fit(hv,2)[0]*c2B, round(Aperture_Fit(hv,2)[1]*c2B*V,3))
# SetSlit1A (Size1A[0],Size1A[1],H1center,V1center,q) # standard operating
# SetSlit2B(Size2B[0],Size2B[1],H2center,V2center,q)
# def SetExitSlit(size):
# branch=CheckBranch()
# if branch == "c":
# SetSlit3C(size)
# elif branch == "d":
# SetSlit3D(size)
# def Slit3C_Fit(size):
# K0=-36.383
# K1=0.16473
# K2=-0.00070276
# K3=8.4346e-06
# K4=-5.6215e-08
# K5=1.8223e-10
# K6=-2.2635e-13
# motor=K0+K1*size+K2*size**2+K3*size**3+K4*size**4+K5*size**5+K6*size**6
# return motor
# def Slit_Coef(n):
# if n == 1:
# pv='29id:k_slit1A'
# #Redshifted x (H):
# H0=2.3325
# H1=-.000936
# H2=2.4e-7
# #Redshifted z (V):
# V0=2.3935
# V1=-.0013442
# V2=3.18e-7
# if n == 2:
# pv='29id:k_slit2B'
# #Redshifted x (H):
# H0=3.61
# H1=-0.00186
# H2=5.2e-7
# #Redshifted z (V):
# V0=6.8075
# V1=-0.003929
# V2=9.5e-7
# K=H0,H1,H2,V0,V1,V2
# return pv,K
# def Aperture_Fit(hv,n):
# K=Slit_Coef(n)[1]
# sizeH=K[0]+K[1]*hv+K[2]*hv*hv
# sizeV=K[3]+K[4]*hv+K[5]*hv*hv
# return [round(sizeH,3),round(sizeV,3)]
# # SetSlits:
# def SetSlit(n,Hsize=None,Vsize=None,Hcenter=0,Vcenter=0,q=None):
# if n == 1:
# if Hsize in [inf,nan,None]: Hsize=4.5
# if Vsize in [inf,nan,None]: Vsize=4.5
# SetSlit1A(Hsize,Vsize,Hcenter,Vcenter,q=None)
# elif n == 2:
# if Hsize in [inf,nan,None]: Hsize=6
# if Vsize in [inf,nan,None]: Vsize=8
# SetSlit2B(Hsize,Vsize,Hcenter,Vcenter,q=None)
# else:
# print('Not a valid slit number')
| [
6738,
2462,
873,
1330,
1451,
315,
11,
269,
363,
316,
198,
6738,
10688,
1330,
1167,
11,
15709,
198,
6738,
314,
6369,
62,
1959,
312,
13,
26791,
13,
11201,
1330,
6822,
33,
25642,
198,
6738,
314,
6369,
62,
1959,
312,
13,
26791,
13,
44374,
1330,
1100,
62,
11600,
628,
198,
198,
6738,
25570,
2584,
1330,
1410,
62,
301,
23161,
355,
275,
862,
198,
11748,
18931,
198,
6738,
267,
746,
5173,
1330,
4551,
873,
34919,
11,
4551,
873,
11712,
282,
11,
350,
8859,
3507,
263,
5662,
11,
4551,
873,
11712,
282,
13252,
11,
26484,
220,
220,
220,
220,
198,
6738,
267,
746,
5173,
1330,
35100,
11,
16232,
198,
6738,
2471,
301,
10141,
13,
42034,
1330,
4551,
873,
11828,
35608,
259,
628,
628,
198,
2,
220,
220,
220,
8179,
62,
22105,
796,
35100,
7,
13807,
873,
11712,
282,
13252,
11,
366,
1959,
312,
42,
20975,
25,
42,
20975,
62,
10885,
88,
1600,
1760,
62,
8367,
28,
15,
11,
11031,
11639,
296,
2175,
11537,
198,
198,
2235,
24470,
9386,
24543,
24699,
198,
6649,
896,
796,
4808,
3666,
19,
11122,
896,
7203,
1959,
312,
65,
25,
11122,
270,
1600,
3672,
2625,
27926,
669,
4943,
628,
628,
198,
2,
22369,
6329,
5706,
40480,
34400,
10541,
2,
628,
198,
2,
825,
40724,
7,
2100,
2599,
198,
2,
220,
220,
220,
220,
37227,
198,
2,
220,
220,
220,
220,
21394,
262,
8420,
1017,
896,
25,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
5923,
47,
1546,
796,
657,
1279,
2124,
1279,
5867,
220,
23781,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
39553,
220,
796,
657,
1279,
2124,
1279,
8576,
23781,
198,
2,
220,
220,
220,
220,
37227,
198,
2,
220,
220,
220,
220,
5345,
30337,
11122,
270,
7,
2100,
8,
628,
198,
2,
825,
5345,
11122,
270,
16,
32,
7,
39,
7857,
11,
53,
7857,
11,
39,
16159,
11,
53,
16159,
11,
80,
28,
14202,
2599,
220,
220,
220,
198,
2,
220,
220,
220,
220,
37227,
21084,
1017,
896,
352,
32,
25,
367,
7857,
2124,
569,
7857,
19254,
379,
357,
39,
16159,
11,
53,
16159,
8,
37811,
198,
2,
220,
220,
220,
220,
1451,
315,
7203,
1959,
312,
65,
25,
11122,
270,
16,
39,
27261,
13,
4805,
4503,
1600,
16,
8,
220,
220,
220,
1303,
787,
1654,
1017,
896,
389,
287,
14595,
351,
1103,
24699,
198,
2,
220,
220,
220,
220,
1451,
315,
7203,
1959,
312,
65,
25,
11122,
270,
16,
53,
27261,
13,
4805,
4503,
1600,
16,
8,
198,
2,
220,
220,
220,
220,
1451,
315,
7203,
1959,
312,
65,
25,
11122,
270,
16,
39,
7857,
13,
23428,
1600,
367,
7857,
8,
198,
2,
220,
220,
220,
220,
1451,
315,
7203,
1959,
312,
65,
25,
11122,
270,
16,
53,
7857,
13,
23428,
1600,
569,
7857,
8,
198,
2,
220,
220,
220,
220,
1451,
315,
7203,
1959,
312,
65,
25,
11122,
270,
16,
39,
16159,
13,
23428,
1600,
39,
16159,
8,
198,
2,
220,
220,
220,
220,
1451,
315,
7203,
1959,
312,
65,
25,
11122,
270,
16,
53,
16159,
13,
23428,
1600,
53,
16159,
8,
198,
2,
220,
220,
220,
220,
611,
407,
10662,
25,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
7203,
11122,
270,
12,
16,
32,
796,
5855,
10,
2536,
7,
744,
7,
39,
7857,
11,
18,
4008,
10,
1,
87,
1,
10,
2536,
7,
744,
7,
53,
7857,
11,
18,
4008,
10,
4943,
2488,
5855,
10,
2536,
7,
39,
16159,
47762,
2430,
10,
2536,
7,
53,
16159,
47762,
4943,
4943,
198,
198,
2,
825,
5345,
11122,
270,
17,
33,
7,
39,
7857,
11,
53,
7857,
11,
39,
16159,
11,
53,
16159,
11,
80,
28,
14202,
2599,
198,
2,
220,
220,
220,
220,
1451,
315,
7203,
1959,
312,
65,
25,
11122,
270,
17,
39,
27261,
13,
4805,
4503,
1600,
16,
8,
198,
2,
220,
220,
220,
220,
1451,
315,
7203,
1959,
312,
65,
25,
11122,
270,
17,
53,
27261,
13,
4805,
4503,
1600,
16,
8,
198,
2,
220,
220,
220,
220,
1451,
315,
7203,
1959,
312,
65,
25,
11122,
270,
17,
39,
7857,
13,
23428,
1600,
367,
7857,
8,
198,
2,
220,
220,
220,
220,
1451,
315,
7203,
1959,
312,
65,
25,
11122,
270,
17,
53,
7857,
13,
23428,
1600,
569,
7857,
8,
198,
2,
220,
220,
220,
220,
1451,
315,
7203,
1959,
312,
65,
25,
11122,
270,
17,
39,
16159,
13,
23428,
1600,
39,
16159,
8,
198,
2,
220,
220,
220,
220,
1451,
315,
7203,
1959,
312,
65,
25,
11122,
270,
17,
53,
16159,
13,
23428,
1600,
53,
16159,
8,
198,
2,
220,
220,
220,
220,
611,
407,
10662,
25,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
7203,
11122,
270,
12,
17,
33,
796,
5855,
10,
2536,
7,
39,
7857,
47762,
1,
87,
1,
10,
2536,
7,
53,
7857,
47762,
4943,
2488,
5855,
10,
2536,
7,
39,
16159,
47762,
2430,
10,
2536,
7,
53,
16159,
47762,
4943,
4943,
628,
198,
198,
2,
825,
5345,
11122,
270,
18,
34,
7,
7857,
2599,
198,
2,
220,
220,
220,
220,
1451,
315,
7203,
1959,
312,
65,
25,
11122,
270,
18,
22495,
270,
13,
32,
1600,
7857,
8,
198,
2,
220,
220,
220,
220,
3601,
7203,
11122,
270,
12,
18,
34,
796,
1600,
7857,
553,
388,
4943,
628,
198,
2,
825,
5345,
11122,
270,
18,
35,
7,
7857,
11,
9150,
28,
14202,
2599,
198,
2,
220,
220,
220,
220,
611,
2292,
6624,
6045,
25,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
2292,
28,
744,
7,
66,
363,
316,
10786,
1959,
312,
65,
25,
11122,
270,
19,
53,
83,
17,
13,
35,
33809,
17,
8,
198,
2,
220,
220,
220,
220,
1451,
315,
7203,
1959,
312,
65,
25,
11122,
270,
19,
53,
16159,
13,
23428,
4943,
198,
2,
220,
220,
220,
220,
1451,
315,
7203,
1959,
312,
65,
25,
11122,
270,
19,
53,
7857,
13,
23428,
1600,
7857,
11,
17077,
28,
17821,
11,
48678,
28,
1507,
830,
8,
198,
2,
220,
220,
220,
220,
3601,
7203,
11122,
270,
12,
18,
35,
796,
1600,
7857,
553,
388,
4943,
628,
198,
2,
825,
5345,
11122,
270,
62,
9148,
7,
66,
17,
33,
28,
16,
11,
66,
16,
32,
28,
16,
11,
80,
28,
14202,
2599,
198,
198,
2,
220,
220,
220,
220,
17986,
53,
28,
66,
363,
316,
7203,
1959,
312,
2144,
78,
25,
1677,
1137,
31212,
62,
27857,
4943,
198,
2,
220,
220,
220,
220,
10863,
51,
28,
66,
363,
316,
7203,
1959,
312,
2144,
78,
25,
10761,
51,
62,
35,
16938,
9050,
4943,
198,
2,
220,
220,
220,
220,
289,
85,
28,
9806,
7,
27912,
53,
11,
4059,
8,
198,
2,
220,
220,
220,
220,
289,
85,
28,
1084,
7,
27912,
53,
11,
11024,
8,
198,
2,
220,
220,
220,
220,
269,
28,
19,
13,
17,
14,
17,
13,
17,
198,
198,
2,
220,
220,
220,
220,
611,
10863,
51,
855,
27550,
25,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
10863,
51,
11639,
44,
7156,
6,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
569,
28,
15,
13,
2996,
220,
220,
220,
220,
220,
220,
220,
1303,
220,
900,
284,
6135,
4,
286,
26067,
17952,
329,
1111,
1036,
83,
5218,
30218,
1584,
62,
17,
62,
49736,
198,
2,
220,
220,
220,
220,
1288,
361,
10863,
51,
855,
1731,
405,
25,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
10863,
51,
11639,
39,
7156,
6,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
569,
28,
15,
13,
2996,
9,
66,
220,
220,
220,
220,
220,
220,
220,
1303,
220,
900,
284,
6135,
4,
286,
26067,
17952,
357,
3919,
2392,
4019,
4407,
5218,
30218,
1584,
62,
17,
62,
49736,
198,
198,
2,
220,
220,
220,
220,
1949,
25,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
40724,
62,
9150,
28,
961,
62,
11600,
7,
8979,
5376,
11639,
35,
713,
62,
11122,
270,
13,
14116,
11537,
198,
2,
220,
220,
220,
220,
2845,
7383,
12331,
25,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
7203,
3118,
540,
284,
1100,
22155,
4943,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
198,
198,
2,
220,
220,
220,
220,
569,
17,
16159,
28,
40724,
62,
9150,
58,
10761,
51,
7131,
6,
50,
17,
53,
20520,
198,
2,
220,
220,
220,
220,
367,
17,
16159,
28,
40724,
62,
9150,
58,
10761,
51,
7131,
6,
50,
17,
39,
20520,
198,
2,
220,
220,
220,
220,
569,
16,
16159,
28,
40724,
62,
9150,
58,
10761,
51,
7131,
6,
50,
16,
53,
20520,
198,
2,
220,
220,
220,
220,
367,
16,
16159,
28,
40724,
62,
9150,
58,
10761,
51,
7131,
6,
50,
16,
39,
20520,
198,
198,
2,
220,
220,
220,
220,
12849,
16,
32,
16193,
317,
27286,
62,
31805,
7,
71,
85,
11,
16,
38381,
15,
60,
9,
66,
16,
32,
11,
220,
220,
220,
220,
220,
220,
317,
27286,
62,
31805,
7,
71,
85,
11,
16,
38381,
16,
60,
9,
66,
16,
32,
1267,
198,
2,
220,
220,
220,
220,
12849,
17,
33,
16193,
317,
27286,
62,
31805,
7,
71,
85,
11,
17,
38381,
15,
60,
9,
66,
17,
33,
11,
2835,
7,
32,
27286,
62,
31805,
7,
71,
85,
11,
17,
38381,
16,
60,
9,
66,
17,
33,
9,
53,
11,
18,
4008,
198,
2,
220,
220,
220,
220,
5345,
11122,
270,
16,
32,
357,
10699,
16,
32,
58,
15,
4357,
10699,
16,
32,
58,
16,
4357,
39,
16,
16159,
11,
53,
16,
16159,
11,
80,
8,
220,
220,
220,
1303,
3210,
5361,
198,
2,
220,
220,
220,
220,
5345,
11122,
270,
17,
33,
7,
10699,
17,
33,
58,
15,
4357,
10699,
17,
33,
58,
16,
4357,
39,
17,
16159,
11,
53,
17,
16159,
11,
80,
8,
628,
198,
2,
825,
5345,
30337,
11122,
270,
7,
7857,
2599,
198,
2,
220,
220,
220,
220,
8478,
28,
9787,
33,
25642,
3419,
198,
2,
220,
220,
220,
220,
611,
8478,
6624,
366,
66,
1298,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
5345,
11122,
270,
18,
34,
7,
7857,
8,
198,
2,
220,
220,
220,
220,
1288,
361,
8478,
6624,
366,
67,
1298,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
5345,
11122,
270,
18,
35,
7,
7857,
8,
628,
198,
2,
825,
3454,
270,
18,
34,
62,
31805,
7,
7857,
2599,
198,
2,
220,
220,
220,
220,
509,
15,
10779,
2623,
13,
34741,
198,
2,
220,
220,
220,
220,
509,
16,
28,
15,
13,
1433,
37804,
198,
2,
220,
220,
220,
220,
509,
17,
10779,
15,
13,
830,
2154,
27988,
198,
2,
220,
220,
220,
220,
509,
18,
28,
23,
13,
19,
30557,
68,
12,
3312,
198,
2,
220,
220,
220,
220,
509,
19,
10779,
20,
13,
5237,
1314,
68,
12,
2919,
198,
2,
220,
220,
220,
220,
509,
20,
28,
16,
13,
23,
22047,
68,
12,
940,
198,
2,
220,
220,
220,
220,
509,
21,
10779,
17,
13,
2075,
2327,
68,
12,
1485,
198,
2,
220,
220,
220,
220,
5584,
28,
42,
15,
10,
42,
16,
9,
7857,
10,
42,
17,
9,
7857,
1174,
17,
10,
42,
18,
9,
7857,
1174,
18,
10,
42,
19,
9,
7857,
1174,
19,
10,
42,
20,
9,
7857,
1174,
20,
10,
42,
21,
9,
7857,
1174,
21,
198,
2,
220,
220,
220,
220,
1441,
5584,
198,
198,
2,
825,
3454,
270,
62,
7222,
891,
7,
77,
2599,
198,
2,
220,
220,
220,
220,
611,
299,
6624,
352,
25,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
279,
85,
11639,
1959,
312,
25,
74,
62,
6649,
270,
16,
32,
6,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
7738,
1477,
21715,
2124,
357,
39,
2599,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
367,
15,
28,
17,
13,
2091,
1495,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
367,
16,
10779,
13,
830,
24,
2623,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
367,
17,
28,
17,
13,
19,
68,
12,
22,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
7738,
1477,
21715,
1976,
357,
53,
2599,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
569,
15,
28,
17,
13,
2670,
2327,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
569,
16,
10779,
13,
405,
1485,
39506,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
569,
17,
28,
18,
13,
1507,
68,
12,
22,
198,
2,
220,
220,
220,
220,
611,
299,
6624,
362,
25,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
279,
85,
11639,
1959,
312,
25,
74,
62,
6649,
270,
17,
33,
6,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
7738,
1477,
21715,
2124,
357,
39,
2599,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
367,
15,
28,
18,
13,
5333,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
367,
16,
10779,
15,
13,
405,
25096,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
367,
17,
28,
20,
13,
17,
68,
12,
22,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
7738,
1477,
21715,
1976,
357,
53,
2599,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
569,
15,
28,
21,
13,
1795,
2425,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
569,
16,
10779,
15,
13,
405,
2670,
1959,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
569,
17,
28,
24,
13,
20,
68,
12,
22,
198,
2,
220,
220,
220,
220,
509,
28,
39,
15,
11,
39,
16,
11,
39,
17,
11,
53,
15,
11,
53,
16,
11,
53,
17,
198,
2,
220,
220,
220,
220,
1441,
279,
85,
11,
42,
628,
628,
198,
2,
825,
317,
27286,
62,
31805,
7,
71,
85,
11,
77,
2599,
198,
2,
220,
220,
220,
220,
509,
28,
11122,
270,
62,
7222,
891,
7,
77,
38381,
16,
60,
198,
2,
220,
220,
220,
220,
2546,
39,
28,
42,
58,
15,
48688,
42,
58,
16,
60,
9,
71,
85,
10,
42,
58,
17,
60,
9,
71,
85,
9,
71,
85,
198,
2,
220,
220,
220,
220,
2546,
53,
28,
42,
58,
18,
48688,
42,
58,
19,
60,
9,
71,
85,
10,
42,
58,
20,
60,
9,
71,
85,
9,
71,
85,
198,
2,
220,
220,
220,
220,
1441,
685,
744,
7,
7857,
39,
11,
18,
828,
744,
7,
7857,
53,
11,
18,
15437,
628,
198,
198,
2,
1303,
5345,
11122,
896,
25,
198,
220,
220,
220,
220,
198,
2,
825,
5345,
11122,
270,
7,
77,
11,
39,
7857,
28,
14202,
11,
53,
7857,
28,
14202,
11,
39,
16159,
28,
15,
11,
53,
16159,
28,
15,
11,
80,
28,
14202,
2599,
198,
220,
220,
220,
220,
198,
2,
220,
220,
220,
220,
611,
299,
6624,
352,
25,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
611,
367,
7857,
287,
685,
10745,
11,
12647,
11,
14202,
5974,
367,
7857,
28,
19,
13,
20,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
611,
569,
7857,
287,
685,
10745,
11,
12647,
11,
14202,
5974,
569,
7857,
28,
19,
13,
20,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
5345,
11122,
270,
16,
32,
7,
39,
7857,
11,
53,
7857,
11,
39,
16159,
11,
53,
16159,
11,
80,
28,
14202,
8,
198,
2,
220,
220,
220,
220,
1288,
361,
299,
6624,
362,
25,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
611,
367,
7857,
287,
685,
10745,
11,
12647,
11,
14202,
5974,
367,
7857,
28,
21,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
611,
569,
7857,
287,
685,
10745,
11,
12647,
11,
14202,
5974,
569,
7857,
28,
23,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
5345,
11122,
270,
17,
33,
7,
39,
7857,
11,
53,
7857,
11,
39,
16159,
11,
53,
16159,
11,
80,
28,
14202,
8,
198,
2,
220,
220,
220,
220,
2073,
25,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
10786,
3673,
257,
4938,
40724,
1271,
11537,
198,
220,
220,
220,
220,
198
] | 1.809721 | 2,654 |
import os
import unittest
from vcr_unittest import VCRTestCase
import getnet
from getnet import NotFound
from getnet.services.base import ResponseList
from getnet.services.customers import Service, Customer
from tests.getnet.services.customers.test_customer import sample
if __name__ == "__main__":
unittest.main()
| [
11748,
28686,
198,
11748,
555,
715,
395,
198,
198,
6738,
410,
6098,
62,
403,
715,
395,
1330,
569,
9419,
14402,
20448,
198,
198,
11748,
651,
3262,
198,
6738,
651,
3262,
1330,
1892,
21077,
198,
6738,
651,
3262,
13,
30416,
13,
8692,
1330,
18261,
8053,
198,
6738,
651,
3262,
13,
30416,
13,
23144,
364,
1330,
4809,
11,
22092,
198,
6738,
5254,
13,
1136,
3262,
13,
30416,
13,
23144,
364,
13,
9288,
62,
23144,
263,
1330,
6291,
628,
198,
198,
361,
11593,
3672,
834,
6624,
366,
834,
12417,
834,
1298,
198,
220,
220,
220,
555,
715,
395,
13,
12417,
3419,
198
] | 3.272727 | 99 |
import psutil
import json
mem = psutil.virtual_memory()
result = { "_Total": mem.total }
print(json.dumps(result))
| [
11748,
26692,
22602,
198,
11748,
33918,
198,
198,
11883,
796,
26692,
22602,
13,
32844,
62,
31673,
3419,
198,
20274,
796,
1391,
45434,
14957,
1298,
1066,
13,
23350,
1782,
198,
4798,
7,
17752,
13,
67,
8142,
7,
20274,
4008,
198
] | 2.974359 | 39 |
import typing
from random import randint, random as random_range
from PIL import ImageFilter, Image
from pixelsort.sorting import lightness
def edge(image: Image.Image, lower_threshold: float, **_) -> typing.List[typing.List[int]]:
"""Performs an edge detection, which is used to define intervals. Tweak threshold with threshold."""
edge_data = image.filter(ImageFilter.FIND_EDGES).convert('RGBA').load()
intervals = []
for y in range(image.size[1]):
intervals.append([])
flag = True
for x in range(image.size[0]):
if lightness(edge_data[x, y]) < lower_threshold * 255:
flag = True
elif flag:
intervals[y].append(x)
flag = False
return intervals
def threshold(image: Image.Image, lower_threshold: float, upper_threshold: float, **_) -> typing.List[typing.List[int]]:
"""Intervals defined by lightness thresholds; only pixels with a lightness between the upper and lower thresholds
are sorted."""
intervals = []
image_data = image.load()
for y in range(image.size[1]):
intervals.append([])
for x in range(image.size[0]):
level = lightness(image_data[x, y])
if level < lower_threshold * 255 or level > upper_threshold * 255:
intervals[y].append(x)
return intervals
def random(image, char_length, **_) -> typing.List[typing.List[int]]:
"""Randomly generate intervals. Distribution of widths is linear by default. Interval widths can be scaled using
char_length."""
intervals = []
for y in range(image.size[1]):
intervals.append([])
x = 0
while True:
x += int(char_length * random_range())
if x > image.size[0]:
break
else:
intervals[y].append(x)
return intervals
def waves(image, char_length, **_) -> typing.List[typing.List[int]]:
"""Intervals are waves of nearly uniform widths. Control width of waves with char_length."""
intervals = []
for y in range(image.size[1]):
intervals.append([])
x = 0
while True:
x += char_length + randint(0, 10)
if x > image.size[0]:
break
else:
intervals[y].append(x)
return intervals
def file_mask(image, interval_image, **_) -> typing.List[typing.List[int]]:
"""Intervals taken from another specified input image. Must be black and white, and the same size as the input
image."""
intervals = []
data = interval_image.load()
for y in range(image.size[1]):
intervals.append([])
flag = True
for x in range(image.size[0]):
if data[x, y]:
flag = True
elif flag:
intervals[y].append(x)
flag = False
return intervals
def file_edges(image, interval_image, lower_threshold, **_) -> typing.List[typing.List[int]]:
"""Intervals defined by performing edge detection on the file specified by -f. Must be the same size as the input
image."""
edge_data = interval_image.filter(
ImageFilter.FIND_EDGES).convert('RGBA').load()
intervals = []
for y in range(image.size[1]):
intervals.append([])
flag = True
for x in range(image.size[0]):
if lightness(edge_data[x, y]) < lower_threshold * 255:
flag = True
elif flag:
intervals[y].append(x)
flag = False
return intervals
def none(image, **_) -> typing.List[typing.List[int]]:
"""Sort whole rows, only stopping at image borders."""
intervals = []
for y in range(image.size[1]):
intervals.append([])
return intervals
choices = {
"random": random,
"threshold": threshold,
"edges": edge,
"waves": waves,
"file": file_mask,
"file-edges": file_edges,
"none": none
}
| [
11748,
19720,
198,
6738,
4738,
1330,
43720,
600,
11,
4738,
355,
4738,
62,
9521,
198,
198,
6738,
350,
4146,
1330,
7412,
22417,
11,
7412,
198,
198,
6738,
17848,
419,
13,
82,
24707,
1330,
1657,
1108,
628,
198,
4299,
5743,
7,
9060,
25,
7412,
13,
5159,
11,
2793,
62,
400,
10126,
25,
12178,
11,
12429,
62,
8,
4613,
19720,
13,
8053,
58,
774,
13886,
13,
8053,
58,
600,
60,
5974,
198,
220,
220,
220,
37227,
5990,
23914,
281,
5743,
13326,
11,
543,
318,
973,
284,
8160,
20016,
13,
24205,
461,
11387,
351,
11387,
526,
15931,
198,
220,
220,
220,
5743,
62,
7890,
796,
2939,
13,
24455,
7,
5159,
22417,
13,
37,
12115,
62,
1961,
48075,
737,
1102,
1851,
10786,
48192,
4339,
27691,
2220,
3419,
198,
220,
220,
220,
20016,
796,
17635,
628,
220,
220,
220,
329,
331,
287,
2837,
7,
9060,
13,
7857,
58,
16,
60,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
20016,
13,
33295,
26933,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
6056,
796,
6407,
198,
220,
220,
220,
220,
220,
220,
220,
329,
2124,
287,
2837,
7,
9060,
13,
7857,
58,
15,
60,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
1657,
1108,
7,
14907,
62,
7890,
58,
87,
11,
331,
12962,
1279,
2793,
62,
400,
10126,
1635,
14280,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6056,
796,
6407,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
6056,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
20016,
58,
88,
4083,
33295,
7,
87,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6056,
796,
10352,
198,
220,
220,
220,
1441,
20016,
628,
198,
4299,
11387,
7,
9060,
25,
7412,
13,
5159,
11,
2793,
62,
400,
10126,
25,
12178,
11,
6727,
62,
400,
10126,
25,
12178,
11,
12429,
62,
8,
4613,
19720,
13,
8053,
58,
774,
13886,
13,
8053,
58,
600,
60,
5974,
198,
220,
220,
220,
37227,
9492,
12786,
5447,
416,
1657,
1108,
40885,
26,
691,
17848,
351,
257,
1657,
1108,
1022,
262,
6727,
290,
2793,
40885,
198,
220,
220,
220,
220,
389,
23243,
526,
15931,
198,
220,
220,
220,
20016,
796,
17635,
198,
220,
220,
220,
2939,
62,
7890,
796,
2939,
13,
2220,
3419,
198,
220,
220,
220,
329,
331,
287,
2837,
7,
9060,
13,
7857,
58,
16,
60,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
20016,
13,
33295,
26933,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
329,
2124,
287,
2837,
7,
9060,
13,
7857,
58,
15,
60,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1241,
796,
1657,
1108,
7,
9060,
62,
7890,
58,
87,
11,
331,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
1241,
1279,
2793,
62,
400,
10126,
1635,
14280,
393,
1241,
1875,
6727,
62,
400,
10126,
1635,
14280,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
20016,
58,
88,
4083,
33295,
7,
87,
8,
198,
220,
220,
220,
1441,
20016,
628,
198,
4299,
4738,
7,
9060,
11,
1149,
62,
13664,
11,
12429,
62,
8,
4613,
19720,
13,
8053,
58,
774,
13886,
13,
8053,
58,
600,
60,
5974,
198,
220,
220,
220,
37227,
29531,
306,
7716,
20016,
13,
27484,
286,
9647,
82,
318,
14174,
416,
4277,
13,
4225,
2100,
9647,
82,
460,
307,
27464,
1262,
198,
220,
220,
220,
1149,
62,
13664,
526,
15931,
198,
220,
220,
220,
20016,
796,
17635,
628,
220,
220,
220,
329,
331,
287,
2837,
7,
9060,
13,
7857,
58,
16,
60,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
20016,
13,
33295,
26933,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
2124,
796,
657,
198,
220,
220,
220,
220,
220,
220,
220,
981,
6407,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2124,
15853,
493,
7,
10641,
62,
13664,
1635,
4738,
62,
9521,
28955,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2124,
1875,
2939,
13,
7857,
58,
15,
5974,
198,
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,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
20016,
58,
88,
4083,
33295,
7,
87,
8,
198,
220,
220,
220,
1441,
20016,
628,
198,
4299,
9813,
7,
9060,
11,
1149,
62,
13664,
11,
12429,
62,
8,
4613,
19720,
13,
8053,
58,
774,
13886,
13,
8053,
58,
600,
60,
5974,
198,
220,
220,
220,
37227,
9492,
12786,
389,
9813,
286,
3016,
8187,
9647,
82,
13,
6779,
9647,
286,
9813,
351,
1149,
62,
13664,
526,
15931,
198,
220,
220,
220,
20016,
796,
17635,
628,
220,
220,
220,
329,
331,
287,
2837,
7,
9060,
13,
7857,
58,
16,
60,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
20016,
13,
33295,
26933,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
2124,
796,
657,
198,
220,
220,
220,
220,
220,
220,
220,
981,
6407,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2124,
15853,
1149,
62,
13664,
1343,
43720,
600,
7,
15,
11,
838,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2124,
1875,
2939,
13,
7857,
58,
15,
5974,
198,
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,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
20016,
58,
88,
4083,
33295,
7,
87,
8,
198,
220,
220,
220,
1441,
20016,
628,
198,
4299,
2393,
62,
27932,
7,
9060,
11,
16654,
62,
9060,
11,
12429,
62,
8,
4613,
19720,
13,
8053,
58,
774,
13886,
13,
8053,
58,
600,
60,
5974,
198,
220,
220,
220,
37227,
9492,
12786,
2077,
422,
1194,
7368,
5128,
2939,
13,
12039,
307,
2042,
290,
2330,
11,
290,
262,
976,
2546,
355,
262,
5128,
198,
220,
220,
220,
2939,
526,
15931,
198,
220,
220,
220,
20016,
796,
17635,
198,
220,
220,
220,
1366,
796,
16654,
62,
9060,
13,
2220,
3419,
628,
220,
220,
220,
329,
331,
287,
2837,
7,
9060,
13,
7857,
58,
16,
60,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
20016,
13,
33295,
26933,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
6056,
796,
6407,
198,
220,
220,
220,
220,
220,
220,
220,
329,
2124,
287,
2837,
7,
9060,
13,
7857,
58,
15,
60,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
1366,
58,
87,
11,
331,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6056,
796,
6407,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
6056,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
20016,
58,
88,
4083,
33295,
7,
87,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6056,
796,
10352,
198,
220,
220,
220,
1441,
20016,
628,
198,
4299,
2393,
62,
276,
3212,
7,
9060,
11,
16654,
62,
9060,
11,
2793,
62,
400,
10126,
11,
12429,
62,
8,
4613,
19720,
13,
8053,
58,
774,
13886,
13,
8053,
58,
600,
60,
5974,
198,
220,
220,
220,
37227,
9492,
12786,
5447,
416,
9489,
5743,
13326,
319,
262,
2393,
7368,
416,
532,
69,
13,
12039,
307,
262,
976,
2546,
355,
262,
5128,
198,
220,
220,
220,
2939,
526,
15931,
198,
220,
220,
220,
5743,
62,
7890,
796,
16654,
62,
9060,
13,
24455,
7,
198,
220,
220,
220,
220,
220,
220,
220,
7412,
22417,
13,
37,
12115,
62,
1961,
48075,
737,
1102,
1851,
10786,
48192,
4339,
27691,
2220,
3419,
198,
220,
220,
220,
20016,
796,
17635,
628,
220,
220,
220,
329,
331,
287,
2837,
7,
9060,
13,
7857,
58,
16,
60,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
20016,
13,
33295,
26933,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
6056,
796,
6407,
198,
220,
220,
220,
220,
220,
220,
220,
329,
2124,
287,
2837,
7,
9060,
13,
7857,
58,
15,
60,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
1657,
1108,
7,
14907,
62,
7890,
58,
87,
11,
331,
12962,
1279,
2793,
62,
400,
10126,
1635,
14280,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6056,
796,
6407,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
6056,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
20016,
58,
88,
4083,
33295,
7,
87,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6056,
796,
10352,
198,
220,
220,
220,
1441,
20016,
628,
198,
4299,
4844,
7,
9060,
11,
12429,
62,
8,
4613,
19720,
13,
8053,
58,
774,
13886,
13,
8053,
58,
600,
60,
5974,
198,
220,
220,
220,
37227,
42758,
2187,
15274,
11,
691,
12225,
379,
2939,
11637,
526,
15931,
198,
220,
220,
220,
20016,
796,
17635,
198,
220,
220,
220,
329,
331,
287,
2837,
7,
9060,
13,
7857,
58,
16,
60,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
20016,
13,
33295,
26933,
12962,
198,
220,
220,
220,
1441,
20016,
628,
198,
6679,
1063,
796,
1391,
198,
220,
220,
220,
366,
25120,
1298,
4738,
11,
198,
220,
220,
220,
366,
400,
10126,
1298,
11387,
11,
198,
220,
220,
220,
366,
276,
3212,
1298,
5743,
11,
198,
220,
220,
220,
366,
32569,
1298,
9813,
11,
198,
220,
220,
220,
366,
7753,
1298,
2393,
62,
27932,
11,
198,
220,
220,
220,
366,
7753,
12,
276,
3212,
1298,
2393,
62,
276,
3212,
11,
198,
220,
220,
220,
366,
23108,
1298,
4844,
198,
92,
198
] | 2.361144 | 1,678 |
import django
from django.conf import settings
from django.utils.decorators import classonlymethod
from django.views.generic import CreateView, UpdateView, DeleteView
from django.contrib.auth.mixins import PermissionRequiredMixin
from django.http.response import JsonResponse
from django.template.response import TemplateResponse
from django.core.exceptions import ImproperlyConfigured
from .fields import ForeignKeyWidget, ManyToManyWidget
if django.VERSION >= (2, 0):
from django.urls import path, include
else:
from django.conf.urls import url, include
| [
11748,
42625,
14208,
198,
6738,
42625,
14208,
13,
10414,
1330,
6460,
198,
6738,
42625,
14208,
13,
26791,
13,
12501,
273,
2024,
1330,
1398,
8807,
24396,
198,
6738,
42625,
14208,
13,
33571,
13,
41357,
1330,
13610,
7680,
11,
10133,
7680,
11,
23520,
7680,
198,
6738,
42625,
14208,
13,
3642,
822,
13,
18439,
13,
19816,
1040,
1330,
2448,
3411,
37374,
35608,
259,
198,
6738,
42625,
14208,
13,
4023,
13,
26209,
1330,
449,
1559,
31077,
198,
6738,
42625,
14208,
13,
28243,
13,
26209,
1330,
37350,
31077,
198,
6738,
42625,
14208,
13,
7295,
13,
1069,
11755,
1330,
12205,
525,
306,
16934,
1522,
198,
6738,
764,
25747,
1330,
8708,
9218,
38300,
11,
4650,
2514,
7085,
38300,
198,
198,
361,
42625,
14208,
13,
43717,
18189,
357,
17,
11,
657,
2599,
198,
220,
220,
220,
422,
42625,
14208,
13,
6371,
82,
1330,
3108,
11,
2291,
198,
17772,
25,
198,
220,
220,
220,
422,
42625,
14208,
13,
10414,
13,
6371,
82,
1330,
19016,
11,
2291,
628,
628,
198
] | 3.55625 | 160 |
print("Enter 'q' at any time to quit.\n")
while True:
try:
x = input("\nGive me a number: ")
if x == 'q':
break
x = int(x)
y = input("Give me another number: ")
if y == 'q':
break
y = int(y)
except ValueError:
print("Sorry, I really needed a number.")
else:
sum = x + y
print("The sum of " + str(x) + " and " + str(y) + " is " + str(sum) + ".") | [
4798,
7203,
17469,
705,
80,
6,
379,
597,
640,
284,
11238,
13,
59,
77,
4943,
198,
198,
4514,
6407,
25,
198,
220,
220,
220,
1949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2124,
796,
5128,
7203,
59,
77,
23318,
502,
257,
1271,
25,
366,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2124,
6624,
705,
80,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2270,
628,
220,
220,
220,
220,
220,
220,
220,
2124,
796,
493,
7,
87,
8,
628,
220,
220,
220,
220,
220,
220,
220,
331,
796,
5128,
7203,
23318,
502,
1194,
1271,
25,
366,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
331,
6624,
705,
80,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2270,
628,
220,
220,
220,
220,
220,
220,
220,
331,
796,
493,
7,
88,
8,
628,
220,
220,
220,
2845,
11052,
12331,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
7203,
14385,
11,
314,
1107,
2622,
257,
1271,
19570,
628,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2160,
796,
2124,
1343,
331,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
7203,
464,
2160,
286,
366,
1343,
965,
7,
87,
8,
1343,
366,
290,
366,
1343,
965,
7,
88,
8,
1343,
366,
318,
366,
1343,
965,
7,
16345,
8,
1343,
366,
19570
] | 1.965665 | 233 |
#!/usr/bin/env python3
import sys
import cdsapi
year= sys.argv[1]
month= sys.argv[2]
c = cdsapi.Client()
c.retrieve(
'efas-historical',
{
'format': 'grib',
'origin': 'ecmwf',
'simulation_version': 'version_3_5',
'variable': [
'soil_depth', 'volumetric_soil_moisture',
],
'model_levels': 'soil_levels',
'soil_level': [
'1', '2', '3',
],
'hyear': year,
'hmonth': month,
'hday': [
'01', '02', '03',
'04', '05', '06',
'07', '08', '09',
'10', '11', '12',
'13', '14', '15',
'16', '17', '18',
'19', '20', '21',
'22', '23', '24',
'25', '26', '27',
'28', '29', '30',
'31',
]
},
'/home/smartmet/data/efas-ana-%s.grib'%(year))
| [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
18,
198,
11748,
25064,
198,
11748,
269,
9310,
15042,
198,
1941,
28,
25064,
13,
853,
85,
58,
16,
60,
198,
8424,
28,
25064,
13,
853,
85,
58,
17,
60,
198,
198,
66,
796,
269,
9310,
15042,
13,
11792,
3419,
198,
198,
66,
13,
1186,
30227,
7,
198,
220,
220,
220,
220,
220,
220,
220,
705,
891,
292,
12,
10034,
12409,
3256,
198,
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,
705,
18982,
10354,
705,
70,
822,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
47103,
10354,
705,
721,
76,
86,
69,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
14323,
1741,
62,
9641,
10354,
705,
9641,
62,
18,
62,
20,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
45286,
10354,
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,
705,
568,
346,
62,
18053,
3256,
705,
10396,
388,
19482,
62,
568,
346,
62,
5908,
396,
495,
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,
16589,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
19849,
62,
46170,
10354,
705,
568,
346,
62,
46170,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
568,
346,
62,
5715,
10354,
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,
705,
16,
3256,
705,
17,
3256,
705,
18,
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,
16589,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
71,
1941,
10354,
614,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
71,
8424,
10354,
1227,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
71,
820,
10354,
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,
705,
486,
3256,
705,
2999,
3256,
705,
3070,
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,
705,
3023,
3256,
705,
2713,
3256,
705,
3312,
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,
705,
2998,
3256,
705,
2919,
3256,
705,
2931,
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,
705,
940,
3256,
705,
1157,
3256,
705,
1065,
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,
705,
1485,
3256,
705,
1415,
3256,
705,
1314,
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,
705,
1433,
3256,
705,
1558,
3256,
705,
1507,
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,
705,
1129,
3256,
705,
1238,
3256,
705,
2481,
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,
705,
1828,
3256,
705,
1954,
3256,
705,
1731,
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,
705,
1495,
3256,
705,
2075,
3256,
705,
1983,
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,
705,
2078,
3256,
705,
1959,
3256,
705,
1270,
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,
705,
3132,
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,
2361,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8964,
198,
220,
220,
220,
220,
220,
220,
220,
31051,
11195,
14,
27004,
4164,
14,
7890,
14,
891,
292,
12,
2271,
12,
4,
82,
13,
70,
822,
6,
4,
7,
1941,
4008,
198
] | 1.320151 | 1,062 |
from . import settings
class Block:
"""Minecraft PI block description. Can be sent to Minecraft.setBlock/s"""
def __iter__(self):
"""Allows a Block to be sent whenever id [and data] is needed"""
if self.nbt is not None:
return iter((self.id, self.data, self.nbt))
else:
return iter((self.id, self.data))
AIR = Block(0)
STONE = Block(1)
GRASS = Block(2)
DIRT = Block(3)
COBBLESTONE = Block(4)
WOOD_PLANKS = Block(5)
SAPLING = Block(6)
BEDROCK = Block(7)
WATER_FLOWING = Block(8)
WATER = WATER_FLOWING
WATER_STATIONARY = Block(9)
LAVA_FLOWING = Block(10)
LAVA = LAVA_FLOWING
LAVA_STATIONARY = Block(11)
SAND = Block(12)
GRAVEL = Block(13)
GOLD_ORE = Block(14)
IRON_ORE = Block(15)
COAL_ORE = Block(16)
WOOD = Block(17)
LEAVES = Block(18)
GLASS = Block(20)
LAPIS_LAZULI_ORE = Block(21)
LAPIS_LAZULI_BLOCK = Block(22)
SANDSTONE = Block(24)
BED = Block(26)
COBWEB = Block(30)
GRASS_TALL = Block(31)
WOOL = Block(35)
FLOWER_YELLOW = Block(37)
FLOWER_CYAN = Block(38)
MUSHROOM_BROWN = Block(39)
MUSHROOM_RED = Block(40)
GOLD_BLOCK = Block(41)
IRON_BLOCK = Block(42)
STONE_SLAB_DOUBLE = Block(43)
STONE_SLAB = Block(44)
BRICK_BLOCK = Block(45)
TNT = Block(46)
BOOKSHELF = Block(47)
MOSS_STONE = Block(48)
OBSIDIAN = Block(49)
TORCH = Block(50)
FIRE = Block(51)
STAIRS_WOOD = Block(53)
CHEST = Block(54)
DIAMOND_ORE = Block(56)
DIAMOND_BLOCK = Block(57)
CRAFTING_TABLE = Block(58)
FARMLAND = Block(60)
FURNACE_INACTIVE = Block(61)
FURNACE_ACTIVE = Block(62)
DOOR_WOOD = Block(64)
LADDER = Block(65)
STAIRS_COBBLESTONE = Block(67)
DOOR_IRON = Block(71)
REDSTONE_ORE = Block(73)
STONE_BUTTON = Block(77)
SNOW = Block(78)
ICE = Block(79)
SNOW_BLOCK = Block(80)
CACTUS = Block(81)
CLAY = Block(82)
SUGAR_CANE = Block(83)
FENCE = Block(85)
GLOWSTONE_BLOCK = Block(89)
BEDROCK_INVISIBLE = Block(95)
if settings.isPE:
STAINED_GLASS = WOOL
else:
STAINED_GLASS = Block(95)
STONE_BRICK = Block(98)
GLASS_PANE = Block(102)
MELON = Block(103)
FENCE_GATE = Block(107)
WOOD_BUTTON = Block(143)
REDSTONE_BLOCK = Block(152)
QUARTZ_BLOCK = Block(155)
if settings.isPE:
HARDENED_CLAY_STAINED = WOOL
else:
HARDENED_CLAY_STAINED = Block(159)
if settings.isPE:
SEA_LANTERN = Block(246) # glowing obsidian
else:
SEA_LANTERN = Block(169)
CARPET = Block(171)
COAL_BLOCK = Block(173)
if settings.isPE:
GLOWING_OBSIDIAN = Block(246)
NETHER_REACTOR_CORE = Block(247)
REDSTONE_LAMP_INACTIVE = OBSIDIAN
REDSTONE_LAMP_ACTIVE = GLOWING_OBSIDIAN
else:
GLOWING_OBSIDIAN = SEA_LANTERN
NETHER_REACTOR_CORE = SEA_LANTERN
REDSTONE_LAMP_INACTIVE = Block(123)
REDSTONE_LAMP_ACTIVE = Block(124)
SUNFLOWER = Block(175,0)
LILAC = Block(175,1)
DOUBLE_TALLGRASS = Block(175,2)
LARGE_FERN = Block(175,3)
ROSE_BUSH = Block(175,4)
PEONY = Block(175,5)
WOOL_WHITE = Block(WOOL.id, 0)
WOOL_ORANGE = Block(WOOL.id, 1)
WOOL_MAGENTA = Block(WOOL.id, 2)
WOOL_LIGHT_BLUE = Block(WOOL.id, 3)
WOOL_YELLOW = Block(WOOL.id, 4)
WOOL_LIME = Block(WOOL.id, 5)
WOOL_PINK = Block(WOOL.id, 6)
WOOL_GRAY = Block(WOOL.id, 7)
WOOL_LIGHT_GRAY = Block(WOOL.id, 8)
WOOL_CYAN = Block(WOOL.id, 9)
WOOL_PURPLE = Block(WOOL.id, 10)
WOOL_BLUE = Block(WOOL.id, 11)
WOOL_BROWN = Block(WOOL.id, 12)
WOOL_GREEN = Block(WOOL.id, 13)
WOOL_RED = Block(WOOL.id, 14)
WOOL_BLACK = Block(WOOL.id, 15)
CARPET_WHITE = Block(CARPET.id, 0)
CARPET_ORANGE = Block(CARPET.id, 1)
CARPET_MAGENTA = Block(CARPET.id, 2)
CARPET_LIGHT_BLUE = Block(CARPET.id, 3)
CARPET_YELLOW = Block(CARPET.id, 4)
CARPET_LIME = Block(CARPET.id, 5)
CARPET_PINK = Block(CARPET.id, 6)
CARPET_GRAY = Block(CARPET.id, 7)
CARPET_LIGHT_GRAY = Block(CARPET.id, 8)
CARPET_CYAN = Block(CARPET.id, 9)
CARPET_PURPLE = Block(CARPET.id, 10)
CARPET_BLUE = Block(CARPET.id, 11)
CARPET_BROWN = Block(CARPET.id, 12)
CARPET_GREEN = Block(CARPET.id, 13)
CARPET_RED = Block(CARPET.id, 14)
CARPET_BLACK = Block(CARPET.id, 15)
STAINED_GLASS_WHITE = Block(STAINED_GLASS.id, 0)
STAINED_GLASS_ORANGE = Block(STAINED_GLASS.id, 1)
STAINED_GLASS_MAGENTA = Block(STAINED_GLASS.id, 2)
STAINED_GLASS_LIGHT_BLUE = Block(STAINED_GLASS.id, 3)
STAINED_GLASS_YELLOW = Block(STAINED_GLASS.id, 4)
STAINED_GLASS_LIME = Block(STAINED_GLASS.id, 5)
STAINED_GLASS_PINK = Block(STAINED_GLASS.id, 6)
STAINED_GLASS_GRAY = Block(STAINED_GLASS.id, 7)
STAINED_GLASS_LIGHT_GRAY = Block(STAINED_GLASS.id, 8)
STAINED_GLASS_CYAN = Block(STAINED_GLASS.id, 9)
STAINED_GLASS_PURPLE = Block(STAINED_GLASS.id, 10)
STAINED_GLASS_BLUE = Block(STAINED_GLASS.id, 11)
STAINED_GLASS_BROWN = Block(STAINED_GLASS.id, 12)
STAINED_GLASS_GREEN = Block(STAINED_GLASS.id, 13)
STAINED_GLASS_RED = Block(STAINED_GLASS.id, 14)
STAINED_GLASS_BLACK = Block(STAINED_GLASS.id, 15)
HARDENED_CLAY_STAINED_WHITE = Block(HARDENED_CLAY_STAINED.id, 0)
HARDENED_CLAY_STAINED_ORANGE = Block(HARDENED_CLAY_STAINED.id, 1)
HARDENED_CLAY_STAINED_MAGENTA = Block(HARDENED_CLAY_STAINED.id, 2)
HARDENED_CLAY_STAINED_LIGHT_BLUE = Block(HARDENED_CLAY_STAINED.id, 3)
HARDENED_CLAY_STAINED_YELLOW = Block(HARDENED_CLAY_STAINED.id, 4)
HARDENED_CLAY_STAINED_LIME = Block(HARDENED_CLAY_STAINED.id, 5)
HARDENED_CLAY_STAINED_PINK = Block(HARDENED_CLAY_STAINED.id, 6)
HARDENED_CLAY_STAINED_GRAY = Block(HARDENED_CLAY_STAINED.id, 7)
HARDENED_CLAY_STAINED_LIGHT_GRAY = Block(HARDENED_CLAY_STAINED.id, 8)
HARDENED_CLAY_STAINED_CYAN = Block(HARDENED_CLAY_STAINED.id, 9)
HARDENED_CLAY_STAINED_PURPLE = Block(HARDENED_CLAY_STAINED.id, 10)
HARDENED_CLAY_STAINED_BLUE = Block(HARDENED_CLAY_STAINED.id, 11)
HARDENED_CLAY_STAINED_BROWN = Block(HARDENED_CLAY_STAINED.id, 12)
HARDENED_CLAY_STAINED_GREEN = Block(HARDENED_CLAY_STAINED.id, 13)
HARDENED_CLAY_STAINED_RED = Block(HARDENED_CLAY_STAINED.id, 14)
HARDENED_CLAY_STAINED_BLACK = Block(HARDENED_CLAY_STAINED.id, 15)
LEAVES_OAK_DECAYABLE = Block(LEAVES.id, 0)
LEAVES_SPRUCE_DECAYABLE = Block(LEAVES.id, 1)
LEAVES_BIRCH_DECAYABLE = Block(LEAVES.id, 2)
LEAVES_JUNGLE_DECAYABLE = Block(LEAVES.id, 3)
LEAVES_OAK_PERMANENT = Block(LEAVES.id, 4)
LEAVES_SPRUCE_PERMANENT = Block(LEAVES.id, 5)
LEAVES_BIRCH_PERMANENT = Block(LEAVES.id, 6)
LEAVES_JUNGLE_PERMANENT = Block(LEAVES.id, 7)
if settings.isPE:
LEAVES_ACACIA_DECAYABLE = Block(161,0)
LEAVES_DARK_OAK_DECAYABLE = Block(161,1)
LEAVES_ACACIA_PERMANENT = Block(161,2)
LEAVES_DARK_OAK_PERMANENT = Block(161,3)
else:
LEAVES_ACACIA_DECAYABLE = LEAVES_OAK_DECAYABLE
LEAVES_DARK_OAK_DECAYABLE = LEAVES_JUNGLE_DECAYABLE
LEAVES_ACACIA_PERMANENT = LEAVES_OAK_PERMANENT
LEAVES_DARK_OAK_PERMANENT = LEAVES_JUNGLE_PERMANENT
| [
6738,
764,
1330,
6460,
198,
198,
4871,
9726,
25,
198,
220,
220,
220,
37227,
39194,
30434,
2512,
6764,
13,
1680,
307,
1908,
284,
24609,
13,
2617,
12235,
14,
82,
37811,
628,
220,
220,
220,
825,
11593,
2676,
834,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
34934,
257,
9726,
284,
307,
1908,
8797,
4686,
685,
392,
1366,
60,
318,
2622,
37811,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
77,
18347,
318,
407,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
11629,
19510,
944,
13,
312,
11,
2116,
13,
7890,
11,
2116,
13,
77,
18347,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
11629,
19510,
944,
13,
312,
11,
2116,
13,
7890,
4008,
628,
198,
198,
42149,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
15,
8,
198,
2257,
11651,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
16,
8,
198,
10761,
10705,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
17,
8,
198,
34720,
51,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
18,
8,
198,
8220,
33,
9148,
6465,
11651,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
19,
8,
198,
49466,
62,
6489,
15154,
50,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
20,
8,
198,
50,
2969,
43,
2751,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
21,
8,
198,
33,
1961,
49,
11290,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
22,
8,
198,
54,
23261,
62,
3697,
3913,
2751,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
23,
8,
198,
54,
23261,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
370,
23261,
62,
3697,
3913,
2751,
198,
54,
23261,
62,
2257,
6234,
13153,
220,
220,
220,
796,
9726,
7,
24,
8,
198,
43,
10116,
32,
62,
3697,
3913,
2751,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
940,
8,
198,
43,
10116,
32,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9131,
11731,
62,
3697,
3913,
2751,
198,
43,
10116,
32,
62,
2257,
6234,
13153,
220,
220,
220,
220,
796,
9726,
7,
1157,
8,
198,
50,
6981,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
1065,
8,
198,
38,
3861,
18697,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
1485,
8,
198,
38,
15173,
62,
6965,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
1415,
8,
198,
4663,
1340,
62,
6965,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
1314,
8,
198,
8220,
1847,
62,
6965,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
1433,
8,
198,
49466,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
1558,
8,
198,
2538,
10116,
1546,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
1507,
8,
198,
8763,
10705,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
1238,
8,
198,
43,
2969,
1797,
62,
13534,
57,
6239,
40,
62,
6965,
220,
220,
220,
796,
9726,
7,
2481,
8,
198,
43,
2969,
1797,
62,
13534,
57,
6239,
40,
62,
9148,
11290,
220,
796,
9726,
7,
1828,
8,
198,
50,
6981,
2257,
11651,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
1731,
8,
198,
33,
1961,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
2075,
8,
198,
8220,
33,
8845,
33,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
1270,
8,
198,
10761,
10705,
62,
51,
7036,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
3132,
8,
198,
54,
31559,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
2327,
8,
198,
3697,
36048,
62,
56,
23304,
3913,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
2718,
8,
198,
3697,
36048,
62,
34,
56,
1565,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
2548,
8,
198,
44,
27143,
13252,
2662,
62,
11473,
14165,
220,
220,
220,
220,
220,
796,
9726,
7,
2670,
8,
198,
44,
27143,
13252,
2662,
62,
22083,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
1821,
8,
198,
38,
15173,
62,
9148,
11290,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
3901,
8,
198,
4663,
1340,
62,
9148,
11290,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
3682,
8,
198,
2257,
11651,
62,
8634,
6242,
62,
35,
2606,
19146,
220,
220,
796,
9726,
7,
3559,
8,
198,
2257,
11651,
62,
8634,
6242,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
2598,
8,
198,
11473,
11860,
62,
9148,
11290,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
2231,
8,
198,
51,
11251,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
3510,
8,
198,
39453,
9693,
37738,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
2857,
8,
198,
44,
18420,
62,
2257,
11651,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
2780,
8,
198,
46,
4462,
2389,
16868,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
2920,
8,
198,
32961,
3398,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
1120,
8,
198,
11674,
2200,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
4349,
8,
198,
2257,
42149,
50,
62,
49466,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
4310,
8,
198,
3398,
6465,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
4051,
8,
198,
17931,
2390,
18672,
62,
6965,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
3980,
8,
198,
17931,
2390,
18672,
62,
9148,
11290,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
3553,
8,
198,
34,
44700,
2751,
62,
38148,
220,
220,
220,
220,
220,
796,
9726,
7,
3365,
8,
198,
37,
1503,
5805,
6981,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
1899,
8,
198,
37,
27064,
11598,
62,
1268,
10659,
9306,
220,
220,
220,
796,
9726,
7,
5333,
8,
198,
37,
27064,
11598,
62,
10659,
9306,
220,
220,
220,
220,
220,
796,
9726,
7,
5237,
8,
198,
18227,
1581,
62,
49466,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
2414,
8,
198,
43,
2885,
14418,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
2996,
8,
198,
2257,
42149,
50,
62,
8220,
33,
9148,
6465,
11651,
220,
796,
9726,
7,
3134,
8,
198,
18227,
1581,
62,
4663,
1340,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
4869,
8,
198,
22083,
2257,
11651,
62,
6965,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
4790,
8,
198,
2257,
11651,
62,
47526,
11357,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
3324,
8,
198,
15571,
3913,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
3695,
8,
198,
8476,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
3720,
8,
198,
15571,
3913,
62,
9148,
11290,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
1795,
8,
198,
34,
10659,
2937,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
6659,
8,
198,
5097,
4792,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
6469,
8,
198,
50,
7340,
1503,
62,
34,
30525,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
5999,
8,
198,
37,
18310,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
5332,
8,
198,
8763,
3913,
2257,
11651,
62,
9148,
11290,
220,
220,
220,
220,
796,
9726,
7,
4531,
8,
198,
33,
1961,
49,
11290,
62,
1268,
29817,
34563,
220,
220,
796,
9726,
7,
3865,
8,
198,
361,
6460,
13,
271,
11401,
25,
198,
220,
220,
3563,
29833,
1961,
62,
8763,
10705,
796,
370,
31559,
198,
17772,
25,
198,
220,
220,
3563,
29833,
1961,
62,
8763,
10705,
796,
9726,
7,
3865,
8,
198,
2257,
11651,
62,
11473,
11860,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
4089,
8,
198,
8763,
10705,
62,
47,
30525,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
15377,
8,
198,
44,
3698,
1340,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
15197,
8,
198,
37,
18310,
62,
38,
6158,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
15982,
8,
198,
49466,
62,
47526,
11357,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
21139,
8,
198,
22083,
2257,
11651,
62,
9148,
11290,
220,
220,
220,
220,
220,
796,
9726,
7,
17827,
8,
198,
10917,
7227,
57,
62,
9148,
11290,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
18742,
8,
198,
198,
361,
6460,
13,
271,
11401,
25,
198,
220,
220,
367,
9795,
1677,
1961,
62,
5097,
4792,
62,
2257,
29833,
1961,
796,
370,
31559,
198,
17772,
25,
198,
220,
220,
367,
9795,
1677,
1961,
62,
5097,
4792,
62,
2257,
29833,
1961,
796,
9726,
7,
19707,
8,
198,
198,
361,
6460,
13,
271,
11401,
25,
198,
220,
220,
41067,
62,
25697,
31800,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
26912,
8,
1303,
21377,
10201,
19825,
198,
17772,
25,
198,
220,
220,
41067,
62,
25697,
31800,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
22172,
8,
198,
198,
20034,
47731,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
27192,
8,
198,
8220,
1847,
62,
9148,
11290,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
25399,
8,
198,
198,
361,
6460,
13,
271,
11401,
25,
198,
220,
220,
10188,
3913,
2751,
62,
46,
4462,
2389,
16868,
220,
220,
220,
796,
9726,
7,
26912,
8,
198,
220,
220,
30502,
16879,
62,
2200,
10659,
1581,
62,
34,
6965,
796,
9726,
7,
23753,
8,
198,
220,
220,
23848,
2257,
11651,
62,
43,
23518,
62,
1268,
10659,
9306,
796,
440,
4462,
2389,
16868,
198,
220,
220,
23848,
2257,
11651,
62,
43,
23518,
62,
10659,
9306,
796,
10188,
3913,
2751,
62,
46,
4462,
2389,
16868,
198,
17772,
25,
198,
220,
220,
10188,
3913,
2751,
62,
46,
4462,
2389,
16868,
220,
220,
220,
796,
41067,
62,
25697,
31800,
198,
220,
220,
30502,
16879,
62,
2200,
10659,
1581,
62,
34,
6965,
796,
41067,
62,
25697,
31800,
198,
220,
220,
23848,
2257,
11651,
62,
43,
23518,
62,
1268,
10659,
9306,
796,
9726,
7,
10163,
8,
198,
220,
220,
23848,
2257,
11651,
62,
43,
23518,
62,
10659,
9306,
220,
220,
796,
9726,
7,
17464,
8,
198,
198,
50,
4944,
3697,
36048,
220,
796,
9726,
7,
17430,
11,
15,
8,
198,
43,
4146,
2246,
220,
220,
220,
220,
220,
796,
9726,
7,
17430,
11,
16,
8,
198,
35,
2606,
19146,
62,
51,
7036,
10761,
10705,
796,
9726,
7,
17430,
11,
17,
8,
198,
43,
1503,
8264,
62,
24302,
45,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
17430,
11,
18,
8,
198,
49,
14058,
62,
33,
27143,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
17430,
11,
19,
8,
198,
11401,
40508,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
9726,
7,
17430,
11,
20,
8,
198,
198,
54,
31559,
62,
12418,
12709,
796,
9726,
7,
54,
31559,
13,
312,
11,
657,
8,
198,
54,
31559,
62,
1581,
27746,
796,
9726,
7,
54,
31559,
13,
312,
11,
352,
8,
198,
54,
31559,
62,
45820,
3525,
32,
796,
9726,
7,
54,
31559,
13,
312,
11,
362,
8,
198,
54,
31559,
62,
43,
9947,
62,
9148,
8924,
796,
9726,
7,
54,
31559,
13,
312,
11,
513,
8,
198,
54,
31559,
62,
56,
23304,
3913,
796,
9726,
7,
54,
31559,
13,
312,
11,
604,
8,
198,
54,
31559,
62,
43,
12789,
796,
9726,
7,
54,
31559,
13,
312,
11,
642,
8,
198,
54,
31559,
62,
47,
17248,
796,
9726,
7,
54,
31559,
13,
312,
11,
718,
8,
198,
54,
31559,
62,
38,
30631,
796,
9726,
7,
54,
31559,
13,
312,
11,
767,
8,
198,
54,
31559,
62,
43,
9947,
62,
38,
30631,
796,
9726,
7,
54,
31559,
13,
312,
11,
807,
8,
198,
54,
31559,
62,
34,
56,
1565,
796,
9726,
7,
54,
31559,
13,
312,
11,
860,
8,
198,
54,
31559,
62,
47,
4261,
16437,
796,
9726,
7,
54,
31559,
13,
312,
11,
838,
8,
198,
54,
31559,
62,
9148,
8924,
796,
9726,
7,
54,
31559,
13,
312,
11,
1367,
8,
198,
54,
31559,
62,
11473,
14165,
796,
9726,
7,
54,
31559,
13,
312,
11,
1105,
8,
198,
54,
31559,
62,
43016,
796,
9726,
7,
54,
31559,
13,
312,
11,
1511,
8,
198,
54,
31559,
62,
22083,
796,
9726,
7,
54,
31559,
13,
312,
11,
1478,
8,
198,
54,
31559,
62,
9148,
8120,
796,
9726,
7,
54,
31559,
13,
312,
11,
1315,
8,
198,
198,
20034,
47731,
62,
12418,
12709,
796,
9726,
7,
20034,
47731,
13,
312,
11,
657,
8,
198,
20034,
47731,
62,
1581,
27746,
796,
9726,
7,
20034,
47731,
13,
312,
11,
352,
8,
198,
20034,
47731,
62,
45820,
3525,
32,
796,
9726,
7,
20034,
47731,
13,
312,
11,
362,
8,
198,
20034,
47731,
62,
43,
9947,
62,
9148,
8924,
796,
9726,
7,
20034,
47731,
13,
312,
11,
513,
8,
198,
20034,
47731,
62,
56,
23304,
3913,
796,
9726,
7,
20034,
47731,
13,
312,
11,
604,
8,
198,
20034,
47731,
62,
43,
12789,
796,
9726,
7,
20034,
47731,
13,
312,
11,
642,
8,
198,
20034,
47731,
62,
47,
17248,
796,
9726,
7,
20034,
47731,
13,
312,
11,
718,
8,
198,
20034,
47731,
62,
38,
30631,
796,
9726,
7,
20034,
47731,
13,
312,
11,
767,
8,
198,
20034,
47731,
62,
43,
9947,
62,
38,
30631,
796,
9726,
7,
20034,
47731,
13,
312,
11,
807,
8,
198,
20034,
47731,
62,
34,
56,
1565,
796,
9726,
7,
20034,
47731,
13,
312,
11,
860,
8,
198,
20034,
47731,
62,
47,
4261,
16437,
796,
9726,
7,
20034,
47731,
13,
312,
11,
838,
8,
198,
20034,
47731,
62,
9148,
8924,
796,
9726,
7,
20034,
47731,
13,
312,
11,
1367,
8,
198,
20034,
47731,
62,
11473,
14165,
796,
9726,
7,
20034,
47731,
13,
312,
11,
1105,
8,
198,
20034,
47731,
62,
43016,
796,
9726,
7,
20034,
47731,
13,
312,
11,
1511,
8,
198,
20034,
47731,
62,
22083,
796,
9726,
7,
20034,
47731,
13,
312,
11,
1478,
8,
198,
20034,
47731,
62,
9148,
8120,
796,
9726,
7,
20034,
47731,
13,
312,
11,
1315,
8,
198,
198,
2257,
29833,
1961,
62,
8763,
10705,
62,
12418,
12709,
796,
9726,
7,
2257,
29833,
1961,
62,
8763,
10705,
13,
312,
11,
657,
8,
198,
2257,
29833,
1961,
62,
8763,
10705,
62,
1581,
27746,
796,
9726,
7,
2257,
29833,
1961,
62,
8763,
10705,
13,
312,
11,
352,
8,
198,
2257,
29833,
1961,
62,
8763,
10705,
62,
45820,
3525,
32,
796,
9726,
7,
2257,
29833,
1961,
62,
8763,
10705,
13,
312,
11,
362,
8,
198,
2257,
29833,
1961,
62,
8763,
10705,
62,
43,
9947,
62,
9148,
8924,
796,
9726,
7,
2257,
29833,
1961,
62,
8763,
10705,
13,
312,
11,
513,
8,
198,
2257,
29833,
1961,
62,
8763,
10705,
62,
56,
23304,
3913,
796,
9726,
7,
2257,
29833,
1961,
62,
8763,
10705,
13,
312,
11,
604,
8,
198,
2257,
29833,
1961,
62,
8763,
10705,
62,
43,
12789,
796,
9726,
7,
2257,
29833,
1961,
62,
8763,
10705,
13,
312,
11,
642,
8,
198,
2257,
29833,
1961,
62,
8763,
10705,
62,
47,
17248,
796,
9726,
7,
2257,
29833,
1961,
62,
8763,
10705,
13,
312,
11,
718,
8,
198,
2257,
29833,
1961,
62,
8763,
10705,
62,
38,
30631,
796,
9726,
7,
2257,
29833,
1961,
62,
8763,
10705,
13,
312,
11,
767,
8,
198,
2257,
29833,
1961,
62,
8763,
10705,
62,
43,
9947,
62,
38,
30631,
796,
9726,
7,
2257,
29833,
1961,
62,
8763,
10705,
13,
312,
11,
807,
8,
198,
2257,
29833,
1961,
62,
8763,
10705,
62,
34,
56,
1565,
796,
9726,
7,
2257,
29833,
1961,
62,
8763,
10705,
13,
312,
11,
860,
8,
198,
2257,
29833,
1961,
62,
8763,
10705,
62,
47,
4261,
16437,
796,
9726,
7,
2257,
29833,
1961,
62,
8763,
10705,
13,
312,
11,
838,
8,
198,
2257,
29833,
1961,
62,
8763,
10705,
62,
9148,
8924,
796,
9726,
7,
2257,
29833,
1961,
62,
8763,
10705,
13,
312,
11,
1367,
8,
198,
2257,
29833,
1961,
62,
8763,
10705,
62,
11473,
14165,
796,
9726,
7,
2257,
29833,
1961,
62,
8763,
10705,
13,
312,
11,
1105,
8,
198,
2257,
29833,
1961,
62,
8763,
10705,
62,
43016,
796,
9726,
7,
2257,
29833,
1961,
62,
8763,
10705,
13,
312,
11,
1511,
8,
198,
2257,
29833,
1961,
62,
8763,
10705,
62,
22083,
796,
9726,
7,
2257,
29833,
1961,
62,
8763,
10705,
13,
312,
11,
1478,
8,
198,
2257,
29833,
1961,
62,
8763,
10705,
62,
9148,
8120,
796,
9726,
7,
2257,
29833,
1961,
62,
8763,
10705,
13,
312,
11,
1315,
8,
198,
198,
39,
9795,
1677,
1961,
62,
5097,
4792,
62,
2257,
29833,
1961,
62,
12418,
12709,
796,
9726,
7,
39,
9795,
1677,
1961,
62,
5097,
4792,
62,
2257,
29833,
1961,
13,
312,
11,
657,
8,
198,
39,
9795,
1677,
1961,
62,
5097,
4792,
62,
2257,
29833,
1961,
62,
1581,
27746,
796,
9726,
7,
39,
9795,
1677,
1961,
62,
5097,
4792,
62,
2257,
29833,
1961,
13,
312,
11,
352,
8,
198,
39,
9795,
1677,
1961,
62,
5097,
4792,
62,
2257,
29833,
1961,
62,
45820,
3525,
32,
796,
9726,
7,
39,
9795,
1677,
1961,
62,
5097,
4792,
62,
2257,
29833,
1961,
13,
312,
11,
362,
8,
198,
39,
9795,
1677,
1961,
62,
5097,
4792,
62,
2257,
29833,
1961,
62,
43,
9947,
62,
9148,
8924,
796,
9726,
7,
39,
9795,
1677,
1961,
62,
5097,
4792,
62,
2257,
29833,
1961,
13,
312,
11,
513,
8,
198,
39,
9795,
1677,
1961,
62,
5097,
4792,
62,
2257,
29833,
1961,
62,
56,
23304,
3913,
796,
9726,
7,
39,
9795,
1677,
1961,
62,
5097,
4792,
62,
2257,
29833,
1961,
13,
312,
11,
604,
8,
198,
39,
9795,
1677,
1961,
62,
5097,
4792,
62,
2257,
29833,
1961,
62,
43,
12789,
796,
9726,
7,
39,
9795,
1677,
1961,
62,
5097,
4792,
62,
2257,
29833,
1961,
13,
312,
11,
642,
8,
198,
39,
9795,
1677,
1961,
62,
5097,
4792,
62,
2257,
29833,
1961,
62,
47,
17248,
796,
9726,
7,
39,
9795,
1677,
1961,
62,
5097,
4792,
62,
2257,
29833,
1961,
13,
312,
11,
718,
8,
198,
39,
9795,
1677,
1961,
62,
5097,
4792,
62,
2257,
29833,
1961,
62,
38,
30631,
796,
9726,
7,
39,
9795,
1677,
1961,
62,
5097,
4792,
62,
2257,
29833,
1961,
13,
312,
11,
767,
8,
198,
39,
9795,
1677,
1961,
62,
5097,
4792,
62,
2257,
29833,
1961,
62,
43,
9947,
62,
38,
30631,
796,
9726,
7,
39,
9795,
1677,
1961,
62,
5097,
4792,
62,
2257,
29833,
1961,
13,
312,
11,
807,
8,
198,
39,
9795,
1677,
1961,
62,
5097,
4792,
62,
2257,
29833,
1961,
62,
34,
56,
1565,
796,
9726,
7,
39,
9795,
1677,
1961,
62,
5097,
4792,
62,
2257,
29833,
1961,
13,
312,
11,
860,
8,
198,
39,
9795,
1677,
1961,
62,
5097,
4792,
62,
2257,
29833,
1961,
62,
47,
4261,
16437,
796,
9726,
7,
39,
9795,
1677,
1961,
62,
5097,
4792,
62,
2257,
29833,
1961,
13,
312,
11,
838,
8,
198,
39,
9795,
1677,
1961,
62,
5097,
4792,
62,
2257,
29833,
1961,
62,
9148,
8924,
796,
9726,
7,
39,
9795,
1677,
1961,
62,
5097,
4792,
62,
2257,
29833,
1961,
13,
312,
11,
1367,
8,
198,
39,
9795,
1677,
1961,
62,
5097,
4792,
62,
2257,
29833,
1961,
62,
11473,
14165,
796,
9726,
7,
39,
9795,
1677,
1961,
62,
5097,
4792,
62,
2257,
29833,
1961,
13,
312,
11,
1105,
8,
198,
39,
9795,
1677,
1961,
62,
5097,
4792,
62,
2257,
29833,
1961,
62,
43016,
796,
9726,
7,
39,
9795,
1677,
1961,
62,
5097,
4792,
62,
2257,
29833,
1961,
13,
312,
11,
1511,
8,
198,
39,
9795,
1677,
1961,
62,
5097,
4792,
62,
2257,
29833,
1961,
62,
22083,
796,
9726,
7,
39,
9795,
1677,
1961,
62,
5097,
4792,
62,
2257,
29833,
1961,
13,
312,
11,
1478,
8,
198,
39,
9795,
1677,
1961,
62,
5097,
4792,
62,
2257,
29833,
1961,
62,
9148,
8120,
796,
9726,
7,
39,
9795,
1677,
1961,
62,
5097,
4792,
62,
2257,
29833,
1961,
13,
312,
11,
1315,
8,
198,
198,
2538,
10116,
1546,
62,
46,
10206,
62,
41374,
4792,
17534,
796,
9726,
7,
2538,
10116,
1546,
13,
312,
11,
657,
8,
198,
2538,
10116,
1546,
62,
4303,
49,
52,
5222,
62,
41374,
4792,
17534,
796,
9726,
7,
2538,
10116,
1546,
13,
312,
11,
352,
8,
198,
2538,
10116,
1546,
62,
3483,
49,
3398,
62,
41374,
4792,
17534,
796,
9726,
7,
2538,
10116,
1546,
13,
312,
11,
362,
8,
198,
2538,
10116,
1546,
62,
41,
4944,
38,
2538,
62,
41374,
4792,
17534,
796,
9726,
7,
2538,
10116,
1546,
13,
312,
11,
513,
8,
198,
2538,
10116,
1546,
62,
46,
10206,
62,
18973,
10725,
3525,
796,
9726,
7,
2538,
10116,
1546,
13,
312,
11,
604,
8,
198,
2538,
10116,
1546,
62,
4303,
49,
52,
5222,
62,
18973,
10725,
3525,
796,
9726,
7,
2538,
10116,
1546,
13,
312,
11,
642,
8,
198,
2538,
10116,
1546,
62,
3483,
49,
3398,
62,
18973,
10725,
3525,
796,
9726,
7,
2538,
10116,
1546,
13,
312,
11,
718,
8,
198,
2538,
10116,
1546,
62,
41,
4944,
38,
2538,
62,
18973,
10725,
3525,
796,
9726,
7,
2538,
10116,
1546,
13,
312,
11,
767,
8,
198,
361,
6460,
13,
271,
11401,
25,
198,
220,
220,
220,
12509,
10116,
1546,
62,
2246,
2246,
3539,
62,
41374,
4792,
17534,
796,
9726,
7,
25948,
11,
15,
8,
198,
220,
220,
220,
12509,
10116,
1546,
62,
35,
14175,
62,
46,
10206,
62,
41374,
4792,
17534,
796,
9726,
7,
25948,
11,
16,
8,
198,
220,
220,
220,
12509,
10116,
1546,
62,
2246,
2246,
3539,
62,
18973,
10725,
3525,
796,
9726,
7,
25948,
11,
17,
8,
198,
220,
220,
220,
12509,
10116,
1546,
62,
35,
14175,
62,
46,
10206,
62,
18973,
10725,
3525,
796,
9726,
7,
25948,
11,
18,
8,
198,
17772,
25,
198,
220,
220,
220,
12509,
10116,
1546,
62,
2246,
2246,
3539,
62,
41374,
4792,
17534,
796,
12509,
10116,
1546,
62,
46,
10206,
62,
41374,
4792,
17534,
198,
220,
220,
220,
12509,
10116,
1546,
62,
35,
14175,
62,
46,
10206,
62,
41374,
4792,
17534,
796,
12509,
10116,
1546,
62,
41,
4944,
38,
2538,
62,
41374,
4792,
17534,
198,
220,
220,
220,
12509,
10116,
1546,
62,
2246,
2246,
3539,
62,
18973,
10725,
3525,
796,
12509,
10116,
1546,
62,
46,
10206,
62,
18973,
10725,
3525,
198,
220,
220,
220,
12509,
10116,
1546,
62,
35,
14175,
62,
46,
10206,
62,
18973,
10725,
3525,
796,
12509,
10116,
1546,
62,
41,
4944,
38,
2538,
62,
18973,
10725,
3525,
198
] | 1.844175 | 3,966 |
#Write a function shorten(text, n) to process a text,
# omitting the n most frequently occurring words of the text.
# How readable is it?
import nltk
def shorten(text, n):
"""Delete the most frequent n words from a text (list of words)"""
assert isinstance(text, list), "The text should be a list of words"
most_frequent_words = set(w for (w,f) in nltk.FreqDist(text).most_common(n))
return [w for w in text if w not in most_frequent_words]
text = "to be or not to be that is the question".split()
out = "or not that is the question".split()
print(text)
print (shorten(text,0))
print (shorten(text,1))
print (shorten(text,1))
print (shorten(text,2))
##print shorten("to be or not to be that is the question", 2)
#Write a list comprehension that sorts a list of WordNet synsets
#for proximity to a given synset.
#For example, given the synsets minke_whale.n.01, orca.n.01, novel.n.01,
# and tortoise.n.01, sort them according to their shortest_path_distance()
# from right_whale.n.01
from nltk.corpus import wordnet as wn
whales = [wn.synset(s) for s in
"minke_whale.n.01, orca.n.01, novel.n.01, tortoise.n.01".split(', ')]
print (whales)
def semantic_sort(sslist,ss):
"""return a list of synsets, sorted by similarity to another synset"""
sim = [(ss.shortest_path_distance(s), s) for s in sslist]
return [s for (sm, s) in sorted(sim)]
print (semantic_sort(whales, wn.synset('right_whale.n.01')))
def semantic_sort1(sslist,ss):
"""return a list of synsets, sorted by similarity to another synset"""
return sorted(sslist, key=lambda x: ss.shortest_path_distance(x))
print (semantic_sort1(whales, wn.synset('right_whale.n.01')))
# Write a function that takes a list of words (containing duplicates)
# and returns a list of words (with no duplicates) sorted by
# decreasing frequency.
# E.g. if the input list contained 10 instances of the word table and
# 9 instances of the word chair, then table would appear before chair
# in the output list.
def dec_freq(liszt):
"""take a list and returns a list of types in decreasing frequency"""
return list(nltk.FreqDist(liszt).keys())
# Write a program to sort words by length.
#
print (sorted(text, key=lambda x:len(x)))
print (sorted(text, key=len))
| [
2,
16594,
257,
2163,
45381,
7,
5239,
11,
299,
8,
284,
1429,
257,
2420,
11,
198,
2,
267,
16138,
262,
299,
749,
6777,
14963,
2456,
286,
262,
2420,
13,
198,
2,
1374,
31744,
318,
340,
30,
198,
11748,
299,
2528,
74,
198,
198,
4299,
45381,
7,
5239,
11,
299,
2599,
198,
220,
220,
220,
37227,
38727,
262,
749,
10792,
299,
2456,
422,
257,
2420,
357,
4868,
286,
2456,
8,
37811,
198,
220,
220,
220,
6818,
318,
39098,
7,
5239,
11,
1351,
828,
366,
464,
2420,
815,
307,
257,
1351,
286,
2456,
1,
198,
220,
220,
220,
749,
62,
69,
46018,
62,
10879,
796,
900,
7,
86,
329,
357,
86,
11,
69,
8,
287,
299,
2528,
74,
13,
20366,
80,
20344,
7,
5239,
737,
1712,
62,
11321,
7,
77,
4008,
198,
220,
220,
220,
1441,
685,
86,
329,
266,
287,
2420,
611,
266,
407,
287,
749,
62,
69,
46018,
62,
10879,
60,
628,
198,
5239,
796,
366,
1462,
307,
393,
407,
284,
307,
326,
318,
262,
1808,
1911,
35312,
3419,
198,
448,
796,
366,
273,
407,
326,
318,
262,
1808,
1911,
35312,
3419,
198,
4798,
7,
5239,
8,
198,
4798,
357,
19509,
268,
7,
5239,
11,
15,
4008,
198,
4798,
357,
19509,
268,
7,
5239,
11,
16,
4008,
198,
4798,
357,
19509,
268,
7,
5239,
11,
16,
4008,
198,
4798,
357,
19509,
268,
7,
5239,
11,
17,
4008,
198,
2235,
4798,
45381,
7203,
1462,
307,
393,
407,
284,
307,
326,
318,
262,
1808,
1600,
362,
8,
628,
198,
2,
16594,
257,
1351,
35915,
326,
10524,
257,
1351,
286,
9678,
7934,
827,
5907,
1039,
198,
2,
1640,
20387,
284,
257,
1813,
6171,
2617,
13,
198,
2,
1890,
1672,
11,
1813,
262,
827,
5907,
1039,
949,
365,
62,
1929,
1000,
13,
77,
13,
486,
11,
393,
6888,
13,
77,
13,
486,
11,
5337,
13,
77,
13,
486,
11,
198,
2,
290,
7619,
25678,
13,
77,
13,
486,
11,
3297,
606,
1864,
284,
511,
35581,
62,
6978,
62,
30246,
3419,
198,
2,
422,
826,
62,
1929,
1000,
13,
77,
13,
486,
198,
198,
6738,
299,
2528,
74,
13,
10215,
79,
385,
1330,
1573,
3262,
355,
266,
77,
198,
1929,
2040,
796,
685,
675,
13,
28869,
2617,
7,
82,
8,
329,
264,
287,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
1084,
365,
62,
1929,
1000,
13,
77,
13,
486,
11,
393,
6888,
13,
77,
13,
486,
11,
5337,
13,
77,
13,
486,
11,
7619,
25678,
13,
77,
13,
486,
1911,
35312,
7,
3256,
705,
15437,
198,
4798,
357,
1929,
2040,
8,
198,
198,
4299,
37865,
62,
30619,
7,
824,
4868,
11,
824,
2599,
198,
220,
220,
220,
37227,
7783,
257,
1351,
286,
827,
5907,
1039,
11,
23243,
416,
26789,
284,
1194,
6171,
2617,
37811,
198,
220,
220,
220,
985,
796,
47527,
824,
13,
19509,
395,
62,
6978,
62,
30246,
7,
82,
828,
264,
8,
329,
264,
287,
37786,
4868,
60,
198,
220,
220,
220,
1441,
685,
82,
329,
357,
5796,
11,
264,
8,
287,
23243,
7,
14323,
15437,
198,
198,
4798,
357,
43616,
5109,
62,
30619,
7,
1929,
2040,
11,
266,
77,
13,
28869,
2617,
10786,
3506,
62,
1929,
1000,
13,
77,
13,
486,
6,
22305,
198,
198,
4299,
37865,
62,
30619,
16,
7,
824,
4868,
11,
824,
2599,
198,
220,
220,
220,
37227,
7783,
257,
1351,
286,
827,
5907,
1039,
11,
23243,
416,
26789,
284,
1194,
6171,
2617,
37811,
198,
220,
220,
220,
1441,
23243,
7,
824,
4868,
11,
1994,
28,
50033,
2124,
25,
37786,
13,
19509,
395,
62,
6978,
62,
30246,
7,
87,
4008,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
198,
4798,
357,
43616,
5109,
62,
30619,
16,
7,
1929,
2040,
11,
266,
77,
13,
28869,
2617,
10786,
3506,
62,
1929,
1000,
13,
77,
13,
486,
6,
22305,
628,
198,
198,
2,
19430,
257,
2163,
326,
2753,
257,
1351,
286,
2456,
357,
38301,
14184,
16856,
8,
198,
2,
220,
290,
5860,
257,
1351,
286,
2456,
357,
4480,
645,
14184,
16856,
8,
23243,
416,
198,
2,
220,
24030,
8373,
13,
198,
2,
220,
412,
13,
70,
13,
611,
262,
5128,
1351,
7763,
838,
10245,
286,
262,
1573,
3084,
290,
198,
2,
220,
860,
10245,
286,
262,
1573,
5118,
11,
788,
3084,
561,
1656,
878,
5118,
198,
2,
220,
287,
262,
5072,
1351,
13,
198,
198,
4299,
875,
62,
19503,
80,
7,
27999,
89,
83,
2599,
198,
220,
220,
220,
37227,
20657,
257,
1351,
290,
5860,
257,
1351,
286,
3858,
287,
24030,
8373,
37811,
198,
220,
220,
220,
1441,
1351,
7,
77,
2528,
74,
13,
20366,
80,
20344,
7,
27999,
89,
83,
737,
13083,
28955,
198,
198,
2,
220,
19430,
257,
1430,
284,
3297,
2456,
416,
4129,
13,
198,
2,
220,
220,
198,
198,
4798,
357,
82,
9741,
7,
5239,
11,
1994,
28,
50033,
220,
2124,
25,
11925,
7,
87,
22305,
198,
4798,
357,
82,
9741,
7,
5239,
11,
1994,
28,
11925,
4008,
198
] | 2.825279 | 807 |
import time
from config import singleton, Logger
from elasticsearch import Elasticsearch
from elasticsearch.helpers import bulk
from datetime import datetime
from numpy import long
log = Logger().logger
@singleton
| [
11748,
640,
201,
198,
6738,
4566,
1330,
2060,
1122,
11,
5972,
1362,
201,
198,
6738,
27468,
12947,
1330,
48567,
12947,
201,
198,
6738,
27468,
12947,
13,
16794,
364,
1330,
11963,
201,
198,
6738,
4818,
8079,
1330,
4818,
8079,
201,
198,
6738,
299,
32152,
1330,
890,
201,
198,
201,
198,
6404,
796,
5972,
1362,
22446,
6404,
1362,
201,
198,
201,
198,
201,
198,
31,
12215,
10565,
201,
198,
201,
198,
201,
198
] | 3.267606 | 71 |
from django.urls import reverse, reverse_lazy
from django.utils.translation import gettext_lazy as _
from arctic.generics import (
CreateView,
DeleteView,
ListView,
UpdateView,
)
from .forms import {{ camel_case_app_name }}Form
from .models import {{ camel_case_app_name }}
class {{ camel_case_app_name }}ListView(ListView):
model = {{ camel_case_app_name }}
fields = '__all__'
permission_required = 'view_{{ app_name }}'
# Delete and detail action link
action_links = [
("detail", "{{ app_name}}:detail", "fa-edit"),
("delete", "{{ app_name}}:delete", "fa-trash"),
]
# tool link to create
tool_links = [
(_("Create {{ app_name }}"), "{{ app_name }}:create", "fa-plus"),
]
# Some optional fields
# paginate_by = 10
# ordering_fields = ['field_name1', ..]
# search_fields = ['field_name', ...]
# allowed_exports = ["csv"]
class {{ camel_case_app_name }}CreateView(CreateView):
model = {{ camel_case_app_name }}
form_class = {{ camel_case_app_name }}Form
permission_required = 'add_{{ app_name }}'
class {{ camel_case_app_name }}UpdateView(UpdateView):
model = {{ camel_case_app_name }}
form_class = {{ camel_case_app_name }}Form
permission_required = 'change_{{ app_name }}'
success_url = reverse_lazy('{{app_name}}:list')
actions = [
(_("Cancel"), "cancel"),
(_("Save"), "submit"),
]
class {{ camel_case_app_name }}DeleteView(DeleteView):
model = {{ camel_case_app_name }}
success_url = reverse_lazy('{{app_name}}:list')
permission_required = 'delete_{{ app_name }}'
| [
6738,
42625,
14208,
13,
6371,
82,
1330,
9575,
11,
9575,
62,
75,
12582,
198,
6738,
42625,
14208,
13,
26791,
13,
41519,
1330,
651,
5239,
62,
75,
12582,
355,
4808,
198,
198,
6738,
610,
11048,
13,
8612,
873,
1330,
357,
198,
220,
220,
220,
13610,
7680,
11,
198,
220,
220,
220,
23520,
7680,
11,
198,
220,
220,
220,
7343,
7680,
11,
198,
220,
220,
220,
10133,
7680,
11,
198,
8,
198,
198,
6738,
764,
23914,
1330,
22935,
41021,
62,
7442,
62,
1324,
62,
3672,
34949,
8479,
198,
6738,
764,
27530,
1330,
22935,
41021,
62,
7442,
62,
1324,
62,
3672,
34949,
628,
198,
4871,
22935,
41021,
62,
7442,
62,
1324,
62,
3672,
34949,
8053,
7680,
7,
8053,
7680,
2599,
198,
220,
220,
220,
2746,
796,
22935,
41021,
62,
7442,
62,
1324,
62,
3672,
34949,
198,
220,
220,
220,
7032,
796,
705,
834,
439,
834,
6,
198,
220,
220,
220,
7170,
62,
35827,
796,
705,
1177,
23330,
90,
598,
62,
3672,
34949,
6,
628,
220,
220,
220,
1303,
23520,
290,
3703,
2223,
2792,
198,
220,
220,
220,
2223,
62,
28751,
796,
685,
198,
220,
220,
220,
220,
220,
220,
220,
5855,
49170,
1600,
366,
27007,
598,
62,
3672,
11709,
25,
49170,
1600,
366,
13331,
12,
19312,
12340,
198,
220,
220,
220,
220,
220,
220,
220,
5855,
33678,
1600,
366,
27007,
598,
62,
3672,
11709,
25,
33678,
1600,
366,
13331,
12,
2213,
1077,
12340,
198,
220,
220,
220,
2361,
628,
220,
220,
220,
1303,
2891,
2792,
284,
2251,
198,
220,
220,
220,
2891,
62,
28751,
796,
685,
198,
220,
220,
220,
220,
220,
220,
220,
44104,
7203,
16447,
22935,
598,
62,
3672,
34949,
12340,
366,
27007,
598,
62,
3672,
34949,
25,
17953,
1600,
366,
13331,
12,
9541,
12340,
198,
220,
220,
220,
2361,
628,
220,
220,
220,
1303,
2773,
11902,
7032,
198,
220,
220,
220,
1303,
42208,
4559,
62,
1525,
796,
838,
198,
220,
220,
220,
1303,
16216,
62,
25747,
796,
37250,
3245,
62,
3672,
16,
3256,
11485,
60,
198,
220,
220,
220,
1303,
2989,
62,
25747,
796,
37250,
3245,
62,
3672,
3256,
2644,
60,
198,
220,
220,
220,
1303,
3142,
62,
1069,
3742,
796,
14631,
40664,
8973,
628,
198,
4871,
22935,
41021,
62,
7442,
62,
1324,
62,
3672,
34949,
16447,
7680,
7,
16447,
7680,
2599,
198,
220,
220,
220,
2746,
796,
22935,
41021,
62,
7442,
62,
1324,
62,
3672,
34949,
198,
220,
220,
220,
1296,
62,
4871,
796,
22935,
41021,
62,
7442,
62,
1324,
62,
3672,
34949,
8479,
198,
220,
220,
220,
7170,
62,
35827,
796,
705,
2860,
23330,
90,
598,
62,
3672,
34949,
6,
628,
198,
4871,
22935,
41021,
62,
7442,
62,
1324,
62,
3672,
34949,
10260,
7680,
7,
10260,
7680,
2599,
198,
220,
220,
220,
2746,
796,
22935,
41021,
62,
7442,
62,
1324,
62,
3672,
34949,
198,
220,
220,
220,
1296,
62,
4871,
796,
22935,
41021,
62,
7442,
62,
1324,
62,
3672,
34949,
8479,
198,
220,
220,
220,
7170,
62,
35827,
796,
705,
3803,
23330,
90,
598,
62,
3672,
34949,
6,
198,
220,
220,
220,
1943,
62,
6371,
796,
9575,
62,
75,
12582,
10786,
27007,
1324,
62,
3672,
11709,
25,
4868,
11537,
198,
220,
220,
220,
4028,
796,
685,
198,
220,
220,
220,
220,
220,
220,
220,
44104,
7203,
34,
21130,
12340,
366,
66,
21130,
12340,
198,
220,
220,
220,
220,
220,
220,
220,
44104,
7203,
16928,
12340,
366,
46002,
12340,
198,
220,
220,
220,
2361,
628,
198,
4871,
22935,
41021,
62,
7442,
62,
1324,
62,
3672,
34949,
38727,
7680,
7,
38727,
7680,
2599,
198,
220,
220,
220,
2746,
796,
22935,
41021,
62,
7442,
62,
1324,
62,
3672,
34949,
198,
220,
220,
220,
1943,
62,
6371,
796,
9575,
62,
75,
12582,
10786,
27007,
1324,
62,
3672,
11709,
25,
4868,
11537,
198,
220,
220,
220,
7170,
62,
35827,
796,
705,
33678,
23330,
90,
598,
62,
3672,
34949,
6,
198
] | 2.61563 | 627 |
import re
from base64 import urlsafe_b64encode
from os import urandom
from typing import cast
from unittest import TestCase
from unittest.mock import MagicMock
from ipaddress import IPv4Network
from flask import Flask
from sipa.backends import Backends, DataSource, Dormitory, InitContextCallable
| [
11748,
302,
198,
6738,
2779,
2414,
1330,
2956,
7278,
8635,
62,
65,
2414,
268,
8189,
198,
6738,
28686,
1330,
2956,
3749,
198,
6738,
19720,
1330,
3350,
198,
6738,
555,
715,
395,
1330,
6208,
20448,
198,
6738,
555,
715,
395,
13,
76,
735,
1330,
6139,
44,
735,
198,
198,
6738,
20966,
21975,
1330,
25961,
19,
26245,
198,
6738,
42903,
1330,
46947,
198,
198,
6738,
31145,
64,
13,
1891,
2412,
1330,
5157,
2412,
11,
6060,
7416,
11,
360,
579,
37765,
11,
44707,
21947,
14134,
540,
628,
198
] | 3.541176 | 85 |
#!/usr/bin/env python
"""
This script takes a JSON dictionary containing traditional chinese characters
as keys, and the simplified equivalents as values. It then outputs a header file
appropriate for inclusion. The header output file contains an array,
`Cn_T2S` which can be used as
```
simpChr = Cn_T2S[tradChr];
```
the variable Cn_T2S_MinChr contains the smallest key in the dictionary, whereas
Cn_T2S_MaxChr contains the largest key in the dictionary.
"""
import json
import datetime
import sys
from argparse import ArgumentParser
ap = ArgumentParser()
ap.add_argument('-f', '--file', help='Chinese map file', required=True)
ap.add_argument('-o', '--output', help='Where to place the output C source')
options = ap.parse_args()
with open(options.file, 'r') as fp:
txt = json.load(fp)
if options.output is None or ap.output == '-':
ofp = sys.stdout
else:
ofp = open(ap.output, 'w')
CP_MIN = 0xffffffff
CP_MAX = 0x00
for k in txt:
v = ord(k)
if v > CP_MAX:
CP_MAX = v
if v < CP_MIN:
CP_MIN = v
ofp.write('''
/**
* Generated by {script} on {date}
*
*/
#include <stdint.h>
static const uint16_t Cn_T2S_MinChr = {cp_min};
static const uint16_t Cn_T2S_MaxChr = {cp_max};
static uint16_t Cn_T2S[{cap}]={{
'''.format(
script=' '.join(sys.argv),
date=datetime.datetime.now(),
cp_min=CP_MIN,
cp_max=CP_MAX,
cap=CP_MAX+1))
num_items = 0
ITEMS_PER_LINE = 5
for trad, simp in txt.items():
ix = ord(trad)
val = ord(simp)
ofp.write(' [0x{:X}]=0x{:X},'.format(ix, val))
num_items += 1
if num_items >= ITEMS_PER_LINE:
ofp.write('\n')
num_items = 0
ofp.write('};\n')
ofp.flush() | [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
198,
198,
37811,
198,
1212,
4226,
2753,
257,
19449,
22155,
7268,
4569,
442,
3762,
3435,
198,
292,
8251,
11,
290,
262,
27009,
40255,
355,
3815,
13,
632,
788,
23862,
257,
13639,
2393,
198,
13335,
329,
14900,
13,
383,
13639,
5072,
2393,
4909,
281,
7177,
11,
198,
63,
34,
77,
62,
51,
17,
50,
63,
543,
460,
307,
973,
355,
198,
198,
15506,
63,
198,
220,
220,
220,
985,
79,
1925,
81,
796,
327,
77,
62,
51,
17,
50,
58,
2213,
324,
1925,
81,
11208,
198,
15506,
63,
198,
198,
1169,
7885,
327,
77,
62,
51,
17,
50,
62,
9452,
1925,
81,
4909,
262,
18197,
1994,
287,
262,
22155,
11,
9472,
198,
34,
77,
62,
51,
17,
50,
62,
11518,
1925,
81,
4909,
262,
4387,
1994,
287,
262,
22155,
13,
198,
37811,
198,
198,
11748,
33918,
198,
11748,
4818,
8079,
198,
11748,
25064,
198,
6738,
1822,
29572,
1330,
45751,
46677,
198,
198,
499,
796,
45751,
46677,
3419,
198,
499,
13,
2860,
62,
49140,
10786,
12,
69,
3256,
705,
438,
7753,
3256,
1037,
11639,
23604,
3975,
2393,
3256,
2672,
28,
17821,
8,
198,
499,
13,
2860,
62,
49140,
10786,
12,
78,
3256,
705,
438,
22915,
3256,
1037,
11639,
8496,
284,
1295,
262,
5072,
327,
2723,
11537,
198,
198,
25811,
796,
2471,
13,
29572,
62,
22046,
3419,
198,
198,
4480,
1280,
7,
25811,
13,
7753,
11,
705,
81,
11537,
355,
277,
79,
25,
198,
220,
220,
220,
256,
742,
796,
33918,
13,
2220,
7,
46428,
8,
198,
198,
361,
3689,
13,
22915,
318,
6045,
393,
2471,
13,
22915,
6624,
705,
12,
10354,
198,
220,
220,
220,
286,
79,
796,
25064,
13,
19282,
448,
198,
17772,
25,
198,
220,
220,
220,
286,
79,
796,
1280,
7,
499,
13,
22915,
11,
705,
86,
11537,
198,
198,
8697,
62,
23678,
796,
657,
87,
12927,
12927,
198,
8697,
62,
22921,
796,
657,
87,
405,
198,
198,
1640,
479,
287,
256,
742,
25,
198,
220,
220,
220,
410,
796,
2760,
7,
74,
8,
198,
220,
220,
220,
611,
410,
1875,
16932,
62,
22921,
25,
198,
220,
220,
220,
220,
220,
220,
220,
16932,
62,
22921,
796,
410,
198,
220,
220,
220,
611,
410,
1279,
16932,
62,
23678,
25,
198,
220,
220,
220,
220,
220,
220,
220,
16932,
62,
23678,
796,
410,
198,
198,
1659,
79,
13,
13564,
7,
7061,
6,
198,
35343,
198,
1635,
2980,
515,
416,
1391,
12048,
92,
319,
1391,
4475,
92,
198,
1635,
198,
9466,
198,
2,
17256,
1279,
19282,
600,
13,
71,
29,
198,
198,
12708,
1500,
20398,
1433,
62,
83,
327,
77,
62,
51,
17,
50,
62,
9452,
1925,
81,
796,
1391,
13155,
62,
1084,
19629,
198,
12708,
1500,
20398,
1433,
62,
83,
327,
77,
62,
51,
17,
50,
62,
11518,
1925,
81,
796,
1391,
13155,
62,
9806,
19629,
198,
198,
12708,
20398,
1433,
62,
83,
327,
77,
62,
51,
17,
50,
58,
90,
11128,
92,
22241,
27007,
198,
7061,
4458,
18982,
7,
198,
220,
220,
220,
220,
220,
220,
220,
4226,
11639,
45302,
22179,
7,
17597,
13,
853,
85,
828,
198,
220,
220,
220,
220,
220,
220,
220,
3128,
28,
19608,
8079,
13,
19608,
8079,
13,
2197,
22784,
198,
220,
220,
220,
220,
220,
220,
220,
31396,
62,
1084,
28,
8697,
62,
23678,
11,
198,
220,
220,
220,
220,
220,
220,
220,
31396,
62,
9806,
28,
8697,
62,
22921,
11,
198,
220,
220,
220,
220,
220,
220,
220,
1451,
28,
8697,
62,
22921,
10,
16,
4008,
628,
628,
198,
22510,
62,
23814,
796,
657,
198,
2043,
39201,
62,
18973,
62,
24027,
796,
642,
198,
198,
1640,
2083,
11,
985,
79,
287,
256,
742,
13,
23814,
33529,
198,
220,
220,
220,
220,
844,
796,
2760,
7,
2213,
324,
8,
198,
220,
220,
220,
1188,
796,
2760,
7,
82,
11011,
8,
198,
220,
220,
220,
286,
79,
13,
13564,
10786,
685,
15,
87,
90,
25,
55,
92,
22241,
15,
87,
90,
25,
55,
92,
4032,
13,
18982,
7,
844,
11,
1188,
4008,
198,
220,
220,
220,
997,
62,
23814,
15853,
352,
198,
220,
220,
220,
611,
997,
62,
23814,
18189,
7283,
39201,
62,
18973,
62,
24027,
25,
198,
220,
220,
220,
220,
220,
220,
220,
286,
79,
13,
13564,
10786,
59,
77,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
997,
62,
23814,
796,
657,
198,
198,
1659,
79,
13,
13564,
10786,
19629,
59,
77,
11537,
198,
1659,
79,
13,
25925,
3419
] | 2.348006 | 727 |
# -*- coding: utf-8 -*-
# @COPYRIGHT_begin
#
# Copyright [2010-2014] Institute of Nuclear Physics PAN, Krakow, Poland
#
# 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.
#
# @COPYRIGHT_end
"""@package src.cm.views.user.network
@author Maciej Nabożny <[email protected]>
Database model describing public ip addresses, which could be mapped on vm ip
lease (Lease entity). Attached ips are redirected by nodes, on which vm are
running. This is done by one-to-one NAT (SNAT+DNAT)
"""
import subprocess
from django.db import models
from cm.utils import log
from cm.utils.exception import CMException
| [
2,
532,
9,
12,
19617,
25,
3384,
69,
12,
23,
532,
9,
12,
198,
2,
2488,
34,
3185,
38162,
9947,
62,
27471,
198,
2,
198,
2,
15069,
685,
10333,
12,
4967,
60,
5136,
286,
19229,
23123,
40468,
11,
509,
17716,
322,
11,
12873,
198,
2,
198,
2,
49962,
739,
262,
24843,
13789,
11,
10628,
362,
13,
15,
357,
1169,
366,
34156,
15341,
198,
2,
220,
220,
220,
345,
743,
407,
779,
428,
2393,
2845,
287,
11846,
351,
262,
13789,
13,
198,
2,
220,
220,
220,
921,
743,
7330,
257,
4866,
286,
262,
13789,
379,
198,
2,
198,
2,
2638,
1378,
2503,
13,
43073,
13,
2398,
14,
677,
4541,
14,
43,
2149,
24290,
12,
17,
13,
15,
198,
2,
198,
2,
17486,
2672,
416,
9723,
1099,
393,
4987,
284,
287,
3597,
11,
3788,
198,
2,
220,
220,
220,
9387,
739,
262,
13789,
318,
9387,
319,
281,
366,
1921,
3180,
1,
29809,
1797,
11,
198,
2,
220,
220,
220,
42881,
34764,
11015,
6375,
7102,
49828,
11053,
3963,
15529,
509,
12115,
11,
2035,
4911,
393,
17142,
13,
198,
2,
220,
220,
220,
4091,
262,
13789,
329,
262,
2176,
3303,
15030,
21627,
290,
198,
2,
220,
220,
220,
11247,
739,
262,
13789,
13,
198,
2,
198,
2,
2488,
34,
3185,
38162,
9947,
62,
437,
198,
198,
37811,
31,
26495,
12351,
13,
11215,
13,
33571,
13,
7220,
13,
27349,
198,
31,
9800,
4100,
494,
73,
399,
34748,
129,
120,
3281,
1279,
10295,
31,
10295,
397,
8590,
3281,
13,
489,
29,
628,
198,
38105,
2746,
12059,
1171,
20966,
9405,
11,
543,
714,
307,
27661,
319,
45887,
20966,
198,
1274,
357,
3123,
589,
9312,
737,
3460,
2317,
220,
2419,
389,
45158,
416,
13760,
11,
319,
543,
45887,
389,
198,
20270,
13,
770,
318,
1760,
416,
530,
12,
1462,
12,
505,
10149,
357,
15571,
1404,
10,
35,
34259,
8,
198,
37811,
198,
198,
11748,
850,
14681,
198,
198,
6738,
42625,
14208,
13,
9945,
1330,
4981,
198,
198,
6738,
12067,
13,
26791,
1330,
2604,
198,
6738,
12067,
13,
26791,
13,
1069,
4516,
1330,
16477,
16922,
628
] | 3.284866 | 337 |
from rest_framework import status
from rest_framework.authentication import TokenAuthentication
from rest_framework.decorators import api_view, permission_classes, authentication_classes
from rest_framework.filters import SearchFilter, OrderingFilter
from rest_framework.generics import ListAPIView
from rest_framework.pagination import PageNumberPagination
from rest_framework.permissions import IsAuthenticated
from rest_framework.response import Response
from blog.models import BlogPost
from blog.utils import validate_uuid4
from blog.serializers import (
BlogPostSerializer,
BlogPostUpdateSerializer,
BlogPostCreateSerializer,
)
@api_view(["GET"])
@permission_classes((IsAuthenticated,))
@authentication_classes([TokenAuthentication])
@api_view(["POST"])
@permission_classes((IsAuthenticated,))
@api_view(["PUT"])
@permission_classes((IsAuthenticated,))
@api_view(["DELETE"])
@permission_classes((IsAuthenticated,))
@api_view(["GET"])
@permission_classes((IsAuthenticated,))
@api_view(['GET', ])
@permission_classes((IsAuthenticated,))
| [
6738,
1334,
62,
30604,
1330,
3722,
198,
6738,
1334,
62,
30604,
13,
41299,
3299,
1330,
29130,
47649,
3299,
198,
6738,
1334,
62,
30604,
13,
12501,
273,
2024,
1330,
40391,
62,
1177,
11,
7170,
62,
37724,
11,
18239,
62,
37724,
198,
6738,
1334,
62,
30604,
13,
10379,
1010,
1330,
11140,
22417,
11,
8284,
278,
22417,
198,
6738,
1334,
62,
30604,
13,
8612,
873,
1330,
7343,
2969,
3824,
769,
198,
6738,
1334,
62,
30604,
13,
79,
363,
1883,
1330,
7873,
15057,
47,
363,
1883,
198,
6738,
1334,
62,
30604,
13,
525,
8481,
1330,
1148,
47649,
3474,
198,
6738,
1334,
62,
30604,
13,
26209,
1330,
18261,
198,
198,
6738,
4130,
13,
27530,
1330,
14001,
6307,
198,
6738,
4130,
13,
26791,
1330,
26571,
62,
12303,
312,
19,
198,
6738,
4130,
13,
46911,
11341,
1330,
357,
198,
220,
220,
220,
14001,
6307,
32634,
7509,
11,
198,
220,
220,
220,
14001,
6307,
10260,
32634,
7509,
11,
198,
220,
220,
220,
14001,
6307,
16447,
32634,
7509,
11,
198,
8,
628,
628,
198,
31,
15042,
62,
1177,
7,
14692,
18851,
8973,
8,
198,
31,
525,
3411,
62,
37724,
19510,
3792,
47649,
3474,
11,
4008,
198,
31,
41299,
3299,
62,
37724,
26933,
30642,
47649,
3299,
12962,
628,
198,
31,
15042,
62,
1177,
7,
14692,
32782,
8973,
8,
198,
31,
525,
3411,
62,
37724,
19510,
3792,
47649,
3474,
11,
4008,
628,
198,
31,
15042,
62,
1177,
7,
14692,
30076,
8973,
8,
198,
31,
525,
3411,
62,
37724,
19510,
3792,
47649,
3474,
11,
4008,
628,
198,
31,
15042,
62,
1177,
7,
14692,
7206,
2538,
9328,
8973,
8,
198,
31,
525,
3411,
62,
37724,
19510,
3792,
47649,
3474,
11,
4008,
628,
198,
31,
15042,
62,
1177,
7,
14692,
18851,
8973,
8,
198,
31,
525,
3411,
62,
37724,
19510,
3792,
47649,
3474,
11,
4008,
628,
198,
31,
15042,
62,
1177,
7,
17816,
18851,
3256,
33761,
198,
31,
525,
3411,
62,
37724,
19510,
3792,
47649,
3474,
11,
4008,
198
] | 3.390476 | 315 |
""" crypto.cipher.aes_cbc
AES_CBC Encryption Algorithm
Copyright (c) 2002 by Paul A. Lambert
Read LICENSE.txt for license information.
2002-06-14
"""
from crypto.cipher.aes import AES
from crypto.cipher.cbc import CBC
from crypto.cipher.base import BlockCipher, padWithPadLen, noPadding
class AES_CBC(CBC):
""" AES encryption in CBC feedback mode """
| [
37811,
21473,
13,
66,
10803,
13,
64,
274,
62,
66,
15630,
628,
220,
220,
220,
34329,
62,
29208,
14711,
13168,
978,
42289,
628,
220,
220,
220,
15069,
357,
66,
8,
6244,
416,
3362,
317,
13,
36978,
198,
220,
220,
220,
4149,
38559,
24290,
13,
14116,
329,
5964,
1321,
13,
628,
220,
220,
220,
6244,
12,
3312,
12,
1415,
198,
37811,
198,
198,
6738,
21473,
13,
66,
10803,
13,
64,
274,
220,
1330,
34329,
198,
6738,
21473,
13,
66,
10803,
13,
66,
15630,
220,
1330,
20244,
198,
6738,
21473,
13,
66,
10803,
13,
8692,
1330,
9726,
34,
10803,
11,
14841,
3152,
26114,
30659,
11,
645,
47,
26872,
198,
198,
4871,
34329,
62,
29208,
7,
29208,
2599,
198,
220,
220,
220,
37227,
34329,
15835,
287,
20244,
7538,
4235,
37227,
628
] | 2.960938 | 128 |
import time
from threading import Thread
from typing import List
from fpakman.util.cache import Cache
| [
11748,
640,
198,
6738,
4704,
278,
1330,
14122,
198,
6738,
19720,
1330,
7343,
198,
198,
6738,
277,
41091,
805,
13,
22602,
13,
23870,
1330,
34088,
628,
198
] | 3.888889 | 27 |
#!/usr/bin/env python3
import sys
import json
from util.aoc import file_to_day
from util.input import load_data
if __name__ == "__main__":
test = len(sys.argv) > 1 and sys.argv[1] == "test"
main(test)
| [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
18,
198,
198,
11748,
25064,
198,
11748,
33918,
198,
198,
6738,
7736,
13,
64,
420,
1330,
2393,
62,
1462,
62,
820,
198,
6738,
7736,
13,
15414,
1330,
3440,
62,
7890,
628,
628,
628,
628,
198,
361,
11593,
3672,
834,
6624,
366,
834,
12417,
834,
1298,
198,
220,
220,
220,
1332,
796,
18896,
7,
17597,
13,
853,
85,
8,
1875,
352,
290,
25064,
13,
853,
85,
58,
16,
60,
6624,
366,
9288,
1,
198,
220,
220,
220,
1388,
7,
9288,
8,
198
] | 2.460674 | 89 |
import os
import fsspec
import numpy as np
from PIL import Image
from PIL import ImageDraw
| [
11748,
28686,
198,
11748,
277,
824,
43106,
198,
198,
11748,
299,
32152,
355,
45941,
198,
6738,
350,
4146,
1330,
7412,
198,
6738,
350,
4146,
1330,
7412,
25302,
628,
628,
628
] | 3.233333 | 30 |
from django.urls import re_path
from . import views
urlpatterns = [
re_path(r'^action/', views.action_view),
re_path(r'^append-block/', views.append_block_view),
re_path(r'^edit-block/', views.edit_block_view),
]
| [
6738,
42625,
14208,
13,
6371,
82,
1330,
302,
62,
6978,
198,
198,
6738,
764,
1330,
5009,
198,
198,
6371,
33279,
82,
796,
685,
198,
220,
220,
220,
302,
62,
6978,
7,
81,
6,
61,
2673,
14,
3256,
5009,
13,
2673,
62,
1177,
828,
198,
220,
220,
220,
302,
62,
6978,
7,
81,
6,
61,
33295,
12,
9967,
14,
3256,
5009,
13,
33295,
62,
9967,
62,
1177,
828,
198,
220,
220,
220,
302,
62,
6978,
7,
81,
6,
61,
19312,
12,
9967,
14,
3256,
5009,
13,
19312,
62,
9967,
62,
1177,
828,
198,
60,
198
] | 2.414894 | 94 |
from __future__ import annotations
import json
from base64 import b64decode, b64encode
from copy import deepcopy as dp
from io import BytesIO
from random import randrange
from string import digits as strdigits
from typing import Generator, IO
from . import utils
from .common import Cipher, Crypter
from .exceptions import FileTypeMismatchError
from .standardciphers import StreamedAESWithModeECB
__all__ = ['NCM', 'NCMRC4Cipher']
class NCM(Crypter):
"""读写网易云音乐 NCM 格式的文件。
读取:
>>> ncmfile = NCM('./test1.ncm')
>>> data = ncmfile.read()
写入:
>>> ncmfile.write(b'Writted bytes')
创建、写入并保存:
>>> new_ncmfile = NCM() # 随机生成一个密钥
>>> with open('./metal.flac', 'rb') as f: # 写入未加密的文件数据
... new_ncmfile.write(f.read())
>>> new_ncmfile.save('./result.ncm')
>>> """
@staticmethod
@staticmethod
@staticmethod
def __init__(self,
filething: utils.FileThing | None = None,
**kwargs
) -> None:
"""读写网易云音乐 NCM 格式的文件。
Args:
filething (file): 源 NCM 文件的路径或文件对象;留空则视为创建一个空 NCM 文件
Keyword Args:
key (bytes): 加/解密数据所需的密钥;留空则会随机生成一个
所有未知的关键字参数都会被忽略。
"""
if filething is None:
self._raw = BytesIO()
self._name = None
key: bytes | None = kwargs.get('key', None)
if key is not None:
self._cipher: NCMRC4Cipher = NCMRC4Cipher(key)
else:
# 如果没有指定密钥,也没有指定文件,那么随机生成一个长度等于 111 或 113 的密钥
key_left = utils.gen_random_string(
randrange(27, 30), strdigits
).encode()
key_right = b'E7fT49x7dof9OKCgg9cdvhEuezy3iZCL1nFvBFd1T4uSktAJKmwZXsijPbijliionVUXXg9plTbXEclAE9Lb'
self._cipher = NCMRC4Cipher(key_left + key_right)
self._tagdata = {}
self.coverdata = b''
else:
super().__init__(filething, **kwargs)
def load(self,
filething: utils.FileThing,
**kwargs
) -> None:
"""将一个 NCM 文件加载到当前 NCM 对象中。
Args:
filething (file): 源 NCM 文件的路径或文件对象
Keyword Args:
skip_tagdata (bool): 加载文件时跳过加载标签信息和封面数据,默认为 ``False``
Raises:
FileTypeMismatchError: ``filething`` 不是一个 NCM 格式文件
所有未知的关键字参数都会被忽略。
"""
skip_tagdata: bool = kwargs.get('skip_tagdata', False)
if utils.is_filepath(filething):
fileobj: IO[bytes] = open(filething, 'rb') # type: ignore
self._name = fileobj.name
else:
fileobj: IO[bytes] = filething # type: ignore
self._name = None
utils.verify_fileobj_readable(fileobj, bytes)
utils.verify_fileobj_seekable(fileobj)
fileobj.seek(0, 0)
file_header = fileobj.read(10)
for header in self.file_headers():
if file_header.startswith(header):
break
else:
raise FileTypeMismatchError('not a NCM file: bad file header')
# 获取加密的主密钥数据
encrypted_masterkey_len = int.from_bytes(fileobj.read(4), 'little')
encrypted_masterkey = bytes(b ^ 0x64 for b in fileobj.read(encrypted_masterkey_len))
masterkey_cipher = StreamedAESWithModeECB(self.core_key())
masterkey = masterkey_cipher.decrypt(encrypted_masterkey)[17:] # 去除密钥开头的 b'neteasecloudmusic'
# 获取加密的标签信息
raw_encrypted_tagdata_len = int.from_bytes(fileobj.read(4), 'little')
tagdata = {}
if skip_tagdata:
fileobj.seek(raw_encrypted_tagdata_len, 1)
else:
raw_encrypted_tagdata = bytes(
b ^ 0x63 for b in fileobj.read(raw_encrypted_tagdata_len)
)
encrypted_tagdata = b64decode(raw_encrypted_tagdata[22:], validate=True) # 在 b64decode 之前,去除原始数据开头的 b"163 key(Don't modify):"
identifier = raw_encrypted_tagdata
tagdata_cipher = StreamedAESWithModeECB(self.meta_key())
tagdata.update(json.loads(tagdata_cipher.decrypt(encrypted_tagdata)[6:])) # 在 JSON 反序列化之前,去除字节串开头的 b'music:'
tagdata['identifier'] = identifier.decode()
fileobj.seek(5, 1)
# 获取封面数据
cover_alloc = int.from_bytes(fileobj.read(4), 'little')
coverdata = b''
if skip_tagdata:
fileobj.seek(cover_alloc, 1)
else:
cover_size = int.from_bytes(fileobj.read(4), 'little')
if cover_size:
coverdata = fileobj.read(cover_size)
fileobj.seek(cover_alloc - cover_size, 1)
# 将以上步骤所得信息,连同加密音频数据设置为属性
self._tagdata = tagdata
self.coverdata = coverdata
self._cipher: NCMRC4Cipher = NCMRC4Cipher(masterkey)
self._raw = BytesIO(fileobj.read())
def save(self,
filething: utils.FileThing | None = None,
**kwargs
) -> None:
"""将当前 NCM 对象保存为一个 NCM 格式文件。
Args:
filething (file): 目标 NCM 文件的路径或文件对象,
留空则尝试使用 ``self.name``;如果两者都为空,
抛出 ``ValueError``
Keyword Args:
tagdata (dict): 向目标文件写入的标签信息;留空则使用 ``self.tagdata``
coverdata (bytes): 向目标文件写入的封面数据;留空则使用 ``self.coverdata``
Raises:
ValueError: 同时缺少参数 ``filething`` 和属性 ``self.name``
所有未知的关键字参数都会被忽略。
"""
tagdata: dict | None = kwargs.get('tagdata', None)
coverdata: bytes | None = kwargs.get('coverdata', None)
if filething:
if utils.is_filepath(filething):
fileobj: IO[bytes] = open(filething, 'wb') # type: ignore
else:
fileobj: IO[bytes] = filething # type: ignore
utils.verify_fileobj_writable(fileobj, bytes)
elif self._name:
fileobj: IO[bytes] = open(self._name, 'wb')
else:
raise ValueError('missing filepath or fileobj')
if tagdata is None:
tagdata = dp(self._tagdata)
else:
tagdata = dp(tagdata)
if coverdata is None:
coverdata = bytes(self.coverdata)
fileobj.seek(0, 0)
fileobj.write(b'CTENFDAM\x00\x00')
# 加密并写入主密钥
masterkey = b'neteasecloudmusic' + self._cipher.key
masterkey_cipher = StreamedAESWithModeECB(self.core_key())
encrypted_masterkey = bytes(b ^ 0x64 for b in masterkey_cipher.encrypt(masterkey))
fileobj.write(len(encrypted_masterkey).to_bytes(4, 'little'))
fileobj.write(encrypted_masterkey)
# 加密并写入标签信息
tagdata.pop('identifier', None)
plain_tagdata = b'music:' + json.dumps(tagdata).encode()
tagdata_cipher = StreamedAESWithModeECB(self.meta_key())
encrypted_tagdata = tagdata_cipher.encrypt(plain_tagdata)
raw_encrypted_tagdata = bytes(b ^ 0x63 for b in b"163 key(Don't modify):" + b64encode(encrypted_tagdata))
fileobj.write(len(raw_encrypted_tagdata).to_bytes(4, 'little'))
fileobj.write(raw_encrypted_tagdata)
fileobj.seek(5, 1)
# 写入封面数据
cover_alloc = len(coverdata)
cover_size = cover_alloc
fileobj.write(cover_alloc.to_bytes(4, 'little'))
fileobj.write(cover_size.to_bytes(4, 'little'))
fileobj.write(coverdata)
# 写入加密的音频数据
self._raw.seek(0, 0)
fileobj.write(self._raw.read())
if utils.is_filepath(filething):
fileobj.close()
@property
| [
6738,
11593,
37443,
834,
1330,
37647,
198,
198,
11748,
33918,
198,
6738,
2779,
2414,
1330,
275,
2414,
12501,
1098,
11,
275,
2414,
268,
8189,
198,
6738,
4866,
1330,
2769,
30073,
355,
288,
79,
198,
6738,
33245,
1330,
2750,
4879,
9399,
198,
6738,
4738,
1330,
43720,
9521,
198,
6738,
4731,
1330,
19561,
355,
965,
12894,
896,
198,
6738,
19720,
1330,
35986,
11,
24418,
198,
198,
6738,
764,
1330,
3384,
4487,
198,
6738,
764,
11321,
1330,
44334,
11,
8152,
42104,
198,
6738,
764,
1069,
11755,
1330,
9220,
6030,
44,
1042,
963,
12331,
198,
6738,
764,
20307,
66,
541,
7084,
1330,
13860,
276,
32,
1546,
3152,
19076,
2943,
33,
198,
198,
834,
439,
834,
796,
37250,
7792,
44,
3256,
705,
7792,
44,
7397,
19,
34,
10803,
20520,
628,
198,
198,
4871,
8823,
44,
7,
26677,
42104,
2599,
198,
220,
220,
220,
37227,
46237,
119,
37863,
247,
163,
121,
239,
23626,
241,
12859,
239,
165,
253,
111,
20046,
238,
8823,
44,
10545,
254,
120,
28156,
237,
21410,
23877,
229,
20015,
114,
16764,
628,
220,
220,
220,
5525,
107,
119,
20998,
244,
171,
120,
248,
628,
220,
220,
220,
13163,
299,
11215,
7753,
796,
8823,
44,
7,
4458,
14,
9288,
16,
13,
10782,
76,
11537,
198,
220,
220,
220,
13163,
1366,
796,
299,
11215,
7753,
13,
961,
3419,
628,
220,
220,
220,
10263,
228,
247,
17739,
98,
171,
120,
248,
628,
220,
220,
220,
13163,
299,
11215,
7753,
13,
13564,
7,
65,
6,
39213,
2175,
9881,
11537,
628,
220,
220,
220,
10263,
230,
249,
161,
119,
118,
23513,
37863,
247,
17739,
98,
33176,
114,
46479,
251,
27764,
246,
171,
120,
248,
628,
220,
220,
220,
13163,
649,
62,
10782,
76,
7753,
796,
8823,
44,
3419,
220,
1303,
16268,
248,
237,
17312,
118,
37955,
22755,
238,
31660,
10310,
103,
43380,
228,
165,
240,
98,
198,
220,
220,
220,
13163,
351,
1280,
7,
4458,
14,
28469,
13,
2704,
330,
3256,
705,
26145,
11537,
355,
277,
25,
220,
1303,
10263,
228,
247,
17739,
98,
17312,
103,
27950,
254,
43380,
228,
21410,
23877,
229,
20015,
35050,
243,
108,
162,
235,
106,
198,
220,
220,
220,
2644,
220,
220,
220,
220,
649,
62,
10782,
76,
7753,
13,
13564,
7,
69,
13,
961,
28955,
198,
220,
220,
220,
13163,
649,
62,
10782,
76,
7753,
13,
21928,
7,
4458,
14,
20274,
13,
10782,
76,
11537,
198,
220,
220,
220,
13163,
37227,
628,
220,
220,
220,
2488,
12708,
24396,
628,
220,
220,
220,
2488,
12708,
24396,
628,
220,
220,
220,
2488,
12708,
24396,
628,
220,
220,
220,
825,
11593,
15003,
834,
7,
944,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2393,
1197,
25,
3384,
4487,
13,
8979,
51,
722,
930,
6045,
796,
6045,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12429,
46265,
22046,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
4613,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
46237,
119,
37863,
247,
163,
121,
239,
23626,
241,
12859,
239,
165,
253,
111,
20046,
238,
8823,
44,
10545,
254,
120,
28156,
237,
21410,
23877,
229,
20015,
114,
16764,
628,
220,
220,
220,
220,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2393,
1197,
357,
7753,
2599,
10545,
118,
238,
8823,
44,
10545,
244,
229,
20015,
114,
21410,
164,
115,
107,
36181,
226,
22755,
244,
23877,
229,
20015,
114,
43380,
117,
164,
109,
94,
171,
120,
249,
45911,
247,
163,
102,
118,
26344,
247,
164,
100,
228,
10310,
118,
26344,
249,
161,
119,
118,
31660,
10310,
103,
163,
102,
118,
8823,
44,
10545,
244,
229,
20015,
114,
198,
220,
220,
220,
220,
220,
220,
220,
7383,
4775,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1994,
357,
33661,
2599,
10263,
232,
254,
14,
164,
100,
96,
43380,
228,
46763,
108,
162,
235,
106,
33699,
222,
165,
250,
222,
21410,
43380,
228,
165,
240,
98,
171,
120,
249,
45911,
247,
163,
102,
118,
26344,
247,
27670,
21253,
248,
237,
17312,
118,
37955,
22755,
238,
31660,
10310,
103,
628,
220,
220,
220,
220,
220,
220,
220,
10545,
231,
222,
17312,
231,
17312,
103,
163,
253,
98,
21410,
17739,
111,
165,
242,
106,
27764,
245,
20998,
224,
46763,
108,
32849,
121,
27670,
248,
164,
95,
104,
161,
4204,
45911,
98,
16764,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2393,
1197,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
1831,
796,
2750,
4879,
9399,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
3672,
796,
6045,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1994,
25,
9881,
930,
6045,
796,
479,
86,
22046,
13,
1136,
10786,
2539,
3256,
6045,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
1994,
318,
407,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
66,
10803,
25,
8823,
44,
7397,
19,
34,
10803,
796,
8823,
44,
7397,
19,
34,
10803,
7,
2539,
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,
1303,
10263,
99,
224,
162,
252,
250,
162,
110,
94,
17312,
231,
162,
234,
229,
22522,
248,
43380,
228,
165,
240,
98,
171,
120,
234,
20046,
253,
162,
110,
94,
17312,
231,
162,
234,
229,
22522,
248,
23877,
229,
20015,
114,
171,
120,
234,
165,
224,
96,
20046,
230,
49694,
237,
17312,
118,
37955,
22755,
238,
31660,
10310,
103,
165,
243,
123,
41753,
99,
163,
255,
231,
12859,
236,
13374,
10545,
230,
244,
17318,
13328,
248,
226,
43380,
228,
165,
240,
98,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1994,
62,
9464,
796,
3384,
4487,
13,
5235,
62,
25120,
62,
8841,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
43720,
9521,
7,
1983,
11,
1542,
828,
965,
12894,
896,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6739,
268,
8189,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1994,
62,
3506,
796,
275,
6,
36,
22,
69,
51,
2920,
87,
22,
67,
1659,
24,
11380,
34,
1130,
24,
10210,
85,
71,
36,
518,
7357,
18,
72,
57,
5097,
16,
77,
37,
85,
29499,
67,
16,
51,
19,
84,
15739,
83,
32,
41,
42,
76,
86,
40692,
82,
2926,
47,
65,
2926,
4528,
295,
53,
52,
8051,
70,
24,
489,
51,
65,
55,
36,
565,
14242,
24,
43,
65,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
66,
10803,
796,
8823,
44,
7397,
19,
34,
10803,
7,
2539,
62,
9464,
1343,
1994,
62,
3506,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
12985,
7890,
796,
23884,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
9631,
7890,
796,
275,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2208,
22446,
834,
15003,
834,
7,
7753,
1197,
11,
12429,
46265,
22046,
8,
628,
220,
220,
220,
825,
3440,
7,
944,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2393,
1197,
25,
3384,
4487,
13,
8979,
51,
722,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12429,
46265,
22046,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
4613,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
49546,
31660,
10310,
103,
8823,
44,
10545,
244,
229,
20015,
114,
27950,
254,
164,
121,
121,
26344,
108,
37605,
241,
30298,
235,
8823,
44,
10263,
107,
117,
164,
109,
94,
40792,
16764,
628,
220,
220,
220,
220,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2393,
1197,
357,
7753,
2599,
10545,
118,
238,
8823,
44,
10545,
244,
229,
20015,
114,
21410,
164,
115,
107,
36181,
226,
22755,
244,
23877,
229,
20015,
114,
43380,
117,
164,
109,
94,
198,
220,
220,
220,
220,
220,
220,
220,
7383,
4775,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
14267,
62,
12985,
7890,
357,
30388,
2599,
10263,
232,
254,
164,
121,
121,
23877,
229,
20015,
114,
33768,
114,
164,
115,
111,
32573,
229,
27950,
254,
164,
121,
121,
43718,
229,
163,
255,
122,
46479,
94,
162,
223,
107,
161,
240,
234,
22887,
223,
165,
251,
95,
46763,
108,
162,
235,
106,
171,
120,
234,
165,
119,
246,
164,
106,
97,
10310,
118,
7559,
25101,
15506,
198,
220,
220,
220,
220,
220,
220,
220,
7567,
2696,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9220,
6030,
44,
1042,
963,
12331,
25,
7559,
7753,
1197,
15506,
220,
38834,
42468,
31660,
10310,
103,
8823,
44,
10545,
254,
120,
28156,
237,
23877,
229,
20015,
114,
628,
220,
220,
220,
220,
220,
220,
220,
10545,
231,
222,
17312,
231,
17312,
103,
163,
253,
98,
21410,
17739,
111,
165,
242,
106,
27764,
245,
20998,
224,
46763,
108,
32849,
121,
27670,
248,
164,
95,
104,
161,
4204,
45911,
98,
16764,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
14267,
62,
12985,
7890,
25,
20512,
796,
479,
86,
22046,
13,
1136,
10786,
48267,
62,
12985,
7890,
3256,
10352,
8,
628,
220,
220,
220,
220,
220,
220,
220,
611,
3384,
4487,
13,
271,
62,
7753,
6978,
7,
7753,
1197,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2393,
26801,
25,
24418,
58,
33661,
60,
796,
1280,
7,
7753,
1197,
11,
705,
26145,
11537,
220,
1303,
2099,
25,
8856,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
3672,
796,
2393,
26801,
13,
3672,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2393,
26801,
25,
24418,
58,
33661,
60,
796,
2393,
1197,
220,
1303,
2099,
25,
8856,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
3672,
796,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3384,
4487,
13,
332,
1958,
62,
7753,
26801,
62,
46155,
7,
7753,
26801,
11,
9881,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3384,
4487,
13,
332,
1958,
62,
7753,
26801,
62,
36163,
540,
7,
7753,
26801,
8,
628,
220,
220,
220,
220,
220,
220,
220,
2393,
26801,
13,
36163,
7,
15,
11,
657,
8,
628,
220,
220,
220,
220,
220,
220,
220,
2393,
62,
25677,
796,
2393,
26801,
13,
961,
7,
940,
8,
198,
220,
220,
220,
220,
220,
220,
220,
329,
13639,
287,
2116,
13,
7753,
62,
50145,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2393,
62,
25677,
13,
9688,
2032,
342,
7,
25677,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2270,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
9220,
6030,
44,
1042,
963,
12331,
10786,
1662,
257,
8823,
44,
2393,
25,
2089,
2393,
13639,
11537,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
5525,
236,
115,
20998,
244,
27950,
254,
43380,
228,
21410,
10310,
119,
43380,
228,
165,
240,
98,
46763,
108,
162,
235,
106,
198,
220,
220,
220,
220,
220,
220,
220,
19365,
62,
9866,
2539,
62,
11925,
796,
493,
13,
6738,
62,
33661,
7,
7753,
26801,
13,
961,
7,
19,
828,
705,
31629,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
19365,
62,
9866,
2539,
796,
9881,
7,
65,
10563,
657,
87,
2414,
329,
275,
287,
2393,
26801,
13,
961,
7,
43628,
62,
9866,
2539,
62,
11925,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
4958,
2539,
62,
66,
10803,
796,
13860,
276,
32,
1546,
3152,
19076,
2943,
33,
7,
944,
13,
7295,
62,
2539,
28955,
198,
220,
220,
220,
220,
220,
220,
220,
4958,
2539,
796,
4958,
2539,
62,
66,
10803,
13,
12501,
6012,
7,
43628,
62,
9866,
2539,
38381,
1558,
47715,
220,
1303,
10263,
236,
119,
165,
247,
97,
43380,
228,
165,
240,
98,
28156,
222,
13783,
112,
21410,
275,
6,
3262,
68,
589,
17721,
28965,
6,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
5525,
236,
115,
20998,
244,
27950,
254,
43380,
228,
21410,
43718,
229,
163,
255,
122,
46479,
94,
162,
223,
107,
198,
220,
220,
220,
220,
220,
220,
220,
8246,
62,
43628,
62,
12985,
7890,
62,
11925,
796,
493,
13,
6738,
62,
33661,
7,
7753,
26801,
13,
961,
7,
19,
828,
705,
31629,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
7621,
7890,
796,
23884,
198,
220,
220,
220,
220,
220,
220,
220,
611,
14267,
62,
12985,
7890,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2393,
26801,
13,
36163,
7,
1831,
62,
43628,
62,
12985,
7890,
62,
11925,
11,
352,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8246,
62,
43628,
62,
12985,
7890,
796,
9881,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
275,
10563,
657,
87,
5066,
329,
275,
287,
2393,
26801,
13,
961,
7,
1831,
62,
43628,
62,
12985,
7890,
62,
11925,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
19365,
62,
12985,
7890,
796,
275,
2414,
12501,
1098,
7,
1831,
62,
43628,
62,
12985,
7890,
58,
1828,
25,
4357,
26571,
28,
17821,
8,
220,
1303,
10263,
250,
101,
275,
2414,
12501,
1098,
220,
45298,
30298,
235,
171,
120,
234,
43889,
119,
165,
247,
97,
43889,
253,
34650,
233,
46763,
108,
162,
235,
106,
28156,
222,
13783,
112,
21410,
275,
1,
24136,
1994,
7,
3987,
470,
13096,
2599,
1,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
27421,
796,
8246,
62,
43628,
62,
12985,
7890,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7621,
7890,
62,
66,
10803,
796,
13860,
276,
32,
1546,
3152,
19076,
2943,
33,
7,
944,
13,
28961,
62,
2539,
28955,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7621,
7890,
13,
19119,
7,
17752,
13,
46030,
7,
12985,
7890,
62,
66,
10803,
13,
12501,
6012,
7,
43628,
62,
12985,
7890,
38381,
21,
47715,
4008,
220,
1303,
10263,
250,
101,
19449,
10263,
237,
235,
41753,
237,
26344,
245,
44293,
244,
45298,
30298,
235,
171,
120,
234,
43889,
119,
165,
247,
97,
27764,
245,
164,
232,
224,
10310,
110,
28156,
222,
13783,
112,
21410,
275,
1101,
385,
291,
32105,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7621,
7890,
17816,
738,
7483,
20520,
796,
27421,
13,
12501,
1098,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
2393,
26801,
13,
36163,
7,
20,
11,
352,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
5525,
236,
115,
20998,
244,
22887,
223,
165,
251,
95,
46763,
108,
162,
235,
106,
198,
220,
220,
220,
220,
220,
220,
220,
3002,
62,
32332,
796,
493,
13,
6738,
62,
33661,
7,
7753,
26801,
13,
961,
7,
19,
828,
705,
31629,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
3002,
7890,
796,
275,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
611,
14267,
62,
12985,
7890,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2393,
26801,
13,
36163,
7,
9631,
62,
32332,
11,
352,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3002,
62,
7857,
796,
493,
13,
6738,
62,
33661,
7,
7753,
26801,
13,
961,
7,
19,
828,
705,
31629,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
3002,
62,
7857,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3002,
7890,
796,
2393,
26801,
13,
961,
7,
9631,
62,
7857,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2393,
26801,
13,
36163,
7,
9631,
62,
32332,
532,
3002,
62,
7857,
11,
352,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
10263,
108,
228,
20015,
98,
41468,
29826,
98,
165,
103,
97,
33699,
222,
36181,
245,
46479,
94,
162,
223,
107,
171,
120,
234,
32573,
252,
28938,
234,
27950,
254,
43380,
228,
165,
253,
111,
165,
95,
239,
46763,
108,
162,
235,
106,
164,
106,
122,
163,
121,
106,
10310,
118,
161,
109,
252,
45250,
100,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
12985,
7890,
796,
7621,
7890,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
9631,
7890,
796,
3002,
7890,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
66,
10803,
25,
8823,
44,
7397,
19,
34,
10803,
796,
8823,
44,
7397,
19,
34,
10803,
7,
9866,
2539,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
1831,
796,
2750,
4879,
9399,
7,
7753,
26801,
13,
961,
28955,
628,
220,
220,
220,
825,
3613,
7,
944,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2393,
1197,
25,
3384,
4487,
13,
8979,
51,
722,
930,
6045,
796,
6045,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12429,
46265,
22046,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
4613,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
49546,
37605,
241,
30298,
235,
8823,
44,
10263,
107,
117,
164,
109,
94,
46479,
251,
27764,
246,
10310,
118,
31660,
10310,
103,
8823,
44,
10545,
254,
120,
28156,
237,
23877,
229,
20015,
114,
16764,
628,
220,
220,
220,
220,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2393,
1197,
357,
7753,
2599,
13328,
249,
106,
43718,
229,
8823,
44,
10545,
244,
229,
20015,
114,
21410,
164,
115,
107,
36181,
226,
22755,
244,
23877,
229,
20015,
114,
43380,
117,
164,
109,
94,
171,
120,
234,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
13328,
243,
247,
163,
102,
118,
26344,
247,
22887,
251,
46237,
243,
45635,
18796,
101,
7559,
944,
13,
3672,
15506,
171,
120,
249,
36685,
224,
162,
252,
250,
10310,
97,
38519,
32849,
121,
10310,
118,
163,
102,
118,
171,
120,
234,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
10545,
232,
249,
49035,
118,
7559,
11395,
12331,
15506,
198,
220,
220,
220,
220,
220,
220,
220,
7383,
4775,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7621,
7890,
357,
11600,
2599,
10263,
238,
239,
33566,
106,
43718,
229,
23877,
229,
20015,
114,
37863,
247,
17739,
98,
21410,
43718,
229,
163,
255,
122,
46479,
94,
162,
223,
107,
171,
120,
249,
45911,
247,
163,
102,
118,
26344,
247,
45635,
18796,
101,
7559,
944,
13,
12985,
7890,
15506,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3002,
7890,
357,
33661,
2599,
10263,
238,
239,
33566,
106,
43718,
229,
23877,
229,
20015,
114,
37863,
247,
17739,
98,
21410,
22887,
223,
165,
251,
95,
46763,
108,
162,
235,
106,
171,
120,
249,
45911,
247,
163,
102,
118,
26344,
247,
45635,
18796,
101,
7559,
944,
13,
9631,
7890,
15506,
198,
220,
220,
220,
220,
220,
220,
220,
7567,
2696,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11052,
12331,
25,
10263,
238,
234,
33768,
114,
163,
120,
118,
22887,
239,
20998,
224,
46763,
108,
7559,
7753,
1197,
15506,
10263,
240,
234,
161,
109,
252,
45250,
100,
7559,
944,
13,
3672,
15506,
628,
220,
220,
220,
220,
220,
220,
220,
10545,
231,
222,
17312,
231,
17312,
103,
163,
253,
98,
21410,
17739,
111,
165,
242,
106,
27764,
245,
20998,
224,
46763,
108,
32849,
121,
27670,
248,
164,
95,
104,
161,
4204,
45911,
98,
16764,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
7621,
7890,
25,
8633,
930,
6045,
796,
479,
86,
22046,
13,
1136,
10786,
12985,
7890,
3256,
6045,
8,
198,
220,
220,
220,
220,
220,
220,
220,
3002,
7890,
25,
9881,
930,
6045,
796,
479,
86,
22046,
13,
1136,
10786,
9631,
7890,
3256,
6045,
8,
628,
220,
220,
220,
220,
220,
220,
220,
611,
2393,
1197,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
3384,
4487,
13,
271,
62,
7753,
6978,
7,
7753,
1197,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2393,
26801,
25,
24418,
58,
33661,
60,
796,
1280,
7,
7753,
1197,
11,
705,
39346,
11537,
220,
1303,
2099,
25,
8856,
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,
2393,
26801,
25,
24418,
58,
33661,
60,
796,
2393,
1197,
220,
1303,
2099,
25,
8856,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3384,
4487,
13,
332,
1958,
62,
7753,
26801,
62,
8933,
540,
7,
7753,
26801,
11,
9881,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
2116,
13557,
3672,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2393,
26801,
25,
24418,
58,
33661,
60,
796,
1280,
7,
944,
13557,
3672,
11,
705,
39346,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
11052,
12331,
10786,
45688,
2393,
6978,
393,
2393,
26801,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
611,
7621,
7890,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7621,
7890,
796,
288,
79,
7,
944,
13557,
12985,
7890,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7621,
7890,
796,
288,
79,
7,
12985,
7890,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
3002,
7890,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3002,
7890,
796,
9881,
7,
944,
13,
9631,
7890,
8,
628,
220,
220,
220,
220,
220,
220,
220,
2393,
26801,
13,
36163,
7,
15,
11,
657,
8,
628,
220,
220,
220,
220,
220,
220,
220,
2393,
26801,
13,
13564,
7,
65,
6,
4177,
1677,
26009,
2390,
59,
87,
405,
59,
87,
405,
11537,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
10263,
232,
254,
43380,
228,
33176,
114,
37863,
247,
17739,
98,
10310,
119,
43380,
228,
165,
240,
98,
198,
220,
220,
220,
220,
220,
220,
220,
4958,
2539,
796,
275,
6,
3262,
68,
589,
17721,
28965,
6,
1343,
2116,
13557,
66,
10803,
13,
2539,
198,
220,
220,
220,
220,
220,
220,
220,
4958,
2539,
62,
66,
10803,
796,
13860,
276,
32,
1546,
3152,
19076,
2943,
33,
7,
944,
13,
7295,
62,
2539,
28955,
198,
220,
220,
220,
220,
220,
220,
220,
19365,
62,
9866,
2539,
796,
9881,
7,
65,
10563,
657,
87,
2414,
329,
275,
287,
4958,
2539,
62,
66,
10803,
13,
12685,
6012,
7,
9866,
2539,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
2393,
26801,
13,
13564,
7,
11925,
7,
43628,
62,
9866,
2539,
737,
1462,
62,
33661,
7,
19,
11,
705,
31629,
6,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
2393,
26801,
13,
13564,
7,
43628,
62,
9866,
2539,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
10263,
232,
254,
43380,
228,
33176,
114,
37863,
247,
17739,
98,
43718,
229,
163,
255,
122,
46479,
94,
162,
223,
107,
198,
220,
220,
220,
220,
220,
220,
220,
7621,
7890,
13,
12924,
10786,
738,
7483,
3256,
6045,
8,
198,
220,
220,
220,
220,
220,
220,
220,
8631,
62,
12985,
7890,
796,
275,
1101,
385,
291,
32105,
1343,
33918,
13,
67,
8142,
7,
12985,
7890,
737,
268,
8189,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
7621,
7890,
62,
66,
10803,
796,
13860,
276,
32,
1546,
3152,
19076,
2943,
33,
7,
944,
13,
28961,
62,
2539,
28955,
198,
220,
220,
220,
220,
220,
220,
220,
19365,
62,
12985,
7890,
796,
7621,
7890,
62,
66,
10803,
13,
12685,
6012,
7,
25638,
62,
12985,
7890,
8,
198,
220,
220,
220,
220,
220,
220,
220,
8246,
62,
43628,
62,
12985,
7890,
796,
9881,
7,
65,
10563,
657,
87,
5066,
329,
275,
287,
275,
1,
24136,
1994,
7,
3987,
470,
13096,
2599,
1,
1343,
275,
2414,
268,
8189,
7,
43628,
62,
12985,
7890,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
2393,
26801,
13,
13564,
7,
11925,
7,
1831,
62,
43628,
62,
12985,
7890,
737,
1462,
62,
33661,
7,
19,
11,
705,
31629,
6,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
2393,
26801,
13,
13564,
7,
1831,
62,
43628,
62,
12985,
7890,
8,
628,
220,
220,
220,
220,
220,
220,
220,
2393,
26801,
13,
36163,
7,
20,
11,
352,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
10263,
228,
247,
17739,
98,
22887,
223,
165,
251,
95,
46763,
108,
162,
235,
106,
198,
220,
220,
220,
220,
220,
220,
220,
3002,
62,
32332,
796,
18896,
7,
9631,
7890,
8,
198,
220,
220,
220,
220,
220,
220,
220,
3002,
62,
7857,
796,
3002,
62,
32332,
198,
220,
220,
220,
220,
220,
220,
220,
2393,
26801,
13,
13564,
7,
9631,
62,
32332,
13,
1462,
62,
33661,
7,
19,
11,
705,
31629,
6,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
2393,
26801,
13,
13564,
7,
9631,
62,
7857,
13,
1462,
62,
33661,
7,
19,
11,
705,
31629,
6,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
2393,
26801,
13,
13564,
7,
9631,
7890,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
10263,
228,
247,
17739,
98,
27950,
254,
43380,
228,
21410,
165,
253,
111,
165,
95,
239,
46763,
108,
162,
235,
106,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
1831,
13,
36163,
7,
15,
11,
657,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2393,
26801,
13,
13564,
7,
944,
13557,
1831,
13,
961,
28955,
628,
220,
220,
220,
220,
220,
220,
220,
611,
3384,
4487,
13,
271,
62,
7753,
6978,
7,
7753,
1197,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2393,
26801,
13,
19836,
3419,
628,
220,
220,
220,
2488,
26745,
198
] | 1.663578 | 4,533 |
from . import base
from . import data
from . import envs
from . import nets
from . import prob
from . import sche
from . import patch
from . import utils | [
6738,
764,
1330,
2779,
198,
6738,
764,
1330,
1366,
198,
6738,
764,
1330,
551,
14259,
198,
6738,
764,
1330,
31720,
198,
6738,
764,
1330,
1861,
198,
6738,
764,
1330,
3897,
198,
6738,
764,
1330,
8529,
198,
6738,
764,
1330,
3384,
4487
] | 3.731707 | 41 |
from datetime import timedelta
SQLALCHEMY_DATABASE_URI = "mysql+pymysql://root:[email protected]:3306/mine_blog"
SQLALCHEMY_TRACK_MODIFICATIONS = True
JWT_SECRET_KEY = 'jwt_secret'
JWT_AUTH_URL_RULE = '/api/v1/auth'
JWT_EXPIRATION_DELTA = timedelta(seconds=12000)
SYS_UPLOAD_PATH = '/home/laowang/gitwarehouse/mine_blog/application/static/img/'
GITHUB_OAUTH = {
'CLIENT_ID': 'f9fa118d12389497686b',
'CLIENT_SECRET': 'a67149f74ce50c1e95c2d9bdeba7bbd579eb8d45',
'AUTHORIZE_PATH': 'https://github.com/login/oauth/authorize',
'ACCESS_TOKEN_PATH': 'https://github.com/login/oauth/access_token',
'USER_MESSAGE_PATH': 'https://api.github.com/user',
}
TENCENT_OAUTH = {
'secret_id': '',
'secret_key': '',
'region': '',
'bucket': ''
} | [
6738,
4818,
8079,
1330,
28805,
12514,
198,
198,
17861,
1847,
3398,
3620,
56,
62,
35,
1404,
6242,
11159,
62,
47269,
796,
366,
28744,
13976,
10,
79,
4948,
893,
13976,
1378,
15763,
25,
15763,
31,
16799,
13,
15,
13,
15,
13,
16,
25,
18,
20548,
14,
3810,
62,
14036,
1,
198,
17861,
1847,
3398,
3620,
56,
62,
5446,
8120,
62,
33365,
30643,
18421,
796,
6407,
198,
41,
39386,
62,
23683,
26087,
62,
20373,
796,
705,
73,
46569,
62,
21078,
6,
198,
41,
39386,
62,
32,
24318,
62,
21886,
62,
49,
24212,
796,
31051,
15042,
14,
85,
16,
14,
18439,
6,
198,
41,
39386,
62,
49864,
4663,
6234,
62,
35,
3698,
5603,
796,
28805,
12514,
7,
43012,
28,
1065,
830,
8,
198,
50,
16309,
62,
52,
6489,
41048,
62,
34219,
796,
31051,
11195,
14,
5031,
322,
648,
14,
18300,
1574,
4803,
14,
3810,
62,
14036,
14,
31438,
14,
12708,
14,
9600,
14,
6,
198,
38,
10554,
10526,
62,
23621,
24318,
796,
1391,
198,
220,
220,
220,
705,
5097,
28495,
62,
2389,
10354,
705,
69,
24,
13331,
16817,
67,
1065,
29769,
2920,
30610,
21,
65,
3256,
198,
220,
220,
220,
705,
5097,
28495,
62,
23683,
26087,
10354,
705,
64,
3134,
19442,
69,
4524,
344,
1120,
66,
16,
68,
3865,
66,
17,
67,
24,
65,
11275,
64,
22,
11848,
67,
41734,
1765,
23,
67,
2231,
3256,
198,
220,
220,
220,
705,
32,
24318,
1581,
35400,
62,
34219,
10354,
705,
5450,
1378,
12567,
13,
785,
14,
38235,
14,
12162,
1071,
14,
9800,
1096,
3256,
198,
220,
220,
220,
705,
26861,
7597,
62,
10468,
43959,
62,
34219,
10354,
705,
5450,
1378,
12567,
13,
785,
14,
38235,
14,
12162,
1071,
14,
15526,
62,
30001,
3256,
198,
220,
220,
220,
705,
29904,
62,
44,
1546,
4090,
8264,
62,
34219,
10354,
705,
5450,
1378,
15042,
13,
12567,
13,
785,
14,
7220,
3256,
198,
92,
198,
51,
24181,
3525,
62,
23621,
24318,
796,
1391,
198,
220,
220,
220,
705,
21078,
62,
312,
10354,
705,
3256,
198,
220,
220,
220,
705,
21078,
62,
2539,
10354,
705,
3256,
198,
220,
220,
220,
705,
36996,
10354,
705,
3256,
198,
220,
220,
220,
705,
27041,
316,
10354,
10148,
198,
92
] | 2.132022 | 356 |
# Generated by Django 3.1.4 on 2020-12-17 12:05
from django.db import migrations, models
| [
2,
2980,
515,
416,
37770,
513,
13,
16,
13,
19,
319,
12131,
12,
1065,
12,
1558,
1105,
25,
2713,
198,
198,
6738,
42625,
14208,
13,
9945,
1330,
15720,
602,
11,
4981,
628
] | 2.84375 | 32 |
# To run this, download the BeautifulSoup zip file
# http://www.py4e.com/code3/bs4.zip
# and unzip it in the same directory as this file
from urllib.request import urlopen
from bs4 import BeautifulSoup
import ssl
# Ignore SSL certificate errors
ctx = ssl.create_default_context()
ctx.check_hostname = False
ctx.verify_mode = ssl.CERT_NONE
url = input('Enter - ')
html = urlopen(url, context=ctx).read()
soup = BeautifulSoup(html, "html.parser")
total = 0
count = 0
# Retrieve all of the span tags
tags = soup('span')
for tag in tags:
# Look at the parts of a tag
number = int(tag.contents[0])
total += number
count += 1
print("Sum:", total)
print("Count:", count) | [
2,
1675,
1057,
428,
11,
4321,
262,
23762,
50,
10486,
19974,
2393,
201,
198,
2,
2638,
1378,
2503,
13,
9078,
19,
68,
13,
785,
14,
8189,
18,
14,
1443,
19,
13,
13344,
201,
198,
2,
290,
555,
13344,
340,
287,
262,
976,
8619,
355,
428,
2393,
201,
198,
201,
198,
6738,
2956,
297,
571,
13,
25927,
1330,
19016,
9654,
201,
198,
6738,
275,
82,
19,
1330,
23762,
50,
10486,
201,
198,
11748,
264,
6649,
201,
198,
201,
198,
2,
41032,
25952,
10703,
8563,
201,
198,
49464,
796,
264,
6649,
13,
17953,
62,
12286,
62,
22866,
3419,
201,
198,
49464,
13,
9122,
62,
4774,
3672,
796,
10352,
201,
198,
49464,
13,
332,
1958,
62,
14171,
796,
264,
6649,
13,
34,
17395,
62,
45,
11651,
201,
198,
201,
198,
6371,
796,
5128,
10786,
17469,
532,
705,
8,
201,
198,
6494,
796,
19016,
9654,
7,
6371,
11,
4732,
28,
49464,
737,
961,
3419,
201,
198,
82,
10486,
796,
23762,
50,
10486,
7,
6494,
11,
366,
6494,
13,
48610,
4943,
201,
198,
201,
198,
23350,
796,
657,
201,
198,
9127,
796,
657,
201,
198,
2,
4990,
30227,
477,
286,
262,
11506,
15940,
201,
198,
31499,
796,
17141,
10786,
12626,
11537,
201,
198,
1640,
7621,
287,
15940,
25,
201,
198,
220,
220,
220,
1303,
6803,
379,
262,
3354,
286,
257,
7621,
201,
198,
220,
220,
220,
1271,
796,
493,
7,
12985,
13,
3642,
658,
58,
15,
12962,
201,
198,
220,
220,
220,
2472,
15853,
1271,
201,
198,
220,
220,
220,
954,
15853,
352,
201,
198,
201,
198,
4798,
7203,
13065,
25,
1600,
2472,
8,
201,
198,
4798,
7203,
12332,
25,
1600,
954,
8
] | 2.656716 | 268 |
"""
Donate to Createor : { just follow me on github
and star to this project }
"""
# complement this fields
| [
37811,
198,
3987,
378,
284,
13610,
273,
1058,
1391,
655,
1061,
502,
319,
33084,
220,
198,
197,
197,
220,
220,
220,
220,
290,
3491,
284,
428,
1628,
1782,
628,
198,
37811,
628,
198,
2,
16829,
428,
7032,
198,
197,
198,
197,
198,
197
] | 2.906977 | 43 |
import discord
from discord.ext import commands
import asyncpg
import datetime
from dotenv import load_dotenv
import os
load_dotenv('.env')
INITIAL_EXTENSIONS = [
'cogs.dev',
'cogs.events',
'cogs.fun',
'cogs.games',
'cogs.help',
'cogs.image',
'cogs.mod',
'cogs.utility'
]
bot = PizzaHat()
if __name__ == '__main__':
bot.run()
| [
11748,
36446,
201,
198,
6738,
36446,
13,
2302,
1330,
9729,
201,
198,
11748,
30351,
6024,
201,
198,
11748,
4818,
8079,
201,
198,
6738,
16605,
24330,
1330,
3440,
62,
26518,
24330,
201,
198,
11748,
28686,
201,
198,
201,
198,
2220,
62,
26518,
24330,
7,
4458,
24330,
11537,
201,
198,
201,
198,
1268,
2043,
12576,
62,
13918,
16938,
11053,
796,
685,
201,
198,
220,
220,
220,
705,
66,
18463,
13,
7959,
3256,
201,
198,
220,
220,
220,
705,
66,
18463,
13,
31534,
3256,
201,
198,
220,
220,
220,
705,
66,
18463,
13,
12543,
3256,
201,
198,
220,
220,
220,
705,
66,
18463,
13,
19966,
3256,
201,
198,
220,
220,
220,
705,
66,
18463,
13,
16794,
3256,
201,
198,
220,
220,
220,
705,
66,
18463,
13,
9060,
3256,
201,
198,
220,
220,
220,
705,
66,
18463,
13,
4666,
3256,
201,
198,
220,
220,
220,
705,
66,
18463,
13,
315,
879,
6,
201,
198,
60,
201,
198,
201,
198,
13645,
796,
20952,
40483,
3419,
201,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
201,
198,
220,
220,
220,
10214,
13,
5143,
3419,
201,
198
] | 2.120219 | 183 |
"""The WaveBlocks Project
The basic common algorithms for evaluation Hagedorn basis functions
of the old kind.
@author: R. Bourquin
@copyright: Copyright (C) 2016 R. Bourquin
@license: Modified BSD License
"""
from numpy import complexfloating, dot, vstack, zeros, conjugate
from scipy import sqrt
from scipy.linalg import det, inv
from WaveBlocksND.HagedornBasisEvaluationCommon import HagedornBasisEvaluationCommon
__all__ = ["HagedornBasisEvaluationPhi"]
class HagedornBasisEvaluationPhi(HagedornBasisEvaluationCommon):
r"""
"""
def evaluate_basis_at(self, grid, component, *, prefactor=False):
r"""Evaluate the basis functions :math:`\phi_k` recursively at the given nodes :math:`\gamma`.
:param grid: The grid :math:`\Gamma` containing the nodes :math:`\gamma`.
:type grid: A class having a :py:meth:`get_nodes(...)` method.
:param component: The index :math:`i` of a single component :math:`\Phi_i` to evaluate.
:param prefactor: Whether to include a factor of :math:`\frac{1}{\sqrt{\det(Q)}}`.
:type prefactor: Boolean, default is ``False``.
:return: A two-dimensional ndarray :math:`H` of shape :math:`(|\mathfrak{K}_i|, |\Gamma|)` where
the entry :math:`H[\mu(k), i]` is the value of :math:`\phi_k(\gamma_i)`.
"""
D = self._dimension
bas = self._basis_shapes[component]
bs = self._basis_sizes[component]
# The grid
grid = self._grid_wrap(grid)
nodes = grid.get_nodes()
nn = grid.get_number_nodes(overall=True)
# Allocate the storage array
phi = zeros((bs, nn), dtype=complexfloating)
# Precompute some constants
Pi = self.get_parameters(component=component)
q, p, Q, P, _ = Pi
Qinv = inv(Q)
Qbar = conjugate(Q)
QQ = dot(Qinv, Qbar)
# Compute the ground state phi_0 via direct evaluation
mu0 = bas[tuple(D * [0])]
phi[mu0, :] = self._evaluate_phi0(component, nodes, prefactor=False)
# Compute all higher order states phi_k via recursion
for d in range(D):
# Iterator for all valid index vectors k
indices = bas.get_node_iterator(mode="chain", direction=d)
for k in indices:
# Current index vector
ki = vstack(k)
# Access predecessors
phim = zeros((D, nn), dtype=complexfloating)
for j, kpj in bas.get_neighbours(k, selection="backward"):
mukpj = bas[kpj]
phim[j, :] = phi[mukpj, :]
# Compute 3-term recursion
p1 = (nodes - q) * phi[bas[k], :]
p2 = sqrt(ki) * phim
t1 = sqrt(2.0 / self._eps**2) * dot(Qinv[d, :], p1)
t2 = dot(QQ[d, :], p2)
# Find multi-index where to store the result
kped = bas.get_neighbours(k, selection="forward", direction=d)
# Did we find this k?
if len(kped) > 0:
kped = kped[0]
# Store computed value
phi[bas[kped[1]], :] = (t1 - t2) / sqrt(ki[d] + 1.0)
if prefactor is True:
phi = phi / self._get_sqrt(component)(det(Q))
return phi
def slim_recursion(self, grid, component, *, prefactor=False):
r"""Evaluate the Hagedorn wavepacket :math:`\Psi` at the given nodes :math:`\gamma`.
This routine is a slim version compared to the full basis evaluation. At every moment
we store only the data we really need to compute the next step until we hit the highest
order basis functions.
:param grid: The grid :math:`\Gamma` containing the nodes :math:`\gamma`.
:type grid: A class having a :py:meth:`get_nodes(...)` method.
:param component: The index :math:`i` of a single component :math:`\Phi_i` to evaluate.
:param prefactor: Whether to include a factor of :math:`\frac{1}{\sqrt{\det(Q)}}`.
:type prefactor: Boolean, default is ``False``.
:return: A list of arrays or a single array containing the values of the :math:`\Phi_i`
at the nodes :math:`\gamma`.
Note that this function does not include the global phase :math:`\exp(\frac{i S}{\varepsilon^2})`.
"""
D = self._dimension
# Precompute some constants
Pi = self.get_parameters(component=component)
q, p, Q, P, _ = Pi
Qinv = inv(Q)
Qbar = conjugate(Q)
QQ = dot(Qinv, Qbar)
# The basis shape
bas = self._basis_shapes[component]
Z = tuple(D * [0])
# Book keeping
todo = []
newtodo = [Z]
olddelete = []
delete = []
tmp = {}
# The grid nodes
grid = self._grid_wrap(grid)
nn = grid.get_number_nodes(overall=True)
nodes = grid.get_nodes()
# Evaluate phi0
tmp[Z] = self._evaluate_phi0(component, nodes, prefactor=False)
psi = self._coefficients[component][bas[Z], 0] * tmp[Z]
# Iterate for higher order states
while len(newtodo) != 0:
# Delete results that never will be used again
for d in olddelete:
del tmp[d]
# Exchange queues
todo = newtodo
newtodo = []
olddelete = delete
delete = []
# Compute new results
for k in todo:
# Center stencil at node k
ki = vstack(k)
# Access predecessors
phim = zeros((D, nn), dtype=complexfloating)
for j, kpj in bas.get_neighbours(k, selection="backward"):
phim[j, :] = tmp[kpj]
# Compute the neighbours
for d, n in bas.get_neighbours(k, selection="forward"):
if n not in tmp.keys():
# Compute 3-term recursion
p1 = (nodes - q) * tmp[k]
p2 = sqrt(ki) * phim
t1 = sqrt(2.0 / self._eps**2) * dot(Qinv[d, :], p1)
t2 = dot(QQ[d, :], p2)
# Store computed value
tmp[n] = (t1 - t2) / sqrt(ki[d] + 1.0)
# And update the result
psi = psi + self._coefficients[component][bas[n], 0] * tmp[n]
newtodo.append(n)
delete.append(k)
if prefactor is True:
psi = psi / self._get_sqrt(component)(det(Q))
return psi
| [
37811,
464,
17084,
45356,
4935,
198,
198,
464,
4096,
2219,
16113,
329,
12660,
367,
1886,
1211,
4308,
5499,
198,
1659,
262,
1468,
1611,
13,
198,
198,
31,
9800,
25,
371,
13,
20576,
21915,
198,
31,
22163,
4766,
25,
15069,
357,
34,
8,
1584,
371,
13,
20576,
21915,
198,
31,
43085,
25,
40499,
347,
10305,
13789,
198,
37811,
198,
198,
6738,
299,
32152,
1330,
3716,
48679,
803,
11,
16605,
11,
410,
25558,
11,
1976,
27498,
11,
11644,
1018,
378,
198,
6738,
629,
541,
88,
1330,
19862,
17034,
198,
6738,
629,
541,
88,
13,
75,
1292,
70,
1330,
1062,
11,
800,
198,
198,
6738,
17084,
45356,
8575,
13,
39,
1886,
1211,
15522,
271,
36,
2100,
2288,
17227,
1330,
367,
1886,
1211,
15522,
271,
36,
2100,
2288,
17227,
198,
198,
834,
439,
834,
796,
14631,
39,
1886,
1211,
15522,
271,
36,
2100,
2288,
2725,
72,
8973,
628,
198,
4871,
367,
1886,
1211,
15522,
271,
36,
2100,
2288,
2725,
72,
7,
39,
1886,
1211,
15522,
271,
36,
2100,
2288,
17227,
2599,
198,
220,
220,
220,
374,
37811,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
825,
13446,
62,
12093,
271,
62,
265,
7,
944,
11,
10706,
11,
7515,
11,
1635,
11,
7694,
11218,
28,
25101,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
374,
37811,
36,
2100,
4985,
262,
4308,
5499,
1058,
11018,
25,
63,
59,
34846,
62,
74,
63,
664,
1834,
2280,
379,
262,
1813,
13760,
1058,
11018,
25,
63,
59,
28483,
2611,
44646,
628,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
10706,
25,
383,
10706,
1058,
11018,
25,
63,
59,
34777,
2611,
63,
7268,
262,
13760,
1058,
11018,
25,
63,
59,
28483,
2611,
44646,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
4906,
10706,
25,
317,
1398,
1719,
257,
1058,
9078,
25,
76,
2788,
25,
63,
1136,
62,
77,
4147,
7,
23029,
63,
2446,
13,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
7515,
25,
383,
6376,
1058,
11018,
25,
63,
72,
63,
286,
257,
2060,
7515,
1058,
11018,
25,
63,
59,
2725,
72,
62,
72,
63,
284,
13446,
13,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
7694,
11218,
25,
10127,
284,
2291,
257,
5766,
286,
1058,
11018,
25,
63,
59,
31944,
90,
16,
18477,
59,
31166,
17034,
31478,
15255,
7,
48,
8,
11709,
44646,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
4906,
7694,
11218,
25,
41146,
11,
4277,
318,
7559,
25101,
15506,
13,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
7783,
25,
317,
734,
12,
19577,
299,
67,
18747,
1058,
11018,
25,
63,
39,
63,
286,
5485,
1058,
11018,
25,
63,
7,
91,
59,
11018,
69,
17716,
90,
42,
92,
62,
72,
91,
11,
930,
59,
34777,
2611,
91,
8,
63,
810,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
262,
5726,
1058,
11018,
25,
63,
39,
58,
59,
30300,
7,
74,
828,
1312,
60,
63,
318,
262,
1988,
286,
1058,
11018,
25,
63,
59,
34846,
62,
74,
38016,
28483,
2611,
62,
72,
8,
44646,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
360,
796,
2116,
13557,
46156,
628,
220,
220,
220,
220,
220,
220,
220,
1615,
796,
2116,
13557,
12093,
271,
62,
1477,
7916,
58,
42895,
60,
198,
220,
220,
220,
220,
220,
220,
220,
275,
82,
796,
2116,
13557,
12093,
271,
62,
82,
4340,
58,
42895,
60,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
383,
10706,
198,
220,
220,
220,
220,
220,
220,
220,
10706,
796,
2116,
13557,
25928,
62,
37150,
7,
25928,
8,
198,
220,
220,
220,
220,
220,
220,
220,
13760,
796,
10706,
13,
1136,
62,
77,
4147,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
299,
77,
796,
10706,
13,
1136,
62,
17618,
62,
77,
4147,
7,
2502,
439,
28,
17821,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
1439,
13369,
262,
6143,
7177,
198,
220,
220,
220,
220,
220,
220,
220,
872,
72,
796,
1976,
27498,
19510,
1443,
11,
299,
77,
828,
288,
4906,
28,
41887,
48679,
803,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
3771,
5589,
1133,
617,
38491,
198,
220,
220,
220,
220,
220,
220,
220,
13993,
796,
2116,
13,
1136,
62,
17143,
7307,
7,
42895,
28,
42895,
8,
198,
220,
220,
220,
220,
220,
220,
220,
10662,
11,
279,
11,
1195,
11,
350,
11,
4808,
796,
13993,
628,
220,
220,
220,
220,
220,
220,
220,
1195,
16340,
796,
800,
7,
48,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1195,
5657,
796,
11644,
1018,
378,
7,
48,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1195,
48,
796,
16605,
7,
48,
16340,
11,
1195,
5657,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
3082,
1133,
262,
2323,
1181,
872,
72,
62,
15,
2884,
1277,
12660,
198,
220,
220,
220,
220,
220,
220,
220,
38779,
15,
796,
1615,
58,
83,
29291,
7,
35,
1635,
685,
15,
12962,
60,
198,
220,
220,
220,
220,
220,
220,
220,
872,
72,
58,
30300,
15,
11,
1058,
60,
796,
2116,
13557,
49786,
62,
34846,
15,
7,
42895,
11,
13760,
11,
7694,
11218,
28,
25101,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
3082,
1133,
477,
2440,
1502,
2585,
872,
72,
62,
74,
2884,
664,
24197,
198,
220,
220,
220,
220,
220,
220,
220,
329,
288,
287,
2837,
7,
35,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
40806,
1352,
329,
477,
4938,
6376,
30104,
479,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
36525,
796,
1615,
13,
1136,
62,
17440,
62,
48727,
7,
14171,
2625,
7983,
1600,
4571,
28,
67,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
479,
287,
36525,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
9236,
6376,
15879,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
47748,
796,
410,
25558,
7,
74,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
8798,
27677,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
872,
320,
796,
1976,
27498,
19510,
35,
11,
299,
77,
828,
288,
4906,
28,
41887,
48679,
803,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
474,
11,
479,
79,
73,
287,
1615,
13,
1136,
62,
710,
394,
65,
4662,
7,
74,
11,
6356,
2625,
1891,
904,
1,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
285,
2724,
79,
73,
796,
1615,
58,
74,
79,
73,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
872,
320,
58,
73,
11,
1058,
60,
796,
872,
72,
58,
76,
2724,
79,
73,
11,
1058,
60,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
3082,
1133,
513,
12,
4354,
664,
24197,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
279,
16,
796,
357,
77,
4147,
532,
10662,
8,
1635,
872,
72,
58,
12093,
58,
74,
4357,
1058,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
279,
17,
796,
19862,
17034,
7,
4106,
8,
1635,
872,
320,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
256,
16,
796,
19862,
17034,
7,
17,
13,
15,
1220,
2116,
13557,
25386,
1174,
17,
8,
1635,
16605,
7,
48,
16340,
58,
67,
11,
1058,
4357,
279,
16,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
256,
17,
796,
16605,
7,
48,
48,
58,
67,
11,
1058,
4357,
279,
17,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
9938,
5021,
12,
9630,
810,
284,
3650,
262,
1255,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
479,
9124,
796,
1615,
13,
1136,
62,
710,
394,
65,
4662,
7,
74,
11,
6356,
2625,
11813,
1600,
4571,
28,
67,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
7731,
356,
1064,
428,
479,
30,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
18896,
7,
74,
9124,
8,
1875,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
479,
9124,
796,
479,
9124,
58,
15,
60,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
9363,
29231,
1988,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
872,
72,
58,
12093,
58,
74,
9124,
58,
16,
60,
4357,
1058,
60,
796,
357,
83,
16,
532,
256,
17,
8,
1220,
19862,
17034,
7,
4106,
58,
67,
60,
1343,
352,
13,
15,
8,
628,
220,
220,
220,
220,
220,
220,
220,
611,
7694,
11218,
318,
6407,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
872,
72,
796,
872,
72,
1220,
2116,
13557,
1136,
62,
31166,
17034,
7,
42895,
5769,
15255,
7,
48,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
872,
72,
628,
198,
220,
220,
220,
825,
18862,
62,
8344,
24197,
7,
944,
11,
10706,
11,
7515,
11,
1635,
11,
7694,
11218,
28,
25101,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
374,
37811,
36,
2100,
4985,
262,
367,
1886,
1211,
6769,
8002,
316,
1058,
11018,
25,
63,
59,
12016,
72,
63,
379,
262,
1813,
13760,
1058,
11018,
25,
63,
59,
28483,
2611,
44646,
198,
220,
220,
220,
220,
220,
220,
220,
770,
8027,
318,
257,
18862,
2196,
3688,
284,
262,
1336,
4308,
12660,
13,
1629,
790,
2589,
198,
220,
220,
220,
220,
220,
220,
220,
356,
3650,
691,
262,
1366,
356,
1107,
761,
284,
24061,
262,
1306,
2239,
1566,
356,
2277,
262,
4511,
198,
220,
220,
220,
220,
220,
220,
220,
1502,
4308,
5499,
13,
628,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
10706,
25,
383,
10706,
1058,
11018,
25,
63,
59,
34777,
2611,
63,
7268,
262,
13760,
1058,
11018,
25,
63,
59,
28483,
2611,
44646,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
4906,
10706,
25,
317,
1398,
1719,
257,
1058,
9078,
25,
76,
2788,
25,
63,
1136,
62,
77,
4147,
7,
23029,
63,
2446,
13,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
7515,
25,
383,
6376,
1058,
11018,
25,
63,
72,
63,
286,
257,
2060,
7515,
1058,
11018,
25,
63,
59,
2725,
72,
62,
72,
63,
284,
13446,
13,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
7694,
11218,
25,
10127,
284,
2291,
257,
5766,
286,
1058,
11018,
25,
63,
59,
31944,
90,
16,
18477,
59,
31166,
17034,
31478,
15255,
7,
48,
8,
11709,
44646,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
4906,
7694,
11218,
25,
41146,
11,
4277,
318,
7559,
25101,
15506,
13,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
7783,
25,
317,
1351,
286,
26515,
393,
257,
2060,
7177,
7268,
262,
3815,
286,
262,
1058,
11018,
25,
63,
59,
2725,
72,
62,
72,
63,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
379,
262,
13760,
1058,
11018,
25,
63,
59,
28483,
2611,
44646,
628,
220,
220,
220,
220,
220,
220,
220,
5740,
326,
428,
2163,
857,
407,
2291,
262,
3298,
7108,
1058,
11018,
25,
63,
59,
11201,
38016,
31944,
90,
72,
311,
18477,
59,
85,
533,
862,
33576,
61,
17,
30072,
44646,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
360,
796,
2116,
13557,
46156,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
3771,
5589,
1133,
617,
38491,
198,
220,
220,
220,
220,
220,
220,
220,
13993,
796,
2116,
13,
1136,
62,
17143,
7307,
7,
42895,
28,
42895,
8,
198,
220,
220,
220,
220,
220,
220,
220,
10662,
11,
279,
11,
1195,
11,
350,
11,
4808,
796,
13993,
628,
220,
220,
220,
220,
220,
220,
220,
1195,
16340,
796,
800,
7,
48,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1195,
5657,
796,
11644,
1018,
378,
7,
48,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1195,
48,
796,
16605,
7,
48,
16340,
11,
1195,
5657,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
383,
4308,
5485,
198,
220,
220,
220,
220,
220,
220,
220,
1615,
796,
2116,
13557,
12093,
271,
62,
1477,
7916,
58,
42895,
60,
198,
220,
220,
220,
220,
220,
220,
220,
1168,
796,
46545,
7,
35,
1635,
685,
15,
12962,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
4897,
5291,
198,
220,
220,
220,
220,
220,
220,
220,
284,
4598,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
649,
83,
24313,
796,
685,
57,
60,
198,
220,
220,
220,
220,
220,
220,
220,
1468,
33678,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
12233,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
45218,
796,
23884,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
383,
10706,
13760,
198,
220,
220,
220,
220,
220,
220,
220,
10706,
796,
2116,
13557,
25928,
62,
37150,
7,
25928,
8,
198,
220,
220,
220,
220,
220,
220,
220,
299,
77,
796,
10706,
13,
1136,
62,
17618,
62,
77,
4147,
7,
2502,
439,
28,
17821,
8,
198,
220,
220,
220,
220,
220,
220,
220,
13760,
796,
10706,
13,
1136,
62,
77,
4147,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
26439,
4985,
872,
72,
15,
198,
220,
220,
220,
220,
220,
220,
220,
45218,
58,
57,
60,
796,
2116,
13557,
49786,
62,
34846,
15,
7,
42895,
11,
13760,
11,
7694,
11218,
28,
25101,
8,
198,
220,
220,
220,
220,
220,
220,
220,
46231,
796,
2116,
13557,
1073,
41945,
58,
42895,
7131,
12093,
58,
57,
4357,
657,
60,
1635,
45218,
58,
57,
60,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
40806,
378,
329,
2440,
1502,
2585,
198,
220,
220,
220,
220,
220,
220,
220,
981,
18896,
7,
3605,
83,
24313,
8,
14512,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
23520,
2482,
326,
1239,
481,
307,
973,
757,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
288,
287,
1468,
33678,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1619,
45218,
58,
67,
60,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
12516,
43359,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
284,
4598,
796,
649,
83,
24313,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
83,
24313,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1468,
33678,
796,
12233,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12233,
796,
17635,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
3082,
1133,
649,
2482,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
479,
287,
284,
4598,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
3337,
45219,
2856,
379,
10139,
479,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
47748,
796,
410,
25558,
7,
74,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
8798,
27677,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
872,
320,
796,
1976,
27498,
19510,
35,
11,
299,
77,
828,
288,
4906,
28,
41887,
48679,
803,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
474,
11,
479,
79,
73,
287,
1615,
13,
1136,
62,
710,
394,
65,
4662,
7,
74,
11,
6356,
2625,
1891,
904,
1,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
872,
320,
58,
73,
11,
1058,
60,
796,
45218,
58,
74,
79,
73,
60,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
3082,
1133,
262,
23788,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
288,
11,
299,
287,
1615,
13,
1136,
62,
710,
394,
65,
4662,
7,
74,
11,
6356,
2625,
11813,
1,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
299,
407,
287,
45218,
13,
13083,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
3082,
1133,
513,
12,
4354,
664,
24197,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
279,
16,
796,
357,
77,
4147,
532,
10662,
8,
1635,
45218,
58,
74,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
279,
17,
796,
19862,
17034,
7,
4106,
8,
1635,
872,
320,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
256,
16,
796,
19862,
17034,
7,
17,
13,
15,
1220,
2116,
13557,
25386,
1174,
17,
8,
1635,
16605,
7,
48,
16340,
58,
67,
11,
1058,
4357,
279,
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,
256,
17,
796,
16605,
7,
48,
48,
58,
67,
11,
1058,
4357,
279,
17,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
9363,
29231,
1988,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
45218,
58,
77,
60,
796,
357,
83,
16,
532,
256,
17,
8,
1220,
19862,
17034,
7,
4106,
58,
67,
60,
1343,
352,
13,
15,
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,
1303,
843,
4296,
262,
1255,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
46231,
796,
46231,
1343,
2116,
13557,
1073,
41945,
58,
42895,
7131,
12093,
58,
77,
4357,
657,
60,
1635,
45218,
58,
77,
60,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
83,
24313,
13,
33295,
7,
77,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12233,
13,
33295,
7,
74,
8,
628,
220,
220,
220,
220,
220,
220,
220,
611,
7694,
11218,
318,
6407,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
46231,
796,
46231,
1220,
2116,
13557,
1136,
62,
31166,
17034,
7,
42895,
5769,
15255,
7,
48,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
46231,
198
] | 2.014191 | 3,312 |
from datetime import datetime
from django.db import models
from django.conf import settings
from django.core.validators import MaxValueValidator, MinValueValidator
from django.db.models.signals import post_save
from django.dispatch import receiver
from serverConfig.models.gestionParams import GestionParam
from gestion.models.client import Client
from computedfields.models import ComputedFieldsModel, computed
| [
6738,
4818,
8079,
1330,
4818,
8079,
201,
198,
201,
198,
6738,
42625,
14208,
13,
9945,
1330,
4981,
201,
198,
6738,
42625,
14208,
13,
10414,
1330,
6460,
201,
198,
6738,
42625,
14208,
13,
7295,
13,
12102,
2024,
1330,
5436,
11395,
47139,
1352,
11,
1855,
11395,
47139,
1352,
201,
198,
201,
198,
6738,
42625,
14208,
13,
9945,
13,
27530,
13,
12683,
874,
1330,
1281,
62,
21928,
201,
198,
6738,
42625,
14208,
13,
6381,
17147,
1330,
9733,
201,
198,
201,
198,
6738,
4382,
16934,
13,
27530,
13,
3495,
295,
10044,
4105,
1330,
44641,
295,
22973,
201,
198,
6738,
10521,
295,
13,
27530,
13,
16366,
1330,
20985,
201,
198,
6738,
29231,
25747,
13,
27530,
1330,
955,
17128,
15878,
82,
17633,
11,
29231,
201,
198,
201,
198
] | 3.516393 | 122 |
# Simple PyPong in Python 3
import turtle
window = turtle.Screen()
window.title("PyPong by Grantlee11")
window.bgcolor("black")
window.setup(width = 800, height = 600)
window.tracer(0)
# Score
scoreA = 0
scoreB = 0
# Paddle A
paddleA = turtle.Turtle()
paddleA.speed(0)
paddleA.shape("square")
paddleA.color("white")
paddleA.shapesize(stretch_wid = 5, stretch_len = 1)
paddleA.penup()
paddleA.goto(-350, 0)
# Paddle B
paddleB = turtle.Turtle()
paddleB.speed(0)
paddleB.shape("square")
paddleB.color("white")
paddleB.shapesize(stretch_wid = 5, stretch_len = 1)
paddleB.penup()
paddleB.goto(350, 0)
# Ball
ball = turtle.Turtle()
ball.speed(0)
ball.shape("square")
ball.color("white")
ball.penup()
ball.goto(0, 0)
# These numbers are computer specific, if you use this code you may need to change this on your computer as it controls the speed of the ball
ball.dx = 0.1
ball.dy = 0.1
# Pen
pen = turtle.Turtle()
pen.speed(0)
pen.color("white")
pen.penup()
pen.hideturtle()
pen.goto(0, 260)
pen.write("Player A: 0 Player B: 0", align = "center", font = ("Courier", 24, "normal"))
# Functions
# Keyboard binding
window.listen()
window.onkeypress(paddleAUp, "w")
window.onkeypress(paddleADown, "s")
window.onkeypress(paddleBUp, "Up")
window.onkeypress(paddleBDown, "Down")
# Main game loop
while True:
window.update()
# Move the ball
ball.setx(ball.xcor() + ball.dx)
ball.sety(ball.ycor() + ball.dy)
# Border checking
if ball.ycor() > 290:
ball.sety(290)
ball.dy *= -1
if ball.ycor() < -290:
ball.sety(-290)
ball.dy *= -1
if ball.xcor() > 390:
ball.goto(0, 0)
ball.dx *= -1
scoreA += 1
pen.clear()
pen.write("Player A: {} Player B: {}".format(scoreA, scoreB), align = "center", font = ("Courier", 24, "normal"))
if ball.xcor() < -390:
ball.goto(0, 0)
ball.dx *= -1
scoreB += 1
pen.clear()
pen.write("Player A: {} Player B: {}".format(scoreA, scoreB), align = "center", font = ("Courier", 24, "normal"))
# Paddle and ball collisions
if (ball.xcor() > 340 and ball.xcor() < 350) and (ball.ycor() < paddleB.ycor() + 40 and ball.ycor() > paddleB.ycor() - 40):
ball.setx(340)
ball.dx *= -1
if (ball.xcor() < -340 and ball.xcor() > -350) and (ball.ycor() < paddleA.ycor() + 40 and ball.ycor() > paddleA.ycor() - 40):
ball.setx(-340)
ball.dx *= -1
| [
2,
17427,
9485,
47,
506,
287,
11361,
513,
198,
198,
11748,
28699,
198,
198,
17497,
796,
28699,
13,
23901,
3419,
198,
17497,
13,
7839,
7203,
20519,
47,
506,
416,
12181,
7197,
1157,
4943,
198,
17497,
13,
35904,
8043,
7203,
13424,
4943,
198,
17497,
13,
40406,
7,
10394,
796,
10460,
11,
6001,
796,
10053,
8,
198,
17497,
13,
2213,
11736,
7,
15,
8,
628,
198,
2,
15178,
198,
26675,
32,
796,
657,
198,
26675,
33,
796,
657,
628,
198,
2,
350,
37382,
317,
198,
79,
37382,
32,
796,
28699,
13,
51,
17964,
3419,
198,
79,
37382,
32,
13,
12287,
7,
15,
8,
198,
79,
37382,
32,
13,
43358,
7203,
23415,
4943,
198,
79,
37382,
32,
13,
8043,
7203,
11186,
4943,
198,
79,
37382,
32,
13,
1477,
7916,
1096,
7,
301,
22592,
62,
28029,
796,
642,
11,
7539,
62,
11925,
796,
352,
8,
198,
79,
37382,
32,
13,
3617,
929,
3419,
198,
79,
37382,
32,
13,
70,
2069,
32590,
14877,
11,
657,
8,
628,
198,
2,
350,
37382,
347,
198,
79,
37382,
33,
796,
28699,
13,
51,
17964,
3419,
198,
79,
37382,
33,
13,
12287,
7,
15,
8,
198,
79,
37382,
33,
13,
43358,
7203,
23415,
4943,
198,
79,
37382,
33,
13,
8043,
7203,
11186,
4943,
198,
79,
37382,
33,
13,
1477,
7916,
1096,
7,
301,
22592,
62,
28029,
796,
642,
11,
7539,
62,
11925,
796,
352,
8,
198,
79,
37382,
33,
13,
3617,
929,
3419,
198,
79,
37382,
33,
13,
70,
2069,
7,
14877,
11,
657,
8,
628,
198,
2,
6932,
198,
1894,
796,
28699,
13,
51,
17964,
3419,
198,
1894,
13,
12287,
7,
15,
8,
198,
1894,
13,
43358,
7203,
23415,
4943,
198,
1894,
13,
8043,
7203,
11186,
4943,
198,
1894,
13,
3617,
929,
3419,
198,
1894,
13,
70,
2069,
7,
15,
11,
657,
8,
198,
198,
2,
2312,
3146,
389,
3644,
2176,
11,
611,
345,
779,
428,
2438,
345,
743,
761,
284,
1487,
428,
319,
534,
3644,
355,
340,
6973,
262,
2866,
286,
262,
2613,
198,
1894,
13,
34350,
796,
657,
13,
16,
198,
1894,
13,
9892,
796,
657,
13,
16,
628,
198,
2,
7507,
198,
3617,
796,
28699,
13,
51,
17964,
3419,
198,
3617,
13,
12287,
7,
15,
8,
198,
3617,
13,
8043,
7203,
11186,
4943,
198,
3617,
13,
3617,
929,
3419,
198,
3617,
13,
49675,
316,
17964,
3419,
198,
3617,
13,
70,
2069,
7,
15,
11,
21148,
8,
198,
3617,
13,
13564,
7203,
14140,
317,
25,
657,
220,
220,
220,
7853,
347,
25,
657,
1600,
10548,
796,
366,
16159,
1600,
10369,
796,
5855,
34,
280,
5277,
1600,
1987,
11,
366,
11265,
48774,
198,
198,
2,
40480,
628,
628,
628,
198,
2,
31973,
12765,
198,
17497,
13,
4868,
268,
3419,
198,
17497,
13,
261,
2539,
8439,
7,
79,
37382,
32,
4933,
11,
366,
86,
4943,
198,
17497,
13,
261,
2539,
8439,
7,
79,
37382,
2885,
593,
11,
366,
82,
4943,
198,
17497,
13,
261,
2539,
8439,
7,
79,
37382,
33,
4933,
11,
366,
4933,
4943,
198,
17497,
13,
261,
2539,
8439,
7,
79,
37382,
33,
8048,
11,
366,
8048,
4943,
628,
198,
2,
8774,
983,
9052,
198,
4514,
6407,
25,
198,
220,
220,
220,
4324,
13,
19119,
3419,
628,
198,
220,
220,
220,
1303,
10028,
262,
2613,
198,
220,
220,
220,
2613,
13,
2617,
87,
7,
1894,
13,
87,
10215,
3419,
1343,
2613,
13,
34350,
8,
198,
220,
220,
220,
2613,
13,
2617,
88,
7,
1894,
13,
88,
10215,
3419,
1343,
2613,
13,
9892,
8,
628,
198,
220,
220,
220,
1303,
15443,
10627,
220,
198,
220,
220,
220,
611,
2613,
13,
88,
10215,
3419,
1875,
26481,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2613,
13,
2617,
88,
7,
24369,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2613,
13,
9892,
1635,
28,
532,
16,
628,
198,
220,
220,
220,
611,
2613,
13,
88,
10215,
3419,
1279,
532,
24369,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2613,
13,
2617,
88,
32590,
24369,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2613,
13,
9892,
1635,
28,
532,
16,
628,
220,
220,
220,
220,
198,
220,
220,
220,
611,
2613,
13,
87,
10215,
3419,
1875,
33882,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2613,
13,
70,
2069,
7,
15,
11,
657,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2613,
13,
34350,
1635,
28,
532,
16,
198,
220,
220,
220,
220,
220,
220,
220,
4776,
32,
15853,
352,
198,
220,
220,
220,
220,
220,
220,
220,
3112,
13,
20063,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
3112,
13,
13564,
7203,
14140,
317,
25,
23884,
220,
220,
220,
7853,
347,
25,
23884,
1911,
18982,
7,
26675,
32,
11,
4776,
33,
828,
10548,
796,
366,
16159,
1600,
10369,
796,
5855,
34,
280,
5277,
1600,
1987,
11,
366,
11265,
48774,
198,
220,
220,
220,
220,
628,
220,
220,
220,
611,
2613,
13,
87,
10215,
3419,
1279,
532,
25964,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2613,
13,
70,
2069,
7,
15,
11,
657,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2613,
13,
34350,
1635,
28,
532,
16,
198,
220,
220,
220,
220,
220,
220,
220,
4776,
33,
15853,
352,
198,
220,
220,
220,
220,
220,
220,
220,
3112,
13,
20063,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
3112,
13,
13564,
7203,
14140,
317,
25,
23884,
220,
220,
220,
7853,
347,
25,
23884,
1911,
18982,
7,
26675,
32,
11,
4776,
33,
828,
10548,
796,
366,
16159,
1600,
10369,
796,
5855,
34,
280,
5277,
1600,
1987,
11,
366,
11265,
48774,
628,
220,
220,
220,
220,
198,
220,
220,
220,
1303,
350,
37382,
290,
2613,
31998,
198,
220,
220,
220,
611,
357,
1894,
13,
87,
10215,
3419,
1875,
28560,
290,
2613,
13,
87,
10215,
3419,
1279,
13803,
8,
290,
357,
1894,
13,
88,
10215,
3419,
1279,
39517,
33,
13,
88,
10215,
3419,
1343,
2319,
290,
2613,
13,
88,
10215,
3419,
1875,
39517,
33,
13,
88,
10215,
3419,
532,
2319,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
2613,
13,
2617,
87,
7,
23601,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2613,
13,
34350,
1635,
28,
532,
16,
628,
198,
220,
220,
220,
611,
357,
1894,
13,
87,
10215,
3419,
1279,
532,
23601,
290,
2613,
13,
87,
10215,
3419,
1875,
532,
14877,
8,
290,
357,
1894,
13,
88,
10215,
3419,
1279,
39517,
32,
13,
88,
10215,
3419,
1343,
2319,
290,
2613,
13,
88,
10215,
3419,
1875,
39517,
32,
13,
88,
10215,
3419,
532,
2319,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
2613,
13,
2617,
87,
32590,
23601,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2613,
13,
34350,
1635,
28,
532,
16,
198
] | 2.262295 | 1,098 |
import unittest
from wasmtime import *
| [
11748,
555,
715,
395,
198,
198,
6738,
373,
76,
2435,
1330,
1635,
628
] | 3.153846 | 13 |
#!/usr/bin/env python
# -*- encoding: utf-8 -*-
#
# Copyright (c) 2015, dNeural.com
#
# 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.
#
# Except as contained in this notice, the name of dNeural and or its trademarks
# (and among others NullNude) shall not be used in advertising or otherwise to
# promote the sale, use or other dealings in this Software without prior
# written authorization from dNeural.
from nullnude import Nullnude
api_key = 'your_api_key'
api_secret = 'your_api_secret'
images = [
'https://nullnude.com/wp-content/uploads/2016/01/vintage_porn_1.jpg',
'https://nullnude.com/wp-content/uploads/2016/01/vintage_porn_2.jpg',
'https://nullnude.com/wp-content/uploads/2016/01/vintage_porn_3.jpg',
'../bird.jpg'
]
# Create the NullNude SDK interface
nullnude = Nullnude(api_key, api_secret)
# Call the Nullnude servers to check for nudity. You can either pass a public URL or a local path.
for image in images:
output = nullnude.moderate.image(image)
print ('url: %s moderated as: %s' % (output.url, output.moderated_url))
| [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
198,
2,
532,
9,
12,
21004,
25,
3384,
69,
12,
23,
532,
9,
12,
198,
2,
198,
2,
15069,
357,
66,
8,
1853,
11,
288,
8199,
1523,
13,
785,
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,
198,
2,
383,
2029,
6634,
4003,
290,
428,
7170,
4003,
2236,
307,
3017,
287,
198,
2,
477,
9088,
393,
8904,
16690,
286,
262,
10442,
13,
198,
2,
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,
18181,
355,
7763,
287,
428,
4003,
11,
262,
1438,
286,
288,
8199,
1523,
290,
393,
663,
27346,
198,
2,
357,
392,
1871,
1854,
35886,
45,
2507,
8,
2236,
407,
307,
973,
287,
8560,
393,
4306,
284,
198,
2,
7719,
262,
5466,
11,
779,
393,
584,
29043,
287,
428,
10442,
1231,
3161,
198,
2,
3194,
19601,
422,
288,
8199,
1523,
13,
198,
198,
6738,
9242,
77,
2507,
1330,
35886,
77,
2507,
198,
198,
15042,
62,
2539,
796,
705,
14108,
62,
15042,
62,
2539,
6,
198,
15042,
62,
21078,
796,
705,
14108,
62,
15042,
62,
21078,
6,
198,
198,
17566,
796,
685,
198,
220,
220,
220,
705,
5450,
1378,
8423,
77,
2507,
13,
785,
14,
24142,
12,
11299,
14,
39920,
14,
5304,
14,
486,
14,
85,
14630,
62,
79,
1211,
62,
16,
13,
9479,
3256,
198,
220,
220,
220,
705,
5450,
1378,
8423,
77,
2507,
13,
785,
14,
24142,
12,
11299,
14,
39920,
14,
5304,
14,
486,
14,
85,
14630,
62,
79,
1211,
62,
17,
13,
9479,
3256,
198,
220,
220,
220,
705,
5450,
1378,
8423,
77,
2507,
13,
785,
14,
24142,
12,
11299,
14,
39920,
14,
5304,
14,
486,
14,
85,
14630,
62,
79,
1211,
62,
18,
13,
9479,
3256,
198,
220,
220,
220,
705,
40720,
16944,
13,
9479,
6,
198,
60,
198,
198,
2,
13610,
262,
35886,
45,
2507,
26144,
7071,
198,
8423,
77,
2507,
796,
35886,
77,
2507,
7,
15042,
62,
2539,
11,
40391,
62,
21078,
8,
198,
198,
2,
4889,
262,
35886,
77,
2507,
9597,
284,
2198,
329,
42156,
13,
921,
460,
2035,
1208,
257,
1171,
10289,
393,
257,
1957,
3108,
13,
198,
1640,
2939,
287,
4263,
25,
198,
220,
220,
220,
5072,
796,
9242,
77,
2507,
13,
47189,
13,
9060,
7,
9060,
8,
628,
220,
220,
220,
3601,
19203,
6371,
25,
4064,
82,
7019,
515,
355,
25,
4064,
82,
6,
4064,
357,
22915,
13,
6371,
11,
5072,
13,
4666,
263,
515,
62,
6371,
4008,
198
] | 3.288431 | 631 |
import FWCore.ParameterSet.Config as cms
from DQMOffline.Trigger.RazorMonitor_cff import *
from DQMOffline.Trigger.VBFSUSYMonitor_cff import *
from DQMOffline.Trigger.LepHTMonitor_cff import *
from DQMOffline.Trigger.susyHLTEleCaloJets_cff import *
from DQMOffline.Trigger.SoftMuHardJetMETSUSYMonitor_cff import *
from DQMOffline.Trigger.TopMonitor_cfi import hltTOPmonitoring
# muon
double_soft_muon_muonpt = hltTOPmonitoring.clone()
double_soft_muon_muonpt.FolderName = cms.string('HLT/SUSY/SOS/Muon/')
# Selections
double_soft_muon_muonpt.nmuons = cms.uint32(2)
double_soft_muon_muonpt.HTdefinition = cms.string('pt>30 & abs(eta)<2.4')
double_soft_muon_muonpt.HTcut = cms.double(60)
double_soft_muon_muonpt.enableMETPlot = True
double_soft_muon_muonpt.metSelection =cms.string('pt>150')
double_soft_muon_muonpt.MHTdefinition = cms.string('pt>30 & abs(eta)<2.4')
double_soft_muon_muonpt.MHTcut = cms.double(150)
double_soft_muon_muonpt.invMassUppercut = cms.double(50)
double_soft_muon_muonpt.invMassLowercut = cms.double(10)
# Binning
double_soft_muon_muonpt.histoPSet.muPtBinning =cms.vdouble(0,2,5,7,10,12,15,17,20,25,30,50)
double_soft_muon_muonpt.histoPSet.muPtBinning2D =cms.vdouble(0,2,5,7,10,12,15,17,20,25,30,50)
# Triggers
double_soft_muon_muonpt.numGenericTriggerEventPSet.hltPaths = cms.vstring('HLT_DoubleMu3_DZ_PFMET50_PFMHT60_v*')
double_soft_muon_muonpt.denGenericTriggerEventPSet.hltPaths = cms.vstring('HLT_PFMET140_PFMHT140_v*')
# met
double_soft_muon_metpt = hltTOPmonitoring.clone()
double_soft_muon_metpt.FolderName = cms.string('HLT/SUSY/SOS/MET/')
# Selections
double_soft_muon_metpt.nmuons = cms.uint32(2)
double_soft_muon_metpt.HTdefinition = cms.string('pt>30 & abs(eta)<2.4')
double_soft_muon_metpt.HTcut = cms.double(60)
double_soft_muon_metpt.muoSelection =cms.string('pt>18 & abs(eta)<2.4')
double_soft_muon_metpt.MHTdefinition = cms.string('pt>30 & abs(eta)<2.4')
double_soft_muon_metpt.MHTcut = cms.double(150)
double_soft_muon_metpt.invMassUppercut = cms.double(50)
double_soft_muon_metpt.invMassLowercut = cms.double(10)
double_soft_muon_metpt.enableMETPlot = True
# Binning
double_soft_muon_metpt.histoPSet.metPSet =cms.PSet(nbins=cms.uint32(50),xmin=cms.double(50),xmax=cms.double(300) )
# Triggers
double_soft_muon_metpt.numGenericTriggerEventPSet.hltPaths = cms.vstring('HLT_DoubleMu3_DZ_PFMET50_PFMHT60_v*')
double_soft_muon_metpt.denGenericTriggerEventPSet.hltPaths = cms.vstring('HLT_Mu17_TrkIsoVVL_Mu8_TrkIsoVVL_DZ_v*')
# inv Mass
double_soft_muon_mll = hltTOPmonitoring.clone()
double_soft_muon_mll.FolderName = cms.string('HLT/SUSY/SOS/Mll/')
# Selections
double_soft_muon_mll.nmuons = cms.uint32(2)
double_soft_muon_mll.HTdefinition = cms.string('pt>30 & abs(eta)<2.4')
double_soft_muon_mll.HTcut = cms.double(60)
double_soft_muon_mll.muoSelection =cms.string('pt>10 & abs(eta)<2.4')
double_soft_muon_mll.MHTdefinition = cms.string('pt>30 & abs(eta)<2.4')
double_soft_muon_mll.MHTcut = cms.double(150)
double_soft_muon_mll.enableMETPlot = True
double_soft_muon_mll.metSelection = cms.string('pt>150')
# Binning
double_soft_muon_mll.histoPSet.invMassVariableBinning =cms.vdouble(8,12,15,20,25,30,35,40,45,47,50,60)
# Triggers
double_soft_muon_mll.numGenericTriggerEventPSet.hltPaths = cms.vstring('HLT_DoubleMu3_DZ_PFMET50_PFMHT60_v*')
double_soft_muon_mll.denGenericTriggerEventPSet.hltPaths = cms.vstring('HLT_Dimuon12_Upsilon_eta1p5_v*')
# mht
double_soft_muon_mhtpt = hltTOPmonitoring.clone()
double_soft_muon_mhtpt.FolderName = cms.string('HLT/SUSY/SOS/MHT/')
# Selections
double_soft_muon_mhtpt.nmuons = cms.uint32(2)
double_soft_muon_mhtpt.HTdefinition = cms.string('pt>30 & abs(eta)<2.4')
double_soft_muon_mhtpt.HTcut = cms.double(60)
double_soft_muon_mhtpt.muoSelection =cms.string('pt>18 & abs(eta)<2.0')
double_soft_muon_mhtpt.MHTdefinition = cms.string('pt>30 & abs(eta)<2.4')
double_soft_muon_mhtpt.enableMETPlot = True
double_soft_muon_mhtpt.metSelection = cms.string('pt>150')
double_soft_muon_mhtpt.invMassUppercut = cms.double(50)
double_soft_muon_mhtpt.invMassLowercut = cms.double(10)
# Binning
double_soft_muon_mhtpt.histoPSet.MHTVariableBinning =cms.vdouble(50,60,70,80,90,100,110,120,130,150,200,300)
# Triggers
double_soft_muon_mhtpt.numGenericTriggerEventPSet.hltPaths = cms.vstring('HLT_DoubleMu3_DZ_PFMET50_PFMHT60_v*')
double_soft_muon_mhtpt.denGenericTriggerEventPSet.hltPaths = cms.vstring('HLT_Mu17_TrkIsoVVL_Mu8_TrkIsoVVL_DZ_v*')
# backup1, met
double_soft_muon_backup_70_metpt = hltTOPmonitoring.clone()
double_soft_muon_backup_70_metpt.FolderName = cms.string('HLT/SUSY/SOS/backup70/MET/')
# Selections
double_soft_muon_backup_70_metpt.nmuons = cms.uint32(2)
double_soft_muon_backup_70_metpt.HTdefinition = cms.string('pt>30 & abs(eta)<2.4')
double_soft_muon_backup_70_metpt.HTcut = cms.double(60)
double_soft_muon_backup_70_metpt.muoSelection =cms.string('pt>18 & abs(eta)<2.4')
double_soft_muon_backup_70_metpt.MHTdefinition = cms.string('pt>30 & abs(eta)<2.4')
double_soft_muon_backup_70_metpt.MHTcut = cms.double(150)
double_soft_muon_backup_70_metpt.invMassUppercut = cms.double(50)
double_soft_muon_backup_70_metpt.invMassLowercut = cms.double(10)
double_soft_muon_backup_70_metpt.enableMETPlot = True
# Binning
double_soft_muon_backup_70_metpt.histoPSet.metPSet =cms.PSet(nbins=cms.uint32(50),xmin=cms.double(50),xmax=cms.double(300) )
# Triggers
double_soft_muon_backup_70_metpt.numGenericTriggerEventPSet.hltPaths = cms.vstring('HLT_DoubleMu3_DZ_PFMET70_PFMHT70_v*')
double_soft_muon_backup_70_metpt.denGenericTriggerEventPSet.hltPaths = cms.vstring('HLT_Mu17_TrkIsoVVL_Mu8_TrkIsoVVL_DZ_v*')
# backup1, mht
double_soft_muon_backup_70_mhtpt = hltTOPmonitoring.clone()
double_soft_muon_backup_70_mhtpt.FolderName = cms.string('HLT/SUSY/SOS/backup70/MHT/')
# Selections
double_soft_muon_backup_70_mhtpt.nmuons = cms.uint32(2)
double_soft_muon_backup_70_mhtpt.HTdefinition = cms.string('pt>30 & abs(eta)<2.4')
double_soft_muon_backup_70_mhtpt.HTcut = cms.double(60)
double_soft_muon_backup_70_mhtpt.muoSelection =cms.string('pt>18 & abs(eta)<2.0')
double_soft_muon_backup_70_mhtpt.MHTdefinition = cms.string('pt>30 & abs(eta)<2.4')
double_soft_muon_backup_70_mhtpt.enableMETPlot = True
double_soft_muon_backup_70_mhtpt.metSelection = cms.string('pt>150')
double_soft_muon_backup_70_mhtpt.invMassUppercut = cms.double(50)
double_soft_muon_backup_70_mhtpt.invMassLowercut = cms.double(10)
# Binning
double_soft_muon_backup_70_mhtpt.histoPSet.MHTVariableBinning =cms.vdouble(50,60,70,80,90,100,110,120,130,150,200,300)
# Triggers
double_soft_muon_backup_70_mhtpt.numGenericTriggerEventPSet.hltPaths = cms.vstring('HLT_DoubleMu3_DZ_PFMET70_PFMHT70_v*')
double_soft_muon_backup_70_mhtpt.denGenericTriggerEventPSet.hltPaths = cms.vstring('HLT_Mu17_TrkIsoVVL_Mu8_TrkIsoVVL_DZ_v*')
# backup2, met
double_soft_muon_backup_90_metpt = hltTOPmonitoring.clone()
double_soft_muon_backup_90_metpt.FolderName = cms.string('HLT/SUSY/SOS/backup90/MET/')
# Selections
double_soft_muon_backup_90_metpt.nmuons = cms.uint32(2)
double_soft_muon_backup_90_metpt.HTdefinition = cms.string('pt>30 & abs(eta)<2.4')
double_soft_muon_backup_90_metpt.HTcut = cms.double(60)
double_soft_muon_backup_90_metpt.muoSelection =cms.string('pt>18 & abs(eta)<2.4')
double_soft_muon_backup_90_metpt.MHTdefinition = cms.string('pt>30 & abs(eta)<2.4')
double_soft_muon_backup_90_metpt.MHTcut = cms.double(150)
double_soft_muon_backup_90_metpt.invMassUppercut = cms.double(50)
double_soft_muon_backup_90_metpt.invMassLowercut = cms.double(10)
double_soft_muon_backup_90_metpt.enableMETPlot = True
# Binning
double_soft_muon_backup_90_metpt.histoPSet.metPSet =cms.PSet(nbins=cms.uint32(50),xmin=cms.double(50),xmax=cms.double(300) )
# Triggers
double_soft_muon_backup_90_metpt.numGenericTriggerEventPSet.hltPaths = cms.vstring('HLT_DoubleMu3_DZ_PFMET90_PFMHT90_v*')
double_soft_muon_backup_90_metpt.denGenericTriggerEventPSet.hltPaths = cms.vstring('HLT_Mu17_TrkIsoVVL_Mu8_TrkIsoVVL_DZ_v*')
# backup2, mht
double_soft_muon_backup_90_mhtpt = hltTOPmonitoring.clone()
double_soft_muon_backup_90_mhtpt.FolderName = cms.string('HLT/SUSY/SOS/backup90/MHT/')
# Selections
double_soft_muon_backup_90_mhtpt.nmuons = cms.uint32(2)
double_soft_muon_backup_90_mhtpt.HTdefinition = cms.string('pt>30 & abs(eta)<2.4')
double_soft_muon_backup_90_mhtpt.HTcut = cms.double(60)
double_soft_muon_backup_90_mhtpt.muoSelection =cms.string('pt>18 & abs(eta)<2.0')
double_soft_muon_backup_90_mhtpt.MHTdefinition = cms.string('pt>30 & abs(eta)<2.4')
double_soft_muon_backup_90_mhtpt.enableMETPlot = True
double_soft_muon_backup_90_mhtpt.metSelection = cms.string('pt>150')
double_soft_muon_backup_90_mhtpt.invMassUppercut = cms.double(50)
double_soft_muon_backup_90_mhtpt.invMassLowercut = cms.double(10)
# Binning
double_soft_muon_backup_90_mhtpt.histoPSet.MHTVariableBinning =cms.vdouble(50,60,70,80,90,100,110,120,130,150,200,300)
# Triggers
double_soft_muon_backup_90_mhtpt.numGenericTriggerEventPSet.hltPaths = cms.vstring('HLT_DoubleMu3_DZ_PFMET90_PFMHT90_v*')
double_soft_muon_backup_90_mhtpt.denGenericTriggerEventPSet.hltPaths = cms.vstring('HLT_Mu17_TrkIsoVVL_Mu8_TrkIsoVVL_DZ_v*')
# triple muon
triple_muon_mupt = hltTOPmonitoring.clone()
triple_muon_mupt.FolderName = cms.string('HLT/SUSY/SOS/TripleMu/Muon')
# Selections
triple_muon_mupt.nmuons = cms.uint32(3)
triple_muon_mupt.muoSelection =cms.string('isGlobalMuon()')
triple_muon_mupt.invMassUppercut = cms.double(50)
triple_muon_mupt.invMassLowercut = cms.double(10)
triple_muon_mupt.invMassCutInAllMuPairs=cms.bool(True)
# Triggers
triple_muon_mupt.numGenericTriggerEventPSet.hltPaths = cms.vstring('HLT_TripleMu_5_3_3_Mass3p8to60_DZ_v*')
triple_muon_mupt.denGenericTriggerEventPSet.hltPaths = cms.vstring('HLT_Trimuon5_3p5_2_Upsilon_Muon_v*')
# triplemu dca
triple_muon_dca_mupt = hltTOPmonitoring.clone()
triple_muon_dca_mupt.FolderName = cms.string('HLT/SUSY/SOS/TripleMu/DCA/Muon')
# Selections
triple_muon_dca_mupt.nmuons = cms.uint32(3)
triple_muon_dca_mupt.muoSelection =cms.string('isGlobalMuon()')
triple_muon_dca_mupt.invMassUppercut = cms.double(50)
triple_muon_dca_mupt.invMassLowercut = cms.double(10)
triple_muon_dca_mupt.invMassCutInAllMuPairs=cms.bool(True)
# Triggers
triple_muon_dca_mupt.numGenericTriggerEventPSet.hltPaths = cms.vstring('HLT_TripleMu_5_3_3_Mass3p8to60_DCA_v*')
triple_muon_dca_mupt.denGenericTriggerEventPSet.hltPaths = cms.vstring('HLT_Trimuon5_3p5_2_Upsilon_Muon_v*')
# MuonEG
susyMuEGMonitoring = hltTOPmonitoring.clone()
susyMuEGMonitoring.FolderName = cms.string('HLT/SUSY/MuonEG/')
susyMuEGMonitoring.nmuons = cms.uint32(1)
susyMuEGMonitoring.nphotons = cms.uint32(1)
susyMuEGMonitoring.nelectrons = cms.uint32(0)
susyMuEGMonitoring.njets = cms.uint32(0)
susyMuEGMonitoring.enablePhotonPlot = cms.bool(True)
susyMuEGMonitoring.muoSelection = cms.string('pt>26 & abs(eta)<2.1 & isPFMuon & isGlobalMuon & isTrackerMuon & numberOfMatches>1 & innerTrack.hitPattern.trackerLayersWithMeasurement>5 & innerTrack.hitPattern.numberOfValidPixelHits>0 & globalTrack.hitPattern.numberOfValidMuonHits>0 & globalTrack.normalizedChi2<10 & (pfIsolationR04.sumChargedHadronPt + max(pfIsolationR04.sumNeutralHadronEt + pfIsolationR04.sumPhotonEt - (pfIsolationR04.sumPUPt)/2.,0.) )/pt<0.15')
susyMuEGMonitoring.phoSelection = cms.string('(pt > 30 && abs(eta)<1.4442 && hadTowOverEm<0.0597 && full5x5_sigmaIetaIeta()<0.01031 && chargedHadronIso<1.295 && neutralHadronIso < 5.931+0.0163*pt+0.000014*pt*pt && photonIso < 6.641+0.0034*pt) || (pt > 30 && abs(eta)>1.4442 && hadTowOverEm<0.0481 && full5x5_sigmaIetaIeta()<0.03013 && chargedHadronIso<1.011 && neutralHadronIso < 1.715+0.0163*pt+0.000014*pt*pt && photonIso < 3.863+0.0034*pt)')
susyMuEGMonitoring.numGenericTriggerEventPSet.hltPaths = cms.vstring('HLT_Mu17_Photon30_IsoCaloId*')
susyMuEGMonitoring.denGenericTriggerEventPSet.hltPaths = cms.vstring('')
# muon dca
double_soft_muon_dca_muonpt = hltTOPmonitoring.clone()
double_soft_muon_dca_muonpt.FolderName = cms.string('HLT/SUSY/SOS/DCA/Muon/')
# Selections
double_soft_muon_dca_muonpt.nmuons = cms.uint32(2)
double_soft_muon_dca_muonpt.HTdefinition = cms.string('pt>30 & abs(eta)<2.4')
double_soft_muon_dca_muonpt.HTcut = cms.double(60)
double_soft_muon_dca_muonpt.enableMETPlot = True
double_soft_muon_dca_muonpt.metSelection =cms.string('pt>150')
double_soft_muon_dca_muonpt.MHTdefinition = cms.string('pt>30 & abs(eta)<2.4')
double_soft_muon_dca_muonpt.MHTcut = cms.double(150)
double_soft_muon_dca_muonpt.invMassUppercut = cms.double(50)
double_soft_muon_dca_muonpt.invMassLowercut = cms.double(10)
# Binning
double_soft_muon_dca_muonpt.histoPSet.muPtBinning =cms.vdouble(0,2,5,7,10,12,15,17,20,25,30,50)
double_soft_muon_dca_muonpt.histoPSet.muPtBinning2D =cms.vdouble(0,2,5,7,10,12,15,17,20,25,30,50)
# Triggers
double_soft_muon_dca_muonpt.numGenericTriggerEventPSet.hltPaths = cms.vstring('HLT_DoubleMu3_DCA_PFMET50_PFMHT60_v*')
double_soft_muon_dca_muonpt.denGenericTriggerEventPSet.hltPaths = cms.vstring('HLT_PFMET140_PFMHT140_v*')
# met
double_soft_muon_dca_metpt = hltTOPmonitoring.clone()
double_soft_muon_dca_metpt.FolderName = cms.string('HLT/SUSY/SOS/DCA/MET/')
# Selections
double_soft_muon_dca_metpt.nmuons = cms.uint32(2)
double_soft_muon_dca_metpt.HTdefinition = cms.string('pt>30 & abs(eta)<2.4')
double_soft_muon_dca_metpt.HTcut = cms.double(60)
double_soft_muon_dca_metpt.muoSelection =cms.string('pt>18 & abs(eta)<2.4')
double_soft_muon_dca_metpt.MHTdefinition = cms.string('pt>30 & abs(eta)<2.4')
double_soft_muon_dca_metpt.MHTcut = cms.double(150)
double_soft_muon_dca_metpt.invMassUppercut = cms.double(50)
double_soft_muon_dca_metpt.invMassLowercut = cms.double(10)
double_soft_muon_dca_metpt.enableMETPlot = True
# Binning
double_soft_muon_dca_metpt.histoPSet.metPSet =cms.PSet(nbins=cms.uint32(50),xmin=cms.double(50),xmax=cms.double(300) )
# Triggers
double_soft_muon_dca_metpt.numGenericTriggerEventPSet.hltPaths = cms.vstring('HLT_DoubleMu3_DCA_PFMET50_PFMHT60_v*')
double_soft_muon_dca_metpt.denGenericTriggerEventPSet.hltPaths = cms.vstring('HLT_Mu17_TrkIsoVVL_Mu8_TrkIsoVVL_v*')
susyMonitorHLT = cms.Sequence(
susyHLTRazorMonitoring
+ susyHLTVBFMonitoring
+ LepHTMonitor
+ susyHLTEleCaloJets
+ double_soft_muon_muonpt
+ double_soft_muon_metpt
+ double_soft_muon_mhtpt
+ double_soft_muon_mll
+ double_soft_muon_backup_70_metpt
+ double_soft_muon_backup_70_mhtpt
+ double_soft_muon_backup_90_metpt
+ double_soft_muon_backup_90_mhtpt
+ triple_muon_mupt
+ triple_muon_dca_mupt
+ susyMuEGMonitoring
+ double_soft_muon_dca_muonpt
+ double_soft_muon_dca_metpt
+ susyHLTSoftMuHardJetMETMonitoring
)
susHLTDQMSourceExtra = cms.Sequence(
)
| [
11748,
48849,
14055,
13,
36301,
7248,
13,
16934,
355,
269,
907,
198,
198,
6738,
360,
48,
44,
28657,
13,
48344,
13,
49,
17725,
35479,
62,
66,
487,
1330,
1635,
198,
6738,
360,
48,
44,
28657,
13,
48344,
13,
44526,
10652,
2937,
56,
35479,
62,
66,
487,
1330,
1635,
198,
6738,
360,
48,
44,
28657,
13,
48344,
13,
43,
538,
6535,
35479,
62,
66,
487,
1330,
1635,
198,
6738,
360,
48,
44,
28657,
13,
48344,
13,
82,
385,
88,
6581,
9328,
293,
34,
7335,
41,
1039,
62,
66,
487,
1330,
1635,
198,
6738,
360,
48,
44,
28657,
13,
48344,
13,
18380,
33239,
17309,
42273,
44,
32716,
2937,
56,
35479,
62,
66,
487,
1330,
1635,
198,
6738,
360,
48,
44,
28657,
13,
48344,
13,
9126,
35479,
62,
66,
12463,
1330,
289,
2528,
35222,
41143,
278,
198,
198,
2,
38779,
261,
198,
23352,
62,
4215,
62,
30300,
261,
62,
30300,
261,
457,
796,
289,
2528,
35222,
41143,
278,
13,
21018,
3419,
198,
23352,
62,
4215,
62,
30300,
261,
62,
30300,
261,
457,
13,
41092,
5376,
220,
220,
796,
269,
907,
13,
8841,
10786,
6581,
51,
14,
50,
2937,
56,
14,
50,
2640,
14,
33239,
261,
14,
11537,
198,
2,
9683,
507,
198,
23352,
62,
4215,
62,
30300,
261,
62,
30300,
261,
457,
13,
21533,
84,
684,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
28611,
2624,
7,
17,
8,
198,
23352,
62,
4215,
62,
30300,
261,
62,
30300,
261,
457,
13,
6535,
46758,
220,
220,
220,
220,
796,
269,
907,
13,
8841,
10786,
457,
29,
1270,
1222,
2352,
7,
17167,
8,
27,
17,
13,
19,
11537,
198,
23352,
62,
4215,
62,
30300,
261,
62,
30300,
261,
457,
13,
6535,
8968,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
23352,
7,
1899,
8,
198,
23352,
62,
4215,
62,
30300,
261,
62,
30300,
261,
457,
13,
21633,
47123,
43328,
796,
6407,
198,
23352,
62,
4215,
62,
30300,
261,
62,
30300,
261,
457,
13,
4164,
4653,
1564,
220,
220,
220,
220,
796,
46406,
13,
8841,
10786,
457,
29,
8628,
11537,
198,
23352,
62,
4215,
62,
30300,
261,
62,
30300,
261,
457,
13,
44,
6535,
46758,
220,
220,
220,
796,
269,
907,
13,
8841,
10786,
457,
29,
1270,
1222,
2352,
7,
17167,
8,
27,
17,
13,
19,
11537,
198,
23352,
62,
4215,
62,
30300,
261,
62,
30300,
261,
457,
13,
44,
6535,
8968,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
23352,
7,
8628,
8,
198,
23352,
62,
4215,
62,
30300,
261,
62,
30300,
261,
457,
13,
16340,
20273,
52,
39921,
315,
220,
796,
269,
907,
13,
23352,
7,
1120,
8,
198,
23352,
62,
4215,
62,
30300,
261,
62,
30300,
261,
457,
13,
16340,
20273,
31426,
8968,
220,
796,
269,
907,
13,
23352,
7,
940,
8,
198,
2,
20828,
768,
198,
23352,
62,
4215,
62,
30300,
261,
62,
30300,
261,
457,
13,
10034,
78,
3705,
316,
13,
30300,
47,
83,
33,
23062,
220,
220,
220,
220,
220,
796,
46406,
13,
20306,
15270,
7,
15,
11,
17,
11,
20,
11,
22,
11,
940,
11,
1065,
11,
1314,
11,
1558,
11,
1238,
11,
1495,
11,
1270,
11,
1120,
8,
198,
23352,
62,
4215,
62,
30300,
261,
62,
30300,
261,
457,
13,
10034,
78,
3705,
316,
13,
30300,
47,
83,
33,
23062,
17,
35,
220,
220,
220,
796,
46406,
13,
20306,
15270,
7,
15,
11,
17,
11,
20,
11,
22,
11,
940,
11,
1065,
11,
1314,
11,
1558,
11,
1238,
11,
1495,
11,
1270,
11,
1120,
8,
198,
2,
833,
328,
5355,
198,
23352,
62,
4215,
62,
30300,
261,
62,
30300,
261,
457,
13,
22510,
46189,
48344,
9237,
3705,
316,
13,
71,
2528,
15235,
82,
796,
269,
907,
13,
85,
8841,
10786,
6581,
51,
62,
25628,
33239,
18,
62,
35,
57,
62,
47,
23264,
2767,
1120,
62,
47,
23264,
6535,
1899,
62,
85,
9,
11537,
198,
23352,
62,
4215,
62,
30300,
261,
62,
30300,
261,
457,
13,
6559,
46189,
48344,
9237,
3705,
316,
13,
71,
2528,
15235,
82,
796,
269,
907,
13,
85,
8841,
10786,
6581,
51,
62,
47,
23264,
2767,
15187,
62,
47,
23264,
6535,
15187,
62,
85,
9,
11537,
198,
198,
2,
1138,
198,
23352,
62,
4215,
62,
30300,
261,
62,
4164,
457,
796,
289,
2528,
35222,
41143,
278,
13,
21018,
3419,
198,
23352,
62,
4215,
62,
30300,
261,
62,
4164,
457,
13,
41092,
5376,
220,
220,
796,
269,
907,
13,
8841,
10786,
6581,
51,
14,
50,
2937,
56,
14,
50,
2640,
14,
47123,
14,
11537,
198,
2,
9683,
507,
198,
23352,
62,
4215,
62,
30300,
261,
62,
4164,
457,
13,
21533,
84,
684,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
28611,
2624,
7,
17,
8,
198,
23352,
62,
4215,
62,
30300,
261,
62,
4164,
457,
13,
6535,
46758,
220,
220,
220,
220,
796,
269,
907,
13,
8841,
10786,
457,
29,
1270,
1222,
2352,
7,
17167,
8,
27,
17,
13,
19,
11537,
198,
23352,
62,
4215,
62,
30300,
261,
62,
4164,
457,
13,
6535,
8968,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
23352,
7,
1899,
8,
198,
23352,
62,
4215,
62,
30300,
261,
62,
4164,
457,
13,
76,
20895,
4653,
1564,
220,
220,
220,
220,
796,
46406,
13,
8841,
10786,
457,
29,
1507,
1222,
2352,
7,
17167,
8,
27,
17,
13,
19,
11537,
198,
23352,
62,
4215,
62,
30300,
261,
62,
4164,
457,
13,
44,
6535,
46758,
220,
220,
220,
796,
269,
907,
13,
8841,
10786,
457,
29,
1270,
1222,
2352,
7,
17167,
8,
27,
17,
13,
19,
11537,
198,
23352,
62,
4215,
62,
30300,
261,
62,
4164,
457,
13,
44,
6535,
8968,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
23352,
7,
8628,
8,
198,
23352,
62,
4215,
62,
30300,
261,
62,
4164,
457,
13,
16340,
20273,
52,
39921,
315,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
23352,
7,
1120,
8,
198,
23352,
62,
4215,
62,
30300,
261,
62,
4164,
457,
13,
16340,
20273,
31426,
8968,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
23352,
7,
940,
8,
198,
23352,
62,
4215,
62,
30300,
261,
62,
4164,
457,
13,
21633,
47123,
43328,
796,
6407,
198,
2,
20828,
768,
198,
23352,
62,
4215,
62,
30300,
261,
62,
4164,
457,
13,
10034,
78,
3705,
316,
13,
4164,
3705,
316,
220,
220,
796,
46406,
13,
3705,
316,
7,
46803,
1040,
28,
46406,
13,
28611,
2624,
7,
1120,
828,
87,
1084,
28,
46406,
13,
23352,
7,
1120,
828,
87,
9806,
28,
46406,
13,
23352,
7,
6200,
8,
1267,
198,
2,
833,
328,
5355,
198,
23352,
62,
4215,
62,
30300,
261,
62,
4164,
457,
13,
22510,
46189,
48344,
9237,
3705,
316,
13,
71,
2528,
15235,
82,
796,
269,
907,
13,
85,
8841,
10786,
6581,
51,
62,
25628,
33239,
18,
62,
35,
57,
62,
47,
23264,
2767,
1120,
62,
47,
23264,
6535,
1899,
62,
85,
9,
11537,
198,
23352,
62,
4215,
62,
30300,
261,
62,
4164,
457,
13,
6559,
46189,
48344,
9237,
3705,
316,
13,
71,
2528,
15235,
82,
796,
269,
907,
13,
85,
8841,
10786,
6581,
51,
62,
33239,
1558,
62,
2898,
74,
40,
568,
53,
47468,
62,
33239,
23,
62,
2898,
74,
40,
568,
53,
47468,
62,
35,
57,
62,
85,
9,
11537,
198,
198,
2,
800,
5674,
198,
23352,
62,
4215,
62,
30300,
261,
62,
76,
297,
796,
289,
2528,
35222,
41143,
278,
13,
21018,
3419,
198,
23352,
62,
4215,
62,
30300,
261,
62,
76,
297,
13,
41092,
5376,
220,
220,
796,
269,
907,
13,
8841,
10786,
6581,
51,
14,
50,
2937,
56,
14,
50,
2640,
14,
44,
297,
14,
11537,
198,
2,
9683,
507,
198,
23352,
62,
4215,
62,
30300,
261,
62,
76,
297,
13,
21533,
84,
684,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
28611,
2624,
7,
17,
8,
198,
23352,
62,
4215,
62,
30300,
261,
62,
76,
297,
13,
6535,
46758,
220,
220,
220,
220,
796,
269,
907,
13,
8841,
10786,
457,
29,
1270,
1222,
2352,
7,
17167,
8,
27,
17,
13,
19,
11537,
198,
23352,
62,
4215,
62,
30300,
261,
62,
76,
297,
13,
6535,
8968,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
23352,
7,
1899,
8,
198,
23352,
62,
4215,
62,
30300,
261,
62,
76,
297,
13,
76,
20895,
4653,
1564,
220,
220,
220,
220,
796,
46406,
13,
8841,
10786,
457,
29,
940,
1222,
2352,
7,
17167,
8,
27,
17,
13,
19,
11537,
198,
23352,
62,
4215,
62,
30300,
261,
62,
76,
297,
13,
44,
6535,
46758,
220,
220,
220,
796,
269,
907,
13,
8841,
10786,
457,
29,
1270,
1222,
2352,
7,
17167,
8,
27,
17,
13,
19,
11537,
198,
23352,
62,
4215,
62,
30300,
261,
62,
76,
297,
13,
44,
6535,
8968,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
23352,
7,
8628,
8,
198,
23352,
62,
4215,
62,
30300,
261,
62,
76,
297,
13,
21633,
47123,
43328,
796,
6407,
198,
23352,
62,
4215,
62,
30300,
261,
62,
76,
297,
13,
4164,
4653,
1564,
220,
220,
220,
220,
220,
796,
269,
907,
13,
8841,
10786,
457,
29,
8628,
11537,
198,
2,
20828,
768,
198,
23352,
62,
4215,
62,
30300,
261,
62,
76,
297,
13,
10034,
78,
3705,
316,
13,
16340,
20273,
43015,
33,
23062,
220,
220,
220,
220,
220,
796,
46406,
13,
20306,
15270,
7,
23,
11,
1065,
11,
1314,
11,
1238,
11,
1495,
11,
1270,
11,
2327,
11,
1821,
11,
2231,
11,
2857,
11,
1120,
11,
1899,
8,
198,
198,
2,
833,
328,
5355,
198,
23352,
62,
4215,
62,
30300,
261,
62,
76,
297,
13,
22510,
46189,
48344,
9237,
3705,
316,
13,
71,
2528,
15235,
82,
796,
269,
907,
13,
85,
8841,
10786,
6581,
51,
62,
25628,
33239,
18,
62,
35,
57,
62,
47,
23264,
2767,
1120,
62,
47,
23264,
6535,
1899,
62,
85,
9,
11537,
198,
23352,
62,
4215,
62,
30300,
261,
62,
76,
297,
13,
6559,
46189,
48344,
9237,
3705,
316,
13,
71,
2528,
15235,
82,
796,
269,
907,
13,
85,
8841,
10786,
6581,
51,
62,
29271,
84,
261,
1065,
62,
52,
862,
33576,
62,
17167,
16,
79,
20,
62,
85,
9,
11537,
198,
198,
2,
285,
4352,
198,
23352,
62,
4215,
62,
30300,
261,
62,
76,
4352,
457,
796,
289,
2528,
35222,
41143,
278,
13,
21018,
3419,
198,
23352,
62,
4215,
62,
30300,
261,
62,
76,
4352,
457,
13,
41092,
5376,
220,
220,
796,
269,
907,
13,
8841,
10786,
6581,
51,
14,
50,
2937,
56,
14,
50,
2640,
14,
44,
6535,
14,
11537,
198,
2,
9683,
507,
198,
23352,
62,
4215,
62,
30300,
261,
62,
76,
4352,
457,
13,
21533,
84,
684,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
28611,
2624,
7,
17,
8,
198,
23352,
62,
4215,
62,
30300,
261,
62,
76,
4352,
457,
13,
6535,
46758,
220,
220,
220,
220,
796,
269,
907,
13,
8841,
10786,
457,
29,
1270,
1222,
2352,
7,
17167,
8,
27,
17,
13,
19,
11537,
198,
23352,
62,
4215,
62,
30300,
261,
62,
76,
4352,
457,
13,
6535,
8968,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
23352,
7,
1899,
8,
198,
23352,
62,
4215,
62,
30300,
261,
62,
76,
4352,
457,
13,
76,
20895,
4653,
1564,
220,
220,
220,
220,
796,
46406,
13,
8841,
10786,
457,
29,
1507,
1222,
2352,
7,
17167,
8,
27,
17,
13,
15,
11537,
198,
23352,
62,
4215,
62,
30300,
261,
62,
76,
4352,
457,
13,
44,
6535,
46758,
220,
220,
220,
796,
269,
907,
13,
8841,
10786,
457,
29,
1270,
1222,
2352,
7,
17167,
8,
27,
17,
13,
19,
11537,
198,
23352,
62,
4215,
62,
30300,
261,
62,
76,
4352,
457,
13,
21633,
47123,
43328,
796,
6407,
198,
23352,
62,
4215,
62,
30300,
261,
62,
76,
4352,
457,
13,
4164,
4653,
1564,
220,
220,
220,
220,
796,
269,
907,
13,
8841,
10786,
457,
29,
8628,
11537,
198,
23352,
62,
4215,
62,
30300,
261,
62,
76,
4352,
457,
13,
16340,
20273,
52,
39921,
315,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
23352,
7,
1120,
8,
198,
23352,
62,
4215,
62,
30300,
261,
62,
76,
4352,
457,
13,
16340,
20273,
31426,
8968,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
23352,
7,
940,
8,
198,
2,
20828,
768,
198,
23352,
62,
4215,
62,
30300,
261,
62,
76,
4352,
457,
13,
10034,
78,
3705,
316,
13,
44,
6535,
43015,
33,
23062,
220,
220,
220,
220,
220,
796,
46406,
13,
20306,
15270,
7,
1120,
11,
1899,
11,
2154,
11,
1795,
11,
3829,
11,
3064,
11,
11442,
11,
10232,
11,
12952,
11,
8628,
11,
2167,
11,
6200,
8,
198,
198,
2,
833,
328,
5355,
198,
23352,
62,
4215,
62,
30300,
261,
62,
76,
4352,
457,
13,
22510,
46189,
48344,
9237,
3705,
316,
13,
71,
2528,
15235,
82,
796,
269,
907,
13,
85,
8841,
10786,
6581,
51,
62,
25628,
33239,
18,
62,
35,
57,
62,
47,
23264,
2767,
1120,
62,
47,
23264,
6535,
1899,
62,
85,
9,
11537,
198,
23352,
62,
4215,
62,
30300,
261,
62,
76,
4352,
457,
13,
6559,
46189,
48344,
9237,
3705,
316,
13,
71,
2528,
15235,
82,
796,
269,
907,
13,
85,
8841,
10786,
6581,
51,
62,
33239,
1558,
62,
2898,
74,
40,
568,
53,
47468,
62,
33239,
23,
62,
2898,
74,
40,
568,
53,
47468,
62,
35,
57,
62,
85,
9,
11537,
198,
198,
2,
11559,
16,
11,
1138,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
2154,
62,
4164,
457,
796,
289,
2528,
35222,
41143,
278,
13,
21018,
3419,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
2154,
62,
4164,
457,
13,
41092,
5376,
220,
220,
796,
269,
907,
13,
8841,
10786,
6581,
51,
14,
50,
2937,
56,
14,
50,
2640,
14,
1891,
929,
2154,
14,
47123,
14,
11537,
198,
2,
9683,
507,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
2154,
62,
4164,
457,
13,
21533,
84,
684,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
28611,
2624,
7,
17,
8,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
2154,
62,
4164,
457,
13,
6535,
46758,
220,
220,
220,
220,
796,
269,
907,
13,
8841,
10786,
457,
29,
1270,
1222,
2352,
7,
17167,
8,
27,
17,
13,
19,
11537,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
2154,
62,
4164,
457,
13,
6535,
8968,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
23352,
7,
1899,
8,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
2154,
62,
4164,
457,
13,
76,
20895,
4653,
1564,
220,
220,
220,
220,
796,
46406,
13,
8841,
10786,
457,
29,
1507,
1222,
2352,
7,
17167,
8,
27,
17,
13,
19,
11537,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
2154,
62,
4164,
457,
13,
44,
6535,
46758,
220,
220,
220,
796,
269,
907,
13,
8841,
10786,
457,
29,
1270,
1222,
2352,
7,
17167,
8,
27,
17,
13,
19,
11537,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
2154,
62,
4164,
457,
13,
44,
6535,
8968,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
23352,
7,
8628,
8,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
2154,
62,
4164,
457,
13,
16340,
20273,
52,
39921,
315,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
23352,
7,
1120,
8,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
2154,
62,
4164,
457,
13,
16340,
20273,
31426,
8968,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
23352,
7,
940,
8,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
2154,
62,
4164,
457,
13,
21633,
47123,
43328,
796,
6407,
198,
2,
20828,
768,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
2154,
62,
4164,
457,
13,
10034,
78,
3705,
316,
13,
4164,
3705,
316,
220,
220,
796,
46406,
13,
3705,
316,
7,
46803,
1040,
28,
46406,
13,
28611,
2624,
7,
1120,
828,
87,
1084,
28,
46406,
13,
23352,
7,
1120,
828,
87,
9806,
28,
46406,
13,
23352,
7,
6200,
8,
1267,
198,
2,
833,
328,
5355,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
2154,
62,
4164,
457,
13,
22510,
46189,
48344,
9237,
3705,
316,
13,
71,
2528,
15235,
82,
796,
269,
907,
13,
85,
8841,
10786,
6581,
51,
62,
25628,
33239,
18,
62,
35,
57,
62,
47,
23264,
2767,
2154,
62,
47,
23264,
6535,
2154,
62,
85,
9,
11537,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
2154,
62,
4164,
457,
13,
6559,
46189,
48344,
9237,
3705,
316,
13,
71,
2528,
15235,
82,
796,
269,
907,
13,
85,
8841,
10786,
6581,
51,
62,
33239,
1558,
62,
2898,
74,
40,
568,
53,
47468,
62,
33239,
23,
62,
2898,
74,
40,
568,
53,
47468,
62,
35,
57,
62,
85,
9,
11537,
198,
198,
2,
11559,
16,
11,
285,
4352,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
2154,
62,
76,
4352,
457,
796,
289,
2528,
35222,
41143,
278,
13,
21018,
3419,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
2154,
62,
76,
4352,
457,
13,
41092,
5376,
220,
220,
796,
269,
907,
13,
8841,
10786,
6581,
51,
14,
50,
2937,
56,
14,
50,
2640,
14,
1891,
929,
2154,
14,
44,
6535,
14,
11537,
198,
2,
9683,
507,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
2154,
62,
76,
4352,
457,
13,
21533,
84,
684,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
28611,
2624,
7,
17,
8,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
2154,
62,
76,
4352,
457,
13,
6535,
46758,
220,
220,
220,
220,
796,
269,
907,
13,
8841,
10786,
457,
29,
1270,
1222,
2352,
7,
17167,
8,
27,
17,
13,
19,
11537,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
2154,
62,
76,
4352,
457,
13,
6535,
8968,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
23352,
7,
1899,
8,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
2154,
62,
76,
4352,
457,
13,
76,
20895,
4653,
1564,
220,
220,
220,
220,
796,
46406,
13,
8841,
10786,
457,
29,
1507,
1222,
2352,
7,
17167,
8,
27,
17,
13,
15,
11537,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
2154,
62,
76,
4352,
457,
13,
44,
6535,
46758,
220,
220,
220,
796,
269,
907,
13,
8841,
10786,
457,
29,
1270,
1222,
2352,
7,
17167,
8,
27,
17,
13,
19,
11537,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
2154,
62,
76,
4352,
457,
13,
21633,
47123,
43328,
796,
6407,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
2154,
62,
76,
4352,
457,
13,
4164,
4653,
1564,
220,
220,
220,
220,
796,
269,
907,
13,
8841,
10786,
457,
29,
8628,
11537,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
2154,
62,
76,
4352,
457,
13,
16340,
20273,
52,
39921,
315,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
23352,
7,
1120,
8,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
2154,
62,
76,
4352,
457,
13,
16340,
20273,
31426,
8968,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
23352,
7,
940,
8,
198,
2,
20828,
768,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
2154,
62,
76,
4352,
457,
13,
10034,
78,
3705,
316,
13,
44,
6535,
43015,
33,
23062,
220,
220,
220,
220,
220,
796,
46406,
13,
20306,
15270,
7,
1120,
11,
1899,
11,
2154,
11,
1795,
11,
3829,
11,
3064,
11,
11442,
11,
10232,
11,
12952,
11,
8628,
11,
2167,
11,
6200,
8,
198,
198,
2,
833,
328,
5355,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
2154,
62,
76,
4352,
457,
13,
22510,
46189,
48344,
9237,
3705,
316,
13,
71,
2528,
15235,
82,
796,
269,
907,
13,
85,
8841,
10786,
6581,
51,
62,
25628,
33239,
18,
62,
35,
57,
62,
47,
23264,
2767,
2154,
62,
47,
23264,
6535,
2154,
62,
85,
9,
11537,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
2154,
62,
76,
4352,
457,
13,
6559,
46189,
48344,
9237,
3705,
316,
13,
71,
2528,
15235,
82,
796,
269,
907,
13,
85,
8841,
10786,
6581,
51,
62,
33239,
1558,
62,
2898,
74,
40,
568,
53,
47468,
62,
33239,
23,
62,
2898,
74,
40,
568,
53,
47468,
62,
35,
57,
62,
85,
9,
11537,
198,
198,
2,
11559,
17,
11,
1138,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
3829,
62,
4164,
457,
796,
289,
2528,
35222,
41143,
278,
13,
21018,
3419,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
3829,
62,
4164,
457,
13,
41092,
5376,
220,
220,
796,
269,
907,
13,
8841,
10786,
6581,
51,
14,
50,
2937,
56,
14,
50,
2640,
14,
1891,
929,
3829,
14,
47123,
14,
11537,
198,
2,
9683,
507,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
3829,
62,
4164,
457,
13,
21533,
84,
684,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
28611,
2624,
7,
17,
8,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
3829,
62,
4164,
457,
13,
6535,
46758,
220,
220,
220,
220,
796,
269,
907,
13,
8841,
10786,
457,
29,
1270,
1222,
2352,
7,
17167,
8,
27,
17,
13,
19,
11537,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
3829,
62,
4164,
457,
13,
6535,
8968,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
23352,
7,
1899,
8,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
3829,
62,
4164,
457,
13,
76,
20895,
4653,
1564,
220,
220,
220,
220,
796,
46406,
13,
8841,
10786,
457,
29,
1507,
1222,
2352,
7,
17167,
8,
27,
17,
13,
19,
11537,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
3829,
62,
4164,
457,
13,
44,
6535,
46758,
220,
220,
220,
796,
269,
907,
13,
8841,
10786,
457,
29,
1270,
1222,
2352,
7,
17167,
8,
27,
17,
13,
19,
11537,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
3829,
62,
4164,
457,
13,
44,
6535,
8968,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
23352,
7,
8628,
8,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
3829,
62,
4164,
457,
13,
16340,
20273,
52,
39921,
315,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
23352,
7,
1120,
8,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
3829,
62,
4164,
457,
13,
16340,
20273,
31426,
8968,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
23352,
7,
940,
8,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
3829,
62,
4164,
457,
13,
21633,
47123,
43328,
796,
6407,
198,
2,
20828,
768,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
3829,
62,
4164,
457,
13,
10034,
78,
3705,
316,
13,
4164,
3705,
316,
220,
220,
796,
46406,
13,
3705,
316,
7,
46803,
1040,
28,
46406,
13,
28611,
2624,
7,
1120,
828,
87,
1084,
28,
46406,
13,
23352,
7,
1120,
828,
87,
9806,
28,
46406,
13,
23352,
7,
6200,
8,
1267,
198,
2,
833,
328,
5355,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
3829,
62,
4164,
457,
13,
22510,
46189,
48344,
9237,
3705,
316,
13,
71,
2528,
15235,
82,
796,
269,
907,
13,
85,
8841,
10786,
6581,
51,
62,
25628,
33239,
18,
62,
35,
57,
62,
47,
23264,
2767,
3829,
62,
47,
23264,
6535,
3829,
62,
85,
9,
11537,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
3829,
62,
4164,
457,
13,
6559,
46189,
48344,
9237,
3705,
316,
13,
71,
2528,
15235,
82,
796,
269,
907,
13,
85,
8841,
10786,
6581,
51,
62,
33239,
1558,
62,
2898,
74,
40,
568,
53,
47468,
62,
33239,
23,
62,
2898,
74,
40,
568,
53,
47468,
62,
35,
57,
62,
85,
9,
11537,
198,
198,
2,
11559,
17,
11,
285,
4352,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
3829,
62,
76,
4352,
457,
796,
289,
2528,
35222,
41143,
278,
13,
21018,
3419,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
3829,
62,
76,
4352,
457,
13,
41092,
5376,
220,
220,
796,
269,
907,
13,
8841,
10786,
6581,
51,
14,
50,
2937,
56,
14,
50,
2640,
14,
1891,
929,
3829,
14,
44,
6535,
14,
11537,
198,
2,
9683,
507,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
3829,
62,
76,
4352,
457,
13,
21533,
84,
684,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
28611,
2624,
7,
17,
8,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
3829,
62,
76,
4352,
457,
13,
6535,
46758,
220,
220,
220,
220,
796,
269,
907,
13,
8841,
10786,
457,
29,
1270,
1222,
2352,
7,
17167,
8,
27,
17,
13,
19,
11537,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
3829,
62,
76,
4352,
457,
13,
6535,
8968,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
23352,
7,
1899,
8,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
3829,
62,
76,
4352,
457,
13,
76,
20895,
4653,
1564,
220,
220,
220,
220,
796,
46406,
13,
8841,
10786,
457,
29,
1507,
1222,
2352,
7,
17167,
8,
27,
17,
13,
15,
11537,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
3829,
62,
76,
4352,
457,
13,
44,
6535,
46758,
220,
220,
220,
796,
269,
907,
13,
8841,
10786,
457,
29,
1270,
1222,
2352,
7,
17167,
8,
27,
17,
13,
19,
11537,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
3829,
62,
76,
4352,
457,
13,
21633,
47123,
43328,
796,
6407,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
3829,
62,
76,
4352,
457,
13,
4164,
4653,
1564,
220,
220,
220,
220,
796,
269,
907,
13,
8841,
10786,
457,
29,
8628,
11537,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
3829,
62,
76,
4352,
457,
13,
16340,
20273,
52,
39921,
315,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
23352,
7,
1120,
8,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
3829,
62,
76,
4352,
457,
13,
16340,
20273,
31426,
8968,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
23352,
7,
940,
8,
198,
2,
20828,
768,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
3829,
62,
76,
4352,
457,
13,
10034,
78,
3705,
316,
13,
44,
6535,
43015,
33,
23062,
220,
220,
220,
220,
220,
796,
46406,
13,
20306,
15270,
7,
1120,
11,
1899,
11,
2154,
11,
1795,
11,
3829,
11,
3064,
11,
11442,
11,
10232,
11,
12952,
11,
8628,
11,
2167,
11,
6200,
8,
198,
2,
833,
328,
5355,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
3829,
62,
76,
4352,
457,
13,
22510,
46189,
48344,
9237,
3705,
316,
13,
71,
2528,
15235,
82,
796,
269,
907,
13,
85,
8841,
10786,
6581,
51,
62,
25628,
33239,
18,
62,
35,
57,
62,
47,
23264,
2767,
3829,
62,
47,
23264,
6535,
3829,
62,
85,
9,
11537,
198,
23352,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
3829,
62,
76,
4352,
457,
13,
6559,
46189,
48344,
9237,
3705,
316,
13,
71,
2528,
15235,
82,
796,
269,
907,
13,
85,
8841,
10786,
6581,
51,
62,
33239,
1558,
62,
2898,
74,
40,
568,
53,
47468,
62,
33239,
23,
62,
2898,
74,
40,
568,
53,
47468,
62,
35,
57,
62,
85,
9,
11537,
198,
198,
2,
15055,
38779,
261,
198,
28461,
1154,
62,
30300,
261,
62,
30300,
457,
796,
289,
2528,
35222,
41143,
278,
13,
21018,
3419,
198,
28461,
1154,
62,
30300,
261,
62,
30300,
457,
13,
41092,
5376,
220,
220,
796,
269,
907,
13,
8841,
10786,
6581,
51,
14,
50,
2937,
56,
14,
50,
2640,
14,
14824,
1154,
33239,
14,
33239,
261,
11537,
198,
2,
9683,
507,
198,
28461,
1154,
62,
30300,
261,
62,
30300,
457,
13,
21533,
84,
684,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
28611,
2624,
7,
18,
8,
198,
28461,
1154,
62,
30300,
261,
62,
30300,
457,
13,
76,
20895,
4653,
1564,
220,
220,
220,
220,
796,
46406,
13,
8841,
10786,
271,
22289,
33239,
261,
3419,
11537,
198,
28461,
1154,
62,
30300,
261,
62,
30300,
457,
13,
16340,
20273,
52,
39921,
315,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
23352,
7,
1120,
8,
198,
28461,
1154,
62,
30300,
261,
62,
30300,
457,
13,
16340,
20273,
31426,
8968,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
23352,
7,
940,
8,
198,
28461,
1154,
62,
30300,
261,
62,
30300,
457,
13,
16340,
20273,
26254,
818,
3237,
33239,
47,
3468,
28,
46406,
13,
30388,
7,
17821,
8,
198,
2,
833,
328,
5355,
198,
28461,
1154,
62,
30300,
261,
62,
30300,
457,
13,
22510,
46189,
48344,
9237,
3705,
316,
13,
71,
2528,
15235,
82,
796,
269,
907,
13,
85,
8841,
10786,
6581,
51,
62,
14824,
1154,
33239,
62,
20,
62,
18,
62,
18,
62,
20273,
18,
79,
23,
1462,
1899,
62,
35,
57,
62,
85,
9,
11537,
198,
28461,
1154,
62,
30300,
261,
62,
30300,
457,
13,
6559,
46189,
48344,
9237,
3705,
316,
13,
71,
2528,
15235,
82,
796,
269,
907,
13,
85,
8841,
10786,
6581,
51,
62,
2898,
320,
84,
261,
20,
62,
18,
79,
20,
62,
17,
62,
52,
862,
33576,
62,
33239,
261,
62,
85,
9,
11537,
198,
198,
2,
15055,
30300,
288,
6888,
198,
28461,
1154,
62,
30300,
261,
62,
67,
6888,
62,
30300,
457,
796,
289,
2528,
35222,
41143,
278,
13,
21018,
3419,
198,
28461,
1154,
62,
30300,
261,
62,
67,
6888,
62,
30300,
457,
13,
41092,
5376,
220,
220,
796,
269,
907,
13,
8841,
10786,
6581,
51,
14,
50,
2937,
56,
14,
50,
2640,
14,
14824,
1154,
33239,
14,
35,
8141,
14,
33239,
261,
11537,
198,
2,
9683,
507,
198,
28461,
1154,
62,
30300,
261,
62,
67,
6888,
62,
30300,
457,
13,
21533,
84,
684,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
28611,
2624,
7,
18,
8,
198,
28461,
1154,
62,
30300,
261,
62,
67,
6888,
62,
30300,
457,
13,
76,
20895,
4653,
1564,
220,
220,
220,
220,
796,
46406,
13,
8841,
10786,
271,
22289,
33239,
261,
3419,
11537,
198,
28461,
1154,
62,
30300,
261,
62,
67,
6888,
62,
30300,
457,
13,
16340,
20273,
52,
39921,
315,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
23352,
7,
1120,
8,
198,
28461,
1154,
62,
30300,
261,
62,
67,
6888,
62,
30300,
457,
13,
16340,
20273,
31426,
8968,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
23352,
7,
940,
8,
198,
28461,
1154,
62,
30300,
261,
62,
67,
6888,
62,
30300,
457,
13,
16340,
20273,
26254,
818,
3237,
33239,
47,
3468,
28,
46406,
13,
30388,
7,
17821,
8,
198,
2,
833,
328,
5355,
198,
28461,
1154,
62,
30300,
261,
62,
67,
6888,
62,
30300,
457,
13,
22510,
46189,
48344,
9237,
3705,
316,
13,
71,
2528,
15235,
82,
796,
269,
907,
13,
85,
8841,
10786,
6581,
51,
62,
14824,
1154,
33239,
62,
20,
62,
18,
62,
18,
62,
20273,
18,
79,
23,
1462,
1899,
62,
35,
8141,
62,
85,
9,
11537,
198,
28461,
1154,
62,
30300,
261,
62,
67,
6888,
62,
30300,
457,
13,
6559,
46189,
48344,
9237,
3705,
316,
13,
71,
2528,
15235,
82,
796,
269,
907,
13,
85,
8841,
10786,
6581,
51,
62,
2898,
320,
84,
261,
20,
62,
18,
79,
20,
62,
17,
62,
52,
862,
33576,
62,
33239,
261,
62,
85,
9,
11537,
198,
198,
2,
8252,
261,
7156,
198,
82,
385,
88,
33239,
7156,
35479,
278,
796,
289,
2528,
35222,
41143,
278,
13,
21018,
3419,
198,
82,
385,
88,
33239,
7156,
35479,
278,
13,
41092,
5376,
796,
269,
907,
13,
8841,
10786,
6581,
51,
14,
50,
2937,
56,
14,
33239,
261,
7156,
14,
11537,
198,
82,
385,
88,
33239,
7156,
35479,
278,
13,
21533,
84,
684,
796,
269,
907,
13,
28611,
2624,
7,
16,
8,
198,
82,
385,
88,
33239,
7156,
35479,
278,
13,
77,
38611,
684,
796,
269,
907,
13,
28611,
2624,
7,
16,
8,
198,
82,
385,
88,
33239,
7156,
35479,
278,
13,
710,
801,
12212,
796,
269,
907,
13,
28611,
2624,
7,
15,
8,
198,
82,
385,
88,
33239,
7156,
35479,
278,
13,
77,
73,
1039,
796,
269,
907,
13,
28611,
2624,
7,
15,
8,
198,
82,
385,
88,
33239,
7156,
35479,
278,
13,
21633,
2725,
18970,
43328,
796,
220,
269,
907,
13,
30388,
7,
17821,
8,
198,
82,
385,
88,
33239,
7156,
35479,
278,
13,
76,
20895,
4653,
1564,
796,
269,
907,
13,
8841,
10786,
457,
29,
2075,
1222,
2352,
7,
17167,
8,
27,
17,
13,
16,
1222,
318,
47,
23264,
84,
261,
1222,
318,
22289,
33239,
261,
1222,
318,
35694,
33239,
261,
1222,
1271,
5189,
19044,
2052,
29,
16,
220,
1222,
8434,
24802,
13,
17945,
47546,
13,
2213,
10735,
43,
6962,
3152,
47384,
434,
29,
20,
1222,
8434,
24802,
13,
17945,
47546,
13,
17618,
5189,
47139,
40809,
39,
896,
29,
15,
220,
1222,
3298,
24802,
13,
17945,
47546,
13,
17618,
5189,
47139,
33239,
261,
39,
896,
29,
15,
1222,
3298,
24802,
13,
11265,
1143,
1925,
72,
17,
27,
940,
1222,
357,
79,
69,
3792,
21417,
49,
3023,
13,
16345,
28316,
276,
25383,
1313,
47,
83,
1343,
3509,
7,
79,
69,
3792,
21417,
49,
3023,
13,
16345,
8199,
6815,
25383,
1313,
36,
83,
1343,
279,
69,
3792,
21417,
49,
3023,
13,
16345,
2725,
18970,
36,
83,
532,
357,
79,
69,
3792,
21417,
49,
3023,
13,
16345,
5105,
47,
83,
20679,
17,
1539,
15,
2014,
1267,
14,
457,
27,
15,
13,
1314,
11537,
220,
198,
82,
385,
88,
33239,
7156,
35479,
278,
13,
746,
78,
4653,
1564,
796,
269,
907,
13,
8841,
10786,
7,
457,
1875,
1542,
11405,
2352,
7,
17167,
8,
27,
16,
13,
2598,
3682,
11405,
550,
51,
322,
5886,
10161,
27,
15,
13,
2713,
5607,
11405,
1336,
20,
87,
20,
62,
82,
13495,
40,
17167,
40,
17167,
3419,
27,
15,
13,
486,
43637,
11405,
5047,
25383,
1313,
40,
568,
27,
16,
13,
25710,
11405,
8500,
25383,
1313,
40,
568,
1279,
642,
13,
24,
3132,
10,
15,
13,
486,
5066,
9,
457,
10,
15,
13,
2388,
1415,
9,
457,
9,
457,
11405,
48190,
40,
568,
1279,
718,
13,
42759,
10,
15,
13,
405,
2682,
9,
457,
8,
8614,
357,
457,
1875,
1542,
11405,
2352,
7,
17167,
8,
29,
16,
13,
2598,
3682,
11405,
550,
51,
322,
5886,
10161,
27,
15,
13,
15,
40271,
11405,
1336,
20,
87,
20,
62,
82,
13495,
40,
17167,
40,
17167,
3419,
27,
15,
13,
3070,
30273,
11405,
5047,
25383,
1313,
40,
568,
27,
16,
13,
28555,
11405,
8500,
25383,
1313,
40,
568,
1279,
352,
13,
22,
1314,
10,
15,
13,
486,
5066,
9,
457,
10,
15,
13,
2388,
1415,
9,
457,
9,
457,
11405,
48190,
40,
568,
1279,
513,
13,
4521,
18,
10,
15,
13,
405,
2682,
9,
457,
8,
11537,
198,
82,
385,
88,
33239,
7156,
35479,
278,
13,
22510,
46189,
48344,
9237,
3705,
316,
13,
71,
2528,
15235,
82,
796,
269,
907,
13,
85,
8841,
10786,
6581,
51,
62,
33239,
1558,
62,
2725,
18970,
1270,
62,
40,
568,
34,
7335,
7390,
9,
11537,
198,
82,
385,
88,
33239,
7156,
35479,
278,
13,
6559,
46189,
48344,
9237,
3705,
316,
13,
71,
2528,
15235,
82,
796,
269,
907,
13,
85,
8841,
7,
7061,
8,
198,
198,
2,
38779,
261,
288,
6888,
198,
23352,
62,
4215,
62,
30300,
261,
62,
67,
6888,
62,
30300,
261,
457,
796,
289,
2528,
35222,
41143,
278,
13,
21018,
3419,
198,
23352,
62,
4215,
62,
30300,
261,
62,
67,
6888,
62,
30300,
261,
457,
13,
41092,
5376,
220,
220,
796,
269,
907,
13,
8841,
10786,
6581,
51,
14,
50,
2937,
56,
14,
50,
2640,
14,
35,
8141,
14,
33239,
261,
14,
11537,
198,
2,
9683,
507,
198,
23352,
62,
4215,
62,
30300,
261,
62,
67,
6888,
62,
30300,
261,
457,
13,
21533,
84,
684,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
28611,
2624,
7,
17,
8,
198,
23352,
62,
4215,
62,
30300,
261,
62,
67,
6888,
62,
30300,
261,
457,
13,
6535,
46758,
220,
220,
220,
220,
796,
269,
907,
13,
8841,
10786,
457,
29,
1270,
1222,
2352,
7,
17167,
8,
27,
17,
13,
19,
11537,
198,
23352,
62,
4215,
62,
30300,
261,
62,
67,
6888,
62,
30300,
261,
457,
13,
6535,
8968,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
23352,
7,
1899,
8,
198,
23352,
62,
4215,
62,
30300,
261,
62,
67,
6888,
62,
30300,
261,
457,
13,
21633,
47123,
43328,
796,
6407,
198,
23352,
62,
4215,
62,
30300,
261,
62,
67,
6888,
62,
30300,
261,
457,
13,
4164,
4653,
1564,
220,
220,
220,
220,
796,
46406,
13,
8841,
10786,
457,
29,
8628,
11537,
198,
23352,
62,
4215,
62,
30300,
261,
62,
67,
6888,
62,
30300,
261,
457,
13,
44,
6535,
46758,
220,
220,
220,
796,
269,
907,
13,
8841,
10786,
457,
29,
1270,
1222,
2352,
7,
17167,
8,
27,
17,
13,
19,
11537,
198,
23352,
62,
4215,
62,
30300,
261,
62,
67,
6888,
62,
30300,
261,
457,
13,
44,
6535,
8968,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
23352,
7,
8628,
8,
198,
23352,
62,
4215,
62,
30300,
261,
62,
67,
6888,
62,
30300,
261,
457,
13,
16340,
20273,
52,
39921,
315,
220,
796,
269,
907,
13,
23352,
7,
1120,
8,
198,
23352,
62,
4215,
62,
30300,
261,
62,
67,
6888,
62,
30300,
261,
457,
13,
16340,
20273,
31426,
8968,
220,
796,
269,
907,
13,
23352,
7,
940,
8,
198,
2,
20828,
768,
198,
23352,
62,
4215,
62,
30300,
261,
62,
67,
6888,
62,
30300,
261,
457,
13,
10034,
78,
3705,
316,
13,
30300,
47,
83,
33,
23062,
220,
220,
220,
220,
220,
796,
46406,
13,
20306,
15270,
7,
15,
11,
17,
11,
20,
11,
22,
11,
940,
11,
1065,
11,
1314,
11,
1558,
11,
1238,
11,
1495,
11,
1270,
11,
1120,
8,
198,
23352,
62,
4215,
62,
30300,
261,
62,
67,
6888,
62,
30300,
261,
457,
13,
10034,
78,
3705,
316,
13,
30300,
47,
83,
33,
23062,
17,
35,
220,
220,
220,
796,
46406,
13,
20306,
15270,
7,
15,
11,
17,
11,
20,
11,
22,
11,
940,
11,
1065,
11,
1314,
11,
1558,
11,
1238,
11,
1495,
11,
1270,
11,
1120,
8,
198,
2,
833,
328,
5355,
198,
23352,
62,
4215,
62,
30300,
261,
62,
67,
6888,
62,
30300,
261,
457,
13,
22510,
46189,
48344,
9237,
3705,
316,
13,
71,
2528,
15235,
82,
796,
269,
907,
13,
85,
8841,
10786,
6581,
51,
62,
25628,
33239,
18,
62,
35,
8141,
62,
47,
23264,
2767,
1120,
62,
47,
23264,
6535,
1899,
62,
85,
9,
11537,
198,
23352,
62,
4215,
62,
30300,
261,
62,
67,
6888,
62,
30300,
261,
457,
13,
6559,
46189,
48344,
9237,
3705,
316,
13,
71,
2528,
15235,
82,
796,
269,
907,
13,
85,
8841,
10786,
6581,
51,
62,
47,
23264,
2767,
15187,
62,
47,
23264,
6535,
15187,
62,
85,
9,
11537,
198,
198,
2,
1138,
198,
23352,
62,
4215,
62,
30300,
261,
62,
67,
6888,
62,
4164,
457,
796,
289,
2528,
35222,
41143,
278,
13,
21018,
3419,
198,
23352,
62,
4215,
62,
30300,
261,
62,
67,
6888,
62,
4164,
457,
13,
41092,
5376,
220,
220,
796,
269,
907,
13,
8841,
10786,
6581,
51,
14,
50,
2937,
56,
14,
50,
2640,
14,
35,
8141,
14,
47123,
14,
11537,
198,
2,
9683,
507,
198,
23352,
62,
4215,
62,
30300,
261,
62,
67,
6888,
62,
4164,
457,
13,
21533,
84,
684,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
28611,
2624,
7,
17,
8,
198,
23352,
62,
4215,
62,
30300,
261,
62,
67,
6888,
62,
4164,
457,
13,
6535,
46758,
220,
220,
220,
220,
796,
269,
907,
13,
8841,
10786,
457,
29,
1270,
1222,
2352,
7,
17167,
8,
27,
17,
13,
19,
11537,
198,
23352,
62,
4215,
62,
30300,
261,
62,
67,
6888,
62,
4164,
457,
13,
6535,
8968,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
23352,
7,
1899,
8,
198,
23352,
62,
4215,
62,
30300,
261,
62,
67,
6888,
62,
4164,
457,
13,
76,
20895,
4653,
1564,
220,
220,
220,
220,
796,
46406,
13,
8841,
10786,
457,
29,
1507,
1222,
2352,
7,
17167,
8,
27,
17,
13,
19,
11537,
198,
23352,
62,
4215,
62,
30300,
261,
62,
67,
6888,
62,
4164,
457,
13,
44,
6535,
46758,
220,
220,
220,
796,
269,
907,
13,
8841,
10786,
457,
29,
1270,
1222,
2352,
7,
17167,
8,
27,
17,
13,
19,
11537,
198,
23352,
62,
4215,
62,
30300,
261,
62,
67,
6888,
62,
4164,
457,
13,
44,
6535,
8968,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
23352,
7,
8628,
8,
198,
23352,
62,
4215,
62,
30300,
261,
62,
67,
6888,
62,
4164,
457,
13,
16340,
20273,
52,
39921,
315,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
23352,
7,
1120,
8,
198,
23352,
62,
4215,
62,
30300,
261,
62,
67,
6888,
62,
4164,
457,
13,
16340,
20273,
31426,
8968,
220,
220,
220,
220,
220,
220,
796,
269,
907,
13,
23352,
7,
940,
8,
198,
23352,
62,
4215,
62,
30300,
261,
62,
67,
6888,
62,
4164,
457,
13,
21633,
47123,
43328,
796,
6407,
198,
2,
20828,
768,
198,
23352,
62,
4215,
62,
30300,
261,
62,
67,
6888,
62,
4164,
457,
13,
10034,
78,
3705,
316,
13,
4164,
3705,
316,
220,
220,
796,
46406,
13,
3705,
316,
7,
46803,
1040,
28,
46406,
13,
28611,
2624,
7,
1120,
828,
87,
1084,
28,
46406,
13,
23352,
7,
1120,
828,
87,
9806,
28,
46406,
13,
23352,
7,
6200,
8,
1267,
198,
2,
833,
328,
5355,
198,
23352,
62,
4215,
62,
30300,
261,
62,
67,
6888,
62,
4164,
457,
13,
22510,
46189,
48344,
9237,
3705,
316,
13,
71,
2528,
15235,
82,
796,
269,
907,
13,
85,
8841,
10786,
6581,
51,
62,
25628,
33239,
18,
62,
35,
8141,
62,
47,
23264,
2767,
1120,
62,
47,
23264,
6535,
1899,
62,
85,
9,
11537,
198,
23352,
62,
4215,
62,
30300,
261,
62,
67,
6888,
62,
4164,
457,
13,
6559,
46189,
48344,
9237,
3705,
316,
13,
71,
2528,
15235,
82,
796,
269,
907,
13,
85,
8841,
10786,
6581,
51,
62,
33239,
1558,
62,
2898,
74,
40,
568,
53,
47468,
62,
33239,
23,
62,
2898,
74,
40,
568,
53,
47468,
62,
85,
9,
11537,
198,
198,
82,
385,
88,
35479,
6581,
51,
796,
269,
907,
13,
44015,
594,
7,
198,
220,
220,
220,
2341,
88,
6581,
5446,
17725,
35479,
278,
198,
220,
1343,
2341,
88,
6581,
6849,
29499,
35479,
278,
198,
220,
1343,
42957,
6535,
35479,
198,
220,
1343,
2341,
88,
6581,
9328,
293,
34,
7335,
41,
1039,
198,
220,
1343,
4274,
62,
4215,
62,
30300,
261,
62,
30300,
261,
457,
198,
220,
1343,
4274,
62,
4215,
62,
30300,
261,
62,
4164,
457,
198,
220,
1343,
4274,
62,
4215,
62,
30300,
261,
62,
76,
4352,
457,
198,
220,
1343,
4274,
62,
4215,
62,
30300,
261,
62,
76,
297,
198,
220,
1343,
4274,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
2154,
62,
4164,
457,
198,
220,
1343,
4274,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
2154,
62,
76,
4352,
457,
198,
220,
1343,
4274,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
3829,
62,
4164,
457,
198,
220,
1343,
4274,
62,
4215,
62,
30300,
261,
62,
1891,
929,
62,
3829,
62,
76,
4352,
457,
198,
220,
1343,
15055,
62,
30300,
261,
62,
30300,
457,
198,
220,
1343,
15055,
62,
30300,
261,
62,
67,
6888,
62,
30300,
457,
198,
220,
1343,
2341,
88,
33239,
7156,
35479,
278,
220,
198,
220,
1343,
4274,
62,
4215,
62,
30300,
261,
62,
67,
6888,
62,
30300,
261,
457,
198,
220,
1343,
4274,
62,
4215,
62,
30300,
261,
62,
67,
6888,
62,
4164,
457,
198,
220,
1343,
2341,
88,
6581,
51,
18380,
33239,
17309,
42273,
47123,
35479,
278,
198,
8,
198,
198,
82,
385,
6581,
21016,
48,
5653,
1668,
27726,
796,
269,
907,
13,
44015,
594,
7,
198,
8,
198
] | 2.073204 | 7,363 |
from flask import Flask, redirect, url_for, request, render_template, make_response, session, send_from_directory, send_file
import uuid
import datetime
import io
import grpc
import prototype_pb2_grpc
import prototype_pb2
import base64
import json
from prometheus_client import Counter, start_http_server
import os
app = Flask(__name__)
app.config["DEBUG"] = False
REQUESTS = Counter('http_requests_total', 'Total number of requests to this API.')
PICTURES_CONN_STRING = os.environ['PICTURES']
SPECS_CONN_STRING = os.environ['SPECS']
CART_CONN_STRING = os.environ['CART']
CHECKOUT_CONN_STRING = os.environ['CHECKOUT']
@app.route('/')
@app.route('/addproduct', methods = ['POST'])
@app.route('/addtocart',methods = ['POST'])
@app.route('/listcart',methods = ['GET'])
@app.route('/checkoutcart',methods = ['GET'])
@app.route('/listcheckouts', methods = ['GET'])
@app.route('/addproduct',methods = ['GET'])
@app.route('/listproducts', methods = ['GET'])
@app.route('/checkout', methods = ['GET'])
@app.route('/logout/')
@app.route('/images/<productid>')
if __name__ == '__main__':
print(PICTURES_CONN_STRING)
print(SPECS_CONN_STRING)
print(CART_CONN_STRING)
print(CHECKOUT_CONN_STRING)
start_http_server(8000)
app.run('0.0.0.0', port=80) | [
6738,
42903,
1330,
46947,
11,
18941,
11,
19016,
62,
1640,
11,
2581,
11,
8543,
62,
28243,
11,
787,
62,
26209,
11,
6246,
11,
3758,
62,
6738,
62,
34945,
11,
3758,
62,
7753,
198,
11748,
334,
27112,
198,
11748,
4818,
8079,
198,
11748,
33245,
198,
11748,
1036,
14751,
198,
11748,
14879,
62,
40842,
17,
62,
2164,
14751,
198,
11748,
14879,
62,
40842,
17,
198,
11748,
2779,
2414,
198,
11748,
33918,
198,
6738,
1552,
36916,
62,
16366,
1330,
15034,
11,
923,
62,
4023,
62,
15388,
198,
11748,
28686,
198,
198,
1324,
796,
46947,
7,
834,
3672,
834,
8,
198,
1324,
13,
11250,
14692,
30531,
8973,
796,
10352,
198,
198,
2200,
10917,
1546,
4694,
796,
15034,
10786,
4023,
62,
8897,
3558,
62,
23350,
3256,
705,
14957,
1271,
286,
7007,
284,
428,
7824,
2637,
8,
198,
198,
47,
18379,
29514,
62,
10943,
45,
62,
18601,
2751,
796,
28686,
13,
268,
2268,
17816,
47,
18379,
29514,
20520,
198,
48451,
50,
62,
10943,
45,
62,
18601,
2751,
796,
28686,
13,
268,
2268,
17816,
48451,
50,
20520,
198,
34,
7227,
62,
10943,
45,
62,
18601,
2751,
796,
28686,
13,
268,
2268,
17816,
34,
7227,
20520,
198,
50084,
12425,
62,
10943,
45,
62,
18601,
2751,
796,
28686,
13,
268,
2268,
17816,
50084,
12425,
20520,
198,
198,
31,
1324,
13,
38629,
10786,
14,
11537,
198,
198,
31,
1324,
13,
38629,
10786,
14,
2860,
11167,
3256,
5050,
796,
37250,
32782,
6,
12962,
198,
198,
31,
1324,
13,
38629,
10786,
14,
2860,
40301,
433,
3256,
24396,
82,
796,
37250,
32782,
6,
12962,
198,
198,
31,
1324,
13,
38629,
10786,
14,
4868,
26674,
3256,
24396,
82,
796,
37250,
18851,
6,
12962,
198,
198,
31,
1324,
13,
38629,
10786,
14,
9122,
448,
26674,
3256,
24396,
82,
796,
37250,
18851,
6,
12962,
198,
198,
31,
1324,
13,
38629,
10786,
14,
4868,
9122,
5269,
3256,
5050,
796,
37250,
18851,
6,
12962,
198,
198,
31,
1324,
13,
38629,
10786,
14,
2860,
11167,
3256,
24396,
82,
796,
37250,
18851,
6,
12962,
198,
198,
31,
1324,
13,
38629,
10786,
14,
4868,
29498,
3256,
5050,
796,
37250,
18851,
6,
12962,
198,
198,
31,
1324,
13,
38629,
10786,
14,
9122,
448,
3256,
5050,
796,
37250,
18851,
6,
12962,
198,
198,
31,
1324,
13,
38629,
10786,
14,
6404,
448,
14,
11537,
198,
198,
31,
1324,
13,
38629,
10786,
14,
17566,
14,
27,
11167,
312,
29,
11537,
198,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
198,
220,
220,
220,
3601,
7,
47,
18379,
29514,
62,
10943,
45,
62,
18601,
2751,
8,
198,
220,
220,
220,
3601,
7,
48451,
50,
62,
10943,
45,
62,
18601,
2751,
8,
198,
220,
220,
220,
3601,
7,
34,
7227,
62,
10943,
45,
62,
18601,
2751,
8,
198,
220,
220,
220,
3601,
7,
50084,
12425,
62,
10943,
45,
62,
18601,
2751,
8,
198,
220,
220,
220,
923,
62,
4023,
62,
15388,
7,
33942,
8,
198,
220,
220,
220,
598,
13,
5143,
10786,
15,
13,
15,
13,
15,
13,
15,
3256,
2493,
28,
1795,
8
] | 2.597959 | 490 |
import asyncio
import json
import os
from threading import Timer
name = "Help"
description = """
Module for displaying help
modules: prints all modules
help *module*: prints help for a Module
"""
metadata = {}
functions = {
"modules": Modules,
"help": Help
}
| [
11748,
30351,
952,
198,
11748,
33918,
198,
11748,
28686,
198,
6738,
4704,
278,
1330,
5045,
263,
198,
198,
3672,
796,
366,
22087,
1,
198,
11213,
796,
37227,
198,
26796,
329,
19407,
1037,
198,
198,
18170,
25,
20842,
477,
13103,
198,
16794,
1635,
21412,
47026,
20842,
1037,
329,
257,
19937,
198,
37811,
198,
198,
38993,
796,
23884,
628,
628,
198,
198,
12543,
2733,
796,
1391,
198,
220,
220,
220,
366,
18170,
1298,
3401,
5028,
11,
198,
220,
220,
220,
366,
16794,
1298,
10478,
198,
92,
198
] | 3.235294 | 85 |
#!/usr/bin/env python
# -*- coding: utf-8
| [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
198,
2,
532,
9,
12,
19617,
25,
3384,
69,
12,
23,
628
] | 2.15 | 20 |
from absgridworld import AbsGridworld
class WindyGridworld(AbsGridworld):
"""Class representing a windy girdworld"""
def __init__(self, schema: list, actions: list, stepPenalty: float, columnToWindMap: dict) -> None:
"""
Description
----------
Constructor used for processing the schema into the internal gridworld
representation that all concrete gridworld implementations would use.
Parameters
----------
schema : list
The schema used
actions : list
A list of all possible actions that can be taken
stepPenalty : float
The penalty for taking an action
columnToWindMap : dict
Maps the column to the wind value to be experienced
"""
super().__init__(schema, actions)
self.stepPenalty = stepPenalty
self.columnToWindMap = columnToWindMap
"""OVERLOADED METHODS"""
| [
6738,
2352,
25928,
6894,
1330,
13051,
41339,
6894,
628,
198,
4871,
3086,
88,
41339,
6894,
7,
24849,
41339,
6894,
2599,
198,
220,
220,
220,
37227,
9487,
10200,
257,
2344,
88,
308,
1447,
6894,
37811,
628,
220,
220,
220,
825,
11593,
15003,
834,
7,
944,
11,
32815,
25,
1351,
11,
4028,
25,
1351,
11,
2239,
25553,
6017,
25,
12178,
11,
5721,
2514,
8731,
13912,
25,
8633,
8,
4613,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
12489,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
220,
220,
220,
220,
28407,
273,
973,
329,
7587,
262,
32815,
656,
262,
5387,
10706,
6894,
198,
220,
220,
220,
220,
220,
220,
220,
10552,
326,
477,
10017,
10706,
6894,
25504,
561,
779,
13,
628,
220,
220,
220,
220,
220,
220,
220,
40117,
198,
220,
220,
220,
220,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
220,
220,
220,
220,
32815,
1058,
1351,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
383,
32815,
973,
628,
220,
220,
220,
220,
220,
220,
220,
4028,
1058,
1351,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
317,
1351,
286,
477,
1744,
4028,
326,
460,
307,
2077,
628,
220,
220,
220,
220,
220,
220,
220,
2239,
25553,
6017,
1058,
12178,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
383,
7389,
329,
2263,
281,
2223,
628,
220,
220,
220,
220,
220,
220,
220,
5721,
2514,
8731,
13912,
1058,
8633,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
20347,
262,
5721,
284,
262,
2344,
1988,
284,
307,
5924,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
2208,
22446,
834,
15003,
834,
7,
15952,
2611,
11,
4028,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
9662,
25553,
6017,
796,
2239,
25553,
6017,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
28665,
2514,
8731,
13912,
796,
5721,
2514,
8731,
13912,
628,
220,
220,
220,
37227,
41983,
35613,
1961,
337,
36252,
50,
37811,
198
] | 2.661064 | 357 |
from django.db import models
# Create your models here. | [
6738,
42625,
14208,
13,
9945,
1330,
4981,
198,
198,
2,
13610,
534,
4981,
994,
13
] | 3.733333 | 15 |
# -*- coding: utf-8 -*-
"""
Tencent is pleased to support the open source community by making BK-BASE 蓝鲸基础平台 available.
Copyright (C) 2021 THL A29 Limited, a Tencent company. All rights reserved.
BK-BASE 蓝鲸基础平台 is licensed under the MIT License.
License for BK-BASE 蓝鲸基础平台:
--------------------------------------------------------------------
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.
"""
from __future__ import absolute_import
import pytest
from datahub.access.tests import db_helper
@pytest.fixture(scope="session")
def django_db_setup():
"""Avoid creating/setting up the test database"""
pass
@pytest.fixture
@pytest.fixture
@pytest.fixture
@pytest.fixture
@pytest.fixture
@pytest.fixture
@pytest.fixture
| [
2,
532,
9,
12,
19617,
25,
3384,
69,
12,
23,
532,
9,
12,
198,
37811,
198,
24893,
1087,
318,
10607,
284,
1104,
262,
1280,
2723,
2055,
416,
1642,
347,
42,
12,
33,
11159,
5525,
241,
251,
165,
110,
116,
161,
253,
118,
163,
94,
222,
33176,
111,
20998,
108,
1695,
13,
198,
198,
15269,
357,
34,
8,
33448,
2320,
43,
317,
1959,
15302,
11,
257,
9368,
1087,
1664,
13,
220,
1439,
2489,
10395,
13,
198,
198,
33,
42,
12,
33,
11159,
5525,
241,
251,
165,
110,
116,
161,
253,
118,
163,
94,
222,
33176,
111,
20998,
108,
318,
11971,
739,
262,
17168,
13789,
13,
198,
198,
34156,
329,
347,
42,
12,
33,
11159,
5525,
241,
251,
165,
110,
116,
161,
253,
118,
163,
94,
222,
33176,
111,
20998,
108,
25,
198,
10097,
650,
198,
5990,
3411,
318,
29376,
7520,
11,
1479,
286,
3877,
11,
284,
597,
1048,
16727,
257,
4866,
286,
428,
3788,
290,
3917,
198,
22897,
341,
3696,
357,
1169,
366,
25423,
12340,
284,
1730,
287,
262,
10442,
1231,
17504,
11,
1390,
1231,
17385,
198,
1169,
2489,
284,
779,
11,
4866,
11,
13096,
11,
20121,
11,
7715,
11,
14983,
11,
850,
43085,
11,
290,
14,
273,
3677,
9088,
286,
262,
10442,
11,
198,
392,
284,
8749,
6506,
284,
4150,
262,
10442,
318,
30760,
284,
466,
523,
11,
2426,
284,
262,
1708,
3403,
25,
198,
198,
464,
2029,
6634,
4003,
290,
428,
7170,
4003,
2236,
307,
3017,
287,
477,
9088,
393,
8904,
198,
634,
507,
286,
262,
10442,
13,
198,
198,
10970,
47466,
3180,
36592,
2389,
1961,
366,
1921,
3180,
1600,
42881,
34764,
56,
3963,
15529,
509,
12115,
11,
7788,
32761,
6375,
8959,
49094,
11,
47783,
2751,
21728,
5626,
198,
43,
3955,
22061,
5390,
3336,
34764,
11015,
3963,
34482,
3398,
1565,
5603,
25382,
11,
376,
46144,
7473,
317,
16652,
2149,
37232,
33079,
48933,
5357,
44521,
1268,
10913,
2751,
12529,
13,
3268,
198,
15285,
49261,
50163,
3336,
37195,
20673,
6375,
27975,
38162,
9947,
367,
15173,
4877,
9348,
43031,
19146,
7473,
15529,
47666,
3955,
11,
29506,
25552,
6375,
25401,
43031,
25382,
11,
198,
12418,
2767,
16879,
3268,
3537,
40282,
3963,
27342,
10659,
11,
309,
9863,
6375,
25401,
54,
24352,
11,
5923,
1797,
2751,
16034,
11,
16289,
3963,
6375,
3268,
7102,
45,
24565,
13315,
3336,
198,
15821,
37485,
6375,
3336,
23210,
6375,
25401,
5550,
1847,
20754,
3268,
3336,
47466,
13,
198,
37811,
198,
6738,
11593,
37443,
834,
1330,
4112,
62,
11748,
198,
198,
11748,
12972,
9288,
198,
6738,
4818,
993,
549,
13,
15526,
13,
41989,
1330,
20613,
62,
2978,
525,
628,
198,
31,
9078,
9288,
13,
69,
9602,
7,
29982,
2625,
29891,
4943,
198,
4299,
42625,
14208,
62,
9945,
62,
40406,
33529,
198,
220,
220,
220,
37227,
38618,
4441,
14,
33990,
510,
262,
1332,
6831,
37811,
198,
220,
220,
220,
1208,
628,
198,
31,
9078,
9288,
13,
69,
9602,
628,
198,
31,
9078,
9288,
13,
69,
9602,
628,
198,
31,
9078,
9288,
13,
69,
9602,
628,
198,
31,
9078,
9288,
13,
69,
9602,
628,
198,
31,
9078,
9288,
13,
69,
9602,
628,
198,
31,
9078,
9288,
13,
69,
9602,
628,
198,
31,
9078,
9288,
13,
69,
9602,
628
] | 3.337864 | 515 |
# -*- coding: utf-8 -*-
"""
Created on Thu Nov 11 17:47:46 2021
@author: [email protected]
"""
import pyqtgraph as pg
import sys
import logo_qrc
import ctypes
from PyQt5 import QtWidgets, uic
from pyqtgraph import PlotWidget
from application1 import App1_Gui
from application2 import App2_Gui
if __name__ == '__main__':
main() | [
2,
532,
9,
12,
19617,
25,
3384,
69,
12,
23,
532,
9,
12,
198,
37811,
198,
41972,
319,
26223,
5267,
1367,
1596,
25,
2857,
25,
3510,
33448,
198,
198,
31,
9800,
25,
410,
9435,
12,
68,
1904,
8482,
84,
13,
65,
330,
16115,
31,
85,
549,
13,
1350,
198,
37811,
198,
198,
11748,
12972,
80,
25297,
1470,
355,
23241,
198,
11748,
25064,
198,
11748,
11112,
62,
80,
6015,
198,
11748,
269,
19199,
198,
198,
6738,
9485,
48,
83,
20,
1330,
33734,
54,
312,
11407,
11,
334,
291,
198,
6738,
12972,
80,
25297,
1470,
1330,
28114,
38300,
198,
6738,
3586,
16,
1330,
2034,
16,
62,
8205,
72,
198,
6738,
3586,
17,
1330,
2034,
17,
62,
8205,
72,
628,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
198,
220,
220,
220,
1388,
3419
] | 2.559701 | 134 |
from random import randint,uniform
from math import ceil
from my_or_tools import newSolver, ObjVal, SolVal
| [
198,
6738,
4738,
1330,
43720,
600,
11,
403,
6933,
198,
6738,
10688,
1330,
2906,
346,
198,
198,
6738,
616,
62,
273,
62,
31391,
1330,
649,
50,
14375,
11,
38764,
7762,
11,
4294,
7762,
198
] | 3.205882 | 34 |
# coding: utf8
# Author: Wing Yung Chan (~wy)
# Date: 2017
#non-abundant sums
# N is non-abundant if the sum of its proper divisors is <= N
# prop(N) = Set{1 <= i < N | N % i == 0}
print(problem23())
| [
2,
19617,
25,
3384,
69,
23,
198,
2,
6434,
25,
13405,
575,
2150,
18704,
31034,
21768,
8,
198,
2,
7536,
25,
2177,
198,
198,
2,
13159,
12,
397,
917,
415,
21784,
198,
198,
2,
399,
318,
1729,
12,
397,
917,
415,
611,
262,
2160,
286,
663,
1774,
2659,
271,
669,
318,
19841,
399,
198,
2,
2632,
7,
45,
8,
796,
5345,
90,
16,
19841,
1312,
1279,
399,
930,
399,
4064,
1312,
6624,
657,
92,
628,
198,
198,
4798,
7,
45573,
1954,
28955,
628
] | 2.481928 | 83 |
# start_scheduler_marker_0
import csv
from datetime import datetime
import requests
from dagster import get_dagster_logger, job, op, repository, schedule
@op
@job
# end_scheduler_marker_0
# start_scheduler_marker_1
@schedule(
cron_schedule="45 6 * * *",
job=hello_cereal_job,
execution_timezone="US/Central",
)
# end_scheduler_marker_1
# start_scheduler_marker_2
@repository
# end_scheduler_marker_2
# start_scheduler_marker_3
# end_scheduler_marker_3
# start_scheduler_marker_4
@schedule(
cron_schedule="45 6 * * *",
job=hello_cereal_job,
execution_timezone="US/Central",
should_execute=weekday_filter,
)
# end_scheduler_marker_4
| [
2,
923,
62,
1416,
704,
18173,
62,
4102,
263,
62,
15,
198,
11748,
269,
21370,
198,
6738,
4818,
8079,
1330,
4818,
8079,
198,
198,
11748,
7007,
198,
6738,
48924,
1706,
1330,
651,
62,
67,
363,
1706,
62,
6404,
1362,
11,
1693,
11,
1034,
11,
16099,
11,
7269,
628,
198,
31,
404,
628,
198,
31,
21858,
628,
198,
2,
886,
62,
1416,
704,
18173,
62,
4102,
263,
62,
15,
198,
198,
2,
923,
62,
1416,
704,
18173,
62,
4102,
263,
62,
16,
198,
31,
15952,
5950,
7,
198,
220,
220,
220,
1067,
261,
62,
15952,
5950,
2625,
2231,
718,
1635,
1635,
1635,
1600,
198,
220,
220,
220,
1693,
28,
31373,
62,
344,
5305,
62,
21858,
11,
198,
220,
220,
220,
9706,
62,
2435,
11340,
2625,
2937,
14,
30645,
1600,
198,
8,
628,
198,
2,
886,
62,
1416,
704,
18173,
62,
4102,
263,
62,
16,
198,
198,
2,
923,
62,
1416,
704,
18173,
62,
4102,
263,
62,
17,
198,
31,
260,
1930,
37765,
628,
198,
2,
886,
62,
1416,
704,
18173,
62,
4102,
263,
62,
17,
198,
198,
2,
923,
62,
1416,
704,
18173,
62,
4102,
263,
62,
18,
628,
198,
2,
886,
62,
1416,
704,
18173,
62,
4102,
263,
62,
18,
198,
198,
2,
923,
62,
1416,
704,
18173,
62,
4102,
263,
62,
19,
198,
31,
15952,
5950,
7,
198,
220,
220,
220,
1067,
261,
62,
15952,
5950,
2625,
2231,
718,
1635,
1635,
1635,
1600,
198,
220,
220,
220,
1693,
28,
31373,
62,
344,
5305,
62,
21858,
11,
198,
220,
220,
220,
9706,
62,
2435,
11340,
2625,
2937,
14,
30645,
1600,
198,
220,
220,
220,
815,
62,
41049,
28,
10464,
820,
62,
24455,
11,
198,
8,
628,
198,
2,
886,
62,
1416,
704,
18173,
62,
4102,
263,
62,
19,
198
] | 2.346021 | 289 |
import pickle
import re
import copy
import numpy as np
import pandas as pd
from torch import nn
import torch
from counterfit.core.targets import Target
class MovieReviewsSentimentLSTM(nn.Module):
"""pre-trained LSTM model on 25 epochs for building sentiment analysis model on IMDB movies review dataset.
"""
def forward(self, x, hidden):
"""Forward process of LSTM model
Args:
x ([tensor]): training data/batch_first
Returns:
Last sigmoid output and hidden state
"""
batch_size = x.size(0)
# embeddings and lstm_out
# shape: Batch x Sequence x Feature since batch_first = True
embeds = self.embedding(x)
lstm_out, hidden = self.lstm(embeds, hidden)
lstm_out = lstm_out.contiguous().view(-1, self.hidden_dim)
# dropout and fully connected layer
out = self.dropout(lstm_out)
out = self.fc(out)
# sigmoid function
sig_out = self.sig(out)
# reshape to be batch_size first
sig_out = sig_out.view(batch_size, -1)
sig_out = sig_out[:, -1] # get last batch of labels
return sig_out, hidden
class MovieReviewsTarget(Target):
"""Defining movie reviews target which is responsible for predicting the scores for a given input and convert scores to labels.
"""
target_data_type = "text"
target_name = "movie_reviews"
target_endpoint = f"movie_reviews_sentiment_analysis.pt"
target_input_shape = (1,)
target_output_classes = [0, 1]
target_classifier = "blackbox"
sample_input_path = f"movie-reviews-scores-full.csv"
vocab_file = f"movie-reviews-vocab.pkl"
X = []
def load(self):
"""[summary]
"""
self.data = pd.read_csv(self.fullpath(self.sample_input_path))
print(f"\n[+] Total Movie Reviews: {len(self.data)}\n")
self._load_x()
self.vocab = self._load_vocab()
self.model = self._load_model()
def _load_x(self):
"""[summary]
"""
# Append input reviews to X list
for idx in range(len(self.data)):
self.X.append(self.data['review'][idx])
def _load_vocab(self):
"""[summary]
Returns:
[type]: [description]
"""
# Load vocabulary file; 1000 most occurence words
with open(self.fullpath(self.vocab_file), 'rb') as fp:
vocab = pickle.load(fp)
return vocab
def preprocess_string(self, s):
"""[summary]
Args:
s ([type]): [description]
Returns:
[type]: [description]
"""
# Remove all non-word characters (everything except numbers and letters)
s = re.sub(r"[^\w\s]", '', s)
# Replace all runs of whitespaces with no space
s = re.sub(r"\s+", '', s)
# replace digits with no space
s = re.sub(r"\d", '', s)
return s
def _load_model(self):
"""[summary]
Returns:
[type]: [description]
"""
# Load the LST model that's already trained
no_layers = 2
vocab_size = len(self.vocab) + 1 # extra 1 for padding purpose
embedding_dim = 64
output_dim = 1
hidden_dim = 256
model = MovieReviewsSentimentLSTM(
no_layers, vocab_size, hidden_dim, embedding_dim, output_dim, drop_prob=0.5)
model.load_state_dict(copy.deepcopy(
torch.load(self.fullpath(self.target_endpoint), 'cpu')))
model.eval()
return model
def predict(self, x):
"""This function takes list of input texts. For example., ["how are you?"]
Args:
x (list): [input_text]
Returns:
final_prob_scores: [[0.98, 0.02]] 0.98 probability score represents the sentence tone is positive and 0.02 score represents
"""
final_prob_scores = []
for text in x:
word_seq = np.array([self.vocab[self.preprocess_string(word)] for word in text.split()
if self.preprocess_string(word) in self.vocab.keys()])
word_seq = np.expand_dims(word_seq, axis=0)
pad = torch.from_numpy(self.padding_(word_seq, 500))
inputs = pad.to('cpu')
batch_size = 1
h = self.model.init_hidden(batch_size)
h = tuple([each.data for each in h])
output, h = self.model(inputs, h)
probability = output.item()
final_prob_scores.append([probability, 1.0-probability])
return final_prob_scores # this must produce a list of class probabilities
| [
11748,
2298,
293,
198,
11748,
302,
198,
11748,
4866,
198,
198,
11748,
299,
32152,
355,
45941,
198,
11748,
19798,
292,
355,
279,
67,
198,
6738,
28034,
1330,
299,
77,
198,
11748,
28034,
198,
198,
6738,
3753,
11147,
13,
7295,
13,
83,
853,
1039,
1330,
12744,
628,
198,
4871,
15875,
14832,
82,
31837,
3681,
43,
2257,
44,
7,
20471,
13,
26796,
2599,
198,
220,
220,
220,
37227,
3866,
12,
35311,
406,
2257,
44,
2746,
319,
1679,
36835,
82,
329,
2615,
15598,
3781,
2746,
319,
8959,
11012,
6918,
2423,
27039,
13,
220,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
825,
2651,
7,
944,
11,
2124,
11,
7104,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
39746,
1429,
286,
406,
2257,
44,
2746,
628,
220,
220,
220,
220,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2124,
29565,
83,
22854,
60,
2599,
3047,
1366,
14,
43501,
62,
11085,
628,
198,
220,
220,
220,
220,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4586,
264,
17225,
1868,
5072,
290,
7104,
1181,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
15458,
62,
7857,
796,
2124,
13,
7857,
7,
15,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
11525,
67,
654,
290,
300,
301,
76,
62,
448,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
5485,
25,
347,
963,
2124,
45835,
2124,
27018,
220,
220,
1201,
15458,
62,
11085,
796,
6407,
198,
220,
220,
220,
220,
220,
220,
220,
11525,
82,
796,
2116,
13,
20521,
12083,
7,
87,
8,
198,
220,
220,
220,
220,
220,
220,
220,
300,
301,
76,
62,
448,
11,
7104,
796,
2116,
13,
75,
301,
76,
7,
20521,
82,
11,
7104,
8,
628,
220,
220,
220,
220,
220,
220,
220,
300,
301,
76,
62,
448,
796,
300,
301,
76,
62,
448,
13,
3642,
29709,
22446,
1177,
32590,
16,
11,
2116,
13,
30342,
62,
27740,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
4268,
448,
290,
3938,
5884,
7679,
198,
220,
220,
220,
220,
220,
220,
220,
503,
796,
2116,
13,
14781,
448,
7,
75,
301,
76,
62,
448,
8,
198,
220,
220,
220,
220,
220,
220,
220,
503,
796,
2116,
13,
16072,
7,
448,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
264,
17225,
1868,
2163,
198,
220,
220,
220,
220,
220,
220,
220,
43237,
62,
448,
796,
2116,
13,
82,
328,
7,
448,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
27179,
1758,
284,
307,
15458,
62,
7857,
717,
198,
220,
220,
220,
220,
220,
220,
220,
43237,
62,
448,
796,
43237,
62,
448,
13,
1177,
7,
43501,
62,
7857,
11,
532,
16,
8,
628,
220,
220,
220,
220,
220,
220,
220,
43237,
62,
448,
796,
43237,
62,
448,
58,
45299,
532,
16,
60,
220,
1303,
651,
938,
15458,
286,
14722,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
43237,
62,
448,
11,
7104,
628,
198,
4871,
15875,
14832,
82,
21745,
7,
21745,
2599,
198,
220,
220,
220,
37227,
7469,
3191,
3807,
8088,
2496,
543,
318,
4497,
329,
25539,
262,
8198,
329,
257,
1813,
5128,
290,
10385,
8198,
284,
14722,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
2496,
62,
7890,
62,
4906,
796,
366,
5239,
1,
198,
220,
220,
220,
2496,
62,
3672,
796,
366,
41364,
62,
19023,
82,
1,
198,
220,
220,
220,
2496,
62,
437,
4122,
796,
277,
1,
41364,
62,
19023,
82,
62,
34086,
3681,
62,
20930,
13,
457,
1,
198,
220,
220,
220,
2496,
62,
15414,
62,
43358,
796,
357,
16,
35751,
198,
220,
220,
220,
2496,
62,
22915,
62,
37724,
796,
685,
15,
11,
352,
60,
198,
220,
220,
220,
2496,
62,
4871,
7483,
796,
366,
13424,
3524,
1,
628,
220,
220,
220,
6291,
62,
15414,
62,
6978,
796,
277,
1,
41364,
12,
19023,
82,
12,
1416,
2850,
12,
12853,
13,
40664,
1,
198,
220,
220,
220,
12776,
397,
62,
7753,
796,
277,
1,
41364,
12,
19023,
82,
12,
18893,
397,
13,
79,
41582,
1,
198,
220,
220,
220,
1395,
796,
17635,
628,
220,
220,
220,
825,
3440,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
13538,
17912,
49736,
60,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
7890,
796,
279,
67,
13,
961,
62,
40664,
7,
944,
13,
12853,
6978,
7,
944,
13,
39873,
62,
15414,
62,
6978,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
7,
69,
1,
59,
77,
58,
10,
60,
7472,
15875,
20871,
25,
1391,
11925,
7,
944,
13,
7890,
8,
32239,
77,
4943,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
2220,
62,
87,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
18893,
397,
796,
2116,
13557,
2220,
62,
18893,
397,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
19849,
796,
2116,
13557,
2220,
62,
19849,
3419,
628,
220,
220,
220,
825,
4808,
2220,
62,
87,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
13538,
17912,
49736,
60,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
2034,
437,
5128,
8088,
284,
1395,
1351,
198,
220,
220,
220,
220,
220,
220,
220,
329,
4686,
87,
287,
2837,
7,
11925,
7,
944,
13,
7890,
8,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
55,
13,
33295,
7,
944,
13,
7890,
17816,
19023,
6,
7131,
312,
87,
12962,
628,
220,
220,
220,
825,
4808,
2220,
62,
18893,
397,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
13538,
17912,
49736,
60,
628,
220,
220,
220,
220,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
685,
4906,
5974,
685,
11213,
60,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
8778,
25818,
2393,
26,
8576,
749,
1609,
495,
1198,
2456,
198,
220,
220,
220,
220,
220,
220,
220,
351,
1280,
7,
944,
13,
12853,
6978,
7,
944,
13,
18893,
397,
62,
7753,
828,
705,
26145,
11537,
355,
277,
79,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12776,
397,
796,
2298,
293,
13,
2220,
7,
46428,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
12776,
397,
628,
220,
220,
220,
825,
662,
14681,
62,
8841,
7,
944,
11,
264,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
13538,
17912,
49736,
60,
628,
220,
220,
220,
220,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
264,
29565,
4906,
60,
2599,
685,
11213,
60,
628,
220,
220,
220,
220,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
685,
4906,
5974,
685,
11213,
60,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
17220,
477,
1729,
12,
4775,
3435,
357,
37814,
2845,
3146,
290,
7475,
8,
198,
220,
220,
220,
220,
220,
220,
220,
264,
796,
302,
13,
7266,
7,
81,
17912,
61,
59,
86,
59,
82,
60,
1600,
705,
3256,
264,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
40177,
477,
4539,
286,
13216,
43076,
351,
645,
2272,
198,
220,
220,
220,
220,
220,
220,
220,
264,
796,
302,
13,
7266,
7,
81,
1,
59,
82,
10,
1600,
705,
3256,
264,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
6330,
19561,
351,
645,
2272,
198,
220,
220,
220,
220,
220,
220,
220,
264,
796,
302,
13,
7266,
7,
81,
1,
59,
67,
1600,
705,
3256,
264,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
264,
628,
220,
220,
220,
825,
4808,
2220,
62,
19849,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
13538,
17912,
49736,
60,
628,
220,
220,
220,
220,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
685,
4906,
5974,
685,
11213,
60,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
8778,
262,
406,
2257,
2746,
326,
338,
1541,
8776,
198,
220,
220,
220,
220,
220,
220,
220,
645,
62,
75,
6962,
796,
362,
198,
220,
220,
220,
220,
220,
220,
220,
12776,
397,
62,
7857,
796,
18896,
7,
944,
13,
18893,
397,
8,
1343,
352,
220,
1303,
3131,
352,
329,
24511,
4007,
198,
220,
220,
220,
220,
220,
220,
220,
11525,
12083,
62,
27740,
796,
5598,
198,
220,
220,
220,
220,
220,
220,
220,
5072,
62,
27740,
796,
352,
198,
220,
220,
220,
220,
220,
220,
220,
7104,
62,
27740,
796,
17759,
198,
220,
220,
220,
220,
220,
220,
220,
2746,
796,
15875,
14832,
82,
31837,
3681,
43,
2257,
44,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
645,
62,
75,
6962,
11,
12776,
397,
62,
7857,
11,
7104,
62,
27740,
11,
11525,
12083,
62,
27740,
11,
5072,
62,
27740,
11,
4268,
62,
1676,
65,
28,
15,
13,
20,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2746,
13,
2220,
62,
5219,
62,
11600,
7,
30073,
13,
22089,
30073,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
28034,
13,
2220,
7,
944,
13,
12853,
6978,
7,
944,
13,
16793,
62,
437,
4122,
828,
705,
36166,
6,
22305,
198,
220,
220,
220,
220,
220,
220,
220,
2746,
13,
18206,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
2746,
628,
220,
220,
220,
825,
4331,
7,
944,
11,
2124,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
1212,
2163,
2753,
1351,
286,
5128,
13399,
13,
1114,
1672,
1539,
14631,
4919,
389,
345,
1701,
60,
628,
220,
220,
220,
220,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2124,
357,
4868,
2599,
685,
15414,
62,
5239,
60,
628,
220,
220,
220,
220,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2457,
62,
1676,
65,
62,
1416,
2850,
25,
16410,
15,
13,
4089,
11,
657,
13,
2999,
11907,
657,
13,
4089,
12867,
4776,
6870,
262,
6827,
8216,
318,
3967,
290,
657,
13,
2999,
4776,
6870,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
2457,
62,
1676,
65,
62,
1416,
2850,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
329,
2420,
287,
2124,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1573,
62,
41068,
796,
45941,
13,
18747,
26933,
944,
13,
18893,
397,
58,
944,
13,
3866,
14681,
62,
8841,
7,
4775,
15437,
329,
1573,
287,
2420,
13,
35312,
3419,
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,
611,
2116,
13,
3866,
14681,
62,
8841,
7,
4775,
8,
287,
2116,
13,
18893,
397,
13,
13083,
3419,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1573,
62,
41068,
796,
45941,
13,
11201,
392,
62,
67,
12078,
7,
4775,
62,
41068,
11,
16488,
28,
15,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
14841,
796,
28034,
13,
6738,
62,
77,
32152,
7,
944,
13,
39231,
41052,
4775,
62,
41068,
11,
5323,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
17311,
796,
14841,
13,
1462,
10786,
36166,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
15458,
62,
7857,
796,
352,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
289,
796,
2116,
13,
19849,
13,
15003,
62,
30342,
7,
43501,
62,
7857,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
289,
796,
46545,
26933,
27379,
13,
7890,
329,
1123,
287,
289,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5072,
11,
289,
796,
2116,
13,
19849,
7,
15414,
82,
11,
289,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12867,
796,
5072,
13,
9186,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2457,
62,
1676,
65,
62,
1416,
2850,
13,
33295,
26933,
1676,
65,
1799,
11,
352,
13,
15,
12,
1676,
65,
1799,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
2457,
62,
1676,
65,
62,
1416,
2850,
220,
1303,
428,
1276,
4439,
257,
1351,
286,
1398,
39522,
198
] | 2.196328 | 2,124 |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.