content
stringlengths 1
1.04M
| input_ids
sequencelengths 1
774k
| ratio_char_token
float64 0.38
22.9
| token_count
int64 1
774k
|
---|---|---|---|
from sklearn.metrics import f1_score
import torch
from cogdl.utils import build_args_from_dict
from cogdl.utils import accuracy, multiclass_f1, multilabel_f1, bce_with_logits_loss, cross_entropy_loss
if __name__ == "__main__":
test_build_args_from_dict()
| [
6738,
1341,
35720,
13,
4164,
10466,
1330,
277,
16,
62,
26675,
198,
11748,
28034,
198,
6738,
43072,
25404,
13,
26791,
1330,
1382,
62,
22046,
62,
6738,
62,
11600,
198,
6738,
43072,
25404,
13,
26791,
1330,
9922,
11,
47368,
31172,
62,
69,
16,
11,
1963,
346,
9608,
62,
69,
16,
11,
275,
344,
62,
4480,
62,
6404,
896,
62,
22462,
11,
3272,
62,
298,
28338,
62,
22462,
628,
628,
198,
361,
11593,
3672,
834,
6624,
366,
834,
12417,
834,
1298,
198,
220,
220,
220,
1332,
62,
11249,
62,
22046,
62,
6738,
62,
11600,
3419,
198
] | 2.797872 | 94 |
# -*- coding: utf-8 -*-
import pandas as pd
import numpy as np
import matplotlib.pyplot as plt
from analogistics.statistics import time_series as ts
from analogistics.supply_chain.information_framework import movementfunctionfromInventory
from analogistics.explore import paretoDataframe
def calculatePopularity(movements: pd.Series):
"""
Define the popularity for a SKU
Args:
movements (pd.Series): series of the movement with one item per day.
Returns:
pop_in (float): relative popularity IN per day.
pop_out (float): realtiva popularity OUT per day.
pop_absolute_in (float): popularity IN per day.
pop_absolute_out (float): popularity OUT per day.
"""
pop_in = len(movements[movements > 0]) / len(movements)
pop_out = len(movements[movements < 0]) / len(movements)
pop_absolute_in = len(movements[movements > 0])
pop_absolute_out = len(movements[movements < 0])
return pop_in, pop_out, pop_absolute_in, pop_absolute_out
def calculateCOI(inventory: pd.Series):
"""
Calculate the COI index of an SKU, given the inventory function
Args:
inventory (pd.Series): series of the inventory of an SKU.
Returns:
COI_in (float): COI index IN.
COI_out (float): COI index OUT.
"""
# define inventory from movements
movements = movementfunctionfromInventory(inventory)
movements = movements.dropna()
pop_in, pop_out, _, _ = calculatePopularity(movements['QUANTITY'])
# calculate daily COI
I_t_avg = np.nanmean(inventory)
if I_t_avg > 0:
COI_in = pop_in / I_t_avg
COI_out = pop_out / I_t_avg
else:
COI_in = COI_out = np.nan
return COI_in, COI_out
def calculateTurn(inventory: pd.Series):
"""
Calculate the TURN index of an SKU, given the inventory function
Args:
inventory (pd.series): series of the inventory of an SKU.
Returns:
turn (float): Output turn index.
"""
# define inventory from movements
movements = movementfunctionfromInventory(inventory)
movements = movements.dropna()
# calculate the average outbound quantity per day
out_qty_day = -np.sum(movements[movements['QUANTITY'] < 0]['QUANTITY']) / len(movements)
# calculate average inventory quantity
I_t_avg = np.nanmean(inventory)
if I_t_avg > 0:
turn = out_qty_day / I_t_avg
else:
turn = np.nan
return turn
def calculateOrderCompletion(D_mov: pd.DataFrame, itemcode: str,
itemfield: str = 'ITEMCODE', ordercodefield: str = 'ORDERCODE'):
"""
calculate the Order Completion (OC) index
Args:
D_mov (pd.DataFrame): dataframe with movements reporting ordercode and itemcode columns.
itemcode (str): itemcode to calculate the order competion (OC) index.
itemfield (str, optional): string name of D_mov clumn with itemcode. Defaults to 'ITEMCODE'.
ordercodefield (str, optional): string name of D_mov clumn with ordercode. Defaults to 'ORDERCODE'.
Returns:
OC (float): Output OC index.
"""
# clean data
D_mov = D_mov[[itemfield, ordercodefield]]
D_mov = D_mov[D_mov[ordercodefield] != 'nan']
D_mov = D_mov.dropna()
D_mov = D_mov.reset_index()
orders = list(set(D_mov[D_mov[itemfield] == itemcode][ordercodefield]))
idx = [j in orders for j in D_mov[ordercodefield]]
D_orders = D_mov.loc[idx]
OC = 0
for ordercode in orders:
D_orders_filtered = D_orders[D_orders[ordercodefield] == ordercode]
OC = OC + 1 / len(D_orders_filtered)
return OC
def fourierAnalysisInventory(inventory: pd.Series):
"""
fourier analysis of the inventory curve
Args:
inventory (pd.series): list of inventory values.
Returns:
first_carrier (TYPE): frequency (in 1/days) with the highest amplitude value.
period (TYPE): period (in days) associated with the frequency with the highest amplitude value.
"""
D = ts.fourierAnalysis(np.array(inventory))
D = D.sort_values(by='Amplitude', ascending=False)
first_carrier = D.iloc[0]['Frequency_domain_value'] # 1 / days
period = 1 / first_carrier
return first_carrier, period
def updatePopularity(D_SKUs: pd.DataFrame):
"""
Update the popularity index
Args:
D_SKUs (pd.dataFrame): Input dataframe with SKUs.
Returns:
D_SKUs (pd.DataFrame): Output DataFrame with updated popularity.
"""
# create results columns
D_SKUs['POP_IN'] = np.nan
D_SKUs['POP_OUT'] = np.nan
D_SKUs['POP_IN_TOT'] = np.nan
D_SKUs['POP_OUT_TOT'] = np.nan
for index, row in D_SKUs.iterrows():
# select inventory curve
I_t = D_SKUs.loc[index]['INVENTORY_QTY']
# calculate the popularity
movements = movementfunctionfromInventory(I_t)
movements = movements.dropna()
if len(movements) > 0:
POP_IN, POP_OUT, POP_IN_TOT, POP_OUT_TOT = calculatePopularity(movements['QUANTITY'])
# update the dataframe
D_SKUs.at[index, 'POP_IN'] = POP_IN
D_SKUs.at[index, 'POP_OUT'] = POP_OUT
D_SKUs.at[index, 'POP_IN_TOT'] = POP_IN_TOT
D_SKUs.at[index, 'POP_OUT_TOT'] = POP_OUT_TOT
return D_SKUs
def updateCOI(D_SKUs: pd.DataFrame):
"""
Update the COI index
Args:
D_SKUs (pd.DataFrame): Input dataframe with SKUs.
Returns:
D_SKUs (pd.DataFrame): Output DataFrame with updated COI.
"""
# create result columns
D_SKUs['COI_IN'] = np.nan
D_SKUs['COI_OUT'] = np.nan
for index, row in D_SKUs.iterrows():
# select inventory curve
I_t = D_SKUs.loc[index]['INVENTORY_QTY']
# calculate the popularity
movements = movementfunctionfromInventory(I_t)
movements = movements.dropna()
if len(movements) > 0:
COI_IN, COI_OUT = calculateCOI(I_t)
# update the dataframe
D_SKUs.at[index, 'COI_IN'] = COI_IN
D_SKUs.at[index, 'COI_OUT'] = COI_OUT
return D_SKUs
def updateTURN(D_SKUs: pd.DataFrame):
"""
Update TURN index
Args:
D_SKUs (pd.DataFrame): Input dataframe with SKUs.
Returns:
D_SKUs (TYPE): Output DataFrame with updated TURN.
"""
# create result columns
D_SKUs['TURN'] = np.nan
for index, row in D_SKUs.iterrows():
# select inventory curve
I_t = D_SKUs.loc[index]['INVENTORY_QTY']
# calculate the popularity
movements = movementfunctionfromInventory(I_t)
movements = movements.dropna()
if len(movements) > 0:
TURN = calculateTurn(I_t)
# update the dataframe
D_SKUs.at[index, 'TURN'] = TURN
return D_SKUs
def updateOrderCompletion(D_SKUs: pd.DataFrame, D_mov: pd.DataFrame):
"""
Update OC index
Args:
D_SKUs (pd.DataFrame): Input dataframe with SKUs.
D_mov (pd.DataFrame): Input dataframe with movements.
Returns:
D_SKUs (pd.dataFrame): Output DataFrame with updated OC.
"""
# create result columns
D_SKUs['OC'] = np.nan
for index, row in D_SKUs.iterrows():
part = row['ITEMCODE']
# calculate the popularity
OC = calculateOrderCompletion(D_mov, part, itemfield='ITEMCODE', ordercodefield='ORDERCODE')
# update the dataframe
D_SKUs.at[index, 'OC'] = OC
return D_SKUs
def updateFourieranalysis(D_SKUs: pd.DataFrame):
"""
Update the Fourier Analysis
Args:
D_SKUs (pd.DataFrame): Input dataframe with SKUs.
Returns:
D_SKUs (pd.DataFrame): Output DataFrame with updated fourier analysis.
"""
# create result columns
D_SKUs['FOURIER_CARRIER'] = np.nan
D_SKUs['FOURIER_PERIOD'] = np.nan
for index, row in D_SKUs.iterrows():
# select inventory curve
I_t = D_SKUs.loc[index]['INVENTORY_QTY']
# calculate the popularity
movements = movementfunctionfromInventory(I_t)
movements = movements.dropna()
if len(movements) > 0:
carrier, period = fourierAnalysisInventory(I_t)
# update the dataframe
D_SKUs.at[index, 'FOURIER_CARRIER'] = carrier
D_SKUs.at[index, 'FOURIER_PERIOD'] = period
return D_SKUs
# %% PARETO AND HISTOGRAM PLOT
def whIndexParetoPlot(D_SKUs: pd.DataFrame, columnIndex: str):
"""
Define the Pareto and histogram plot for a WH index
Args:
D_SKUs (pd.DataFrame): Input dataframe with SKUs.
columnIndex (str): Name of the index to plot.
Returns:
output_figures (dict): Output dictionary with figures.
"""
output_figures = {}
# define the pareto values
D_SKUs_pop = paretoDataframe(D_SKUs, columnIndex)
# build the pareto figures
fig1 = plt.figure()
plt.plot(np.arange(0, len(D_SKUs_pop)), D_SKUs_pop[f"{columnIndex}_CUM"], color='orange')
plt.title(f"{columnIndex} Pareto curve")
plt.xlabel("N. of SKUs")
plt.ylabel("Popularity percentage")
# save the Pareto figure
output_figures[f"{columnIndex}_pareto"] = fig1
fig2 = plt.figure()
plt.hist(D_SKUs_pop[columnIndex], color='orange')
plt.title(f"{columnIndex} histogram")
plt.xlabel(f"{columnIndex}")
plt.ylabel("Frequency")
# save the Pareto figure
output_figures[f"{columnIndex}_hist"] = fig2
return output_figures
| [
2,
532,
9,
12,
19617,
25,
3384,
69,
12,
23,
532,
9,
12,
198,
11748,
19798,
292,
355,
279,
67,
198,
11748,
299,
32152,
355,
45941,
198,
11748,
2603,
29487,
8019,
13,
9078,
29487,
355,
458,
83,
198,
198,
6738,
15075,
3969,
13,
14269,
3969,
1330,
640,
62,
25076,
355,
40379,
198,
6738,
15075,
3969,
13,
18608,
306,
62,
7983,
13,
17018,
62,
30604,
1330,
3356,
8818,
6738,
818,
17158,
198,
6738,
15075,
3969,
13,
20676,
382,
1330,
279,
533,
1462,
6601,
14535,
628,
198,
4299,
15284,
16979,
33737,
7,
21084,
902,
25,
279,
67,
13,
27996,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
2896,
500,
262,
11533,
329,
257,
14277,
52,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
8650,
357,
30094,
13,
27996,
2599,
2168,
286,
262,
3356,
351,
530,
2378,
583,
1110,
13,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1461,
62,
259,
357,
22468,
2599,
3585,
11533,
3268,
583,
1110,
13,
198,
220,
220,
220,
220,
220,
220,
220,
1461,
62,
448,
357,
22468,
2599,
1103,
83,
12151,
11533,
16289,
583,
1110,
13,
198,
220,
220,
220,
220,
220,
220,
220,
1461,
62,
48546,
62,
259,
357,
22468,
2599,
11533,
3268,
583,
1110,
13,
198,
220,
220,
220,
220,
220,
220,
220,
1461,
62,
48546,
62,
448,
357,
22468,
2599,
11533,
16289,
583,
1110,
13,
628,
220,
220,
220,
37227,
628,
220,
220,
220,
1461,
62,
259,
796,
18896,
7,
21084,
902,
58,
21084,
902,
1875,
657,
12962,
1220,
18896,
7,
21084,
902,
8,
198,
220,
220,
220,
1461,
62,
448,
796,
18896,
7,
21084,
902,
58,
21084,
902,
1279,
657,
12962,
1220,
18896,
7,
21084,
902,
8,
198,
220,
220,
220,
1461,
62,
48546,
62,
259,
796,
18896,
7,
21084,
902,
58,
21084,
902,
1875,
657,
12962,
198,
220,
220,
220,
1461,
62,
48546,
62,
448,
796,
18896,
7,
21084,
902,
58,
21084,
902,
1279,
657,
12962,
198,
220,
220,
220,
1441,
1461,
62,
259,
11,
1461,
62,
448,
11,
1461,
62,
48546,
62,
259,
11,
1461,
62,
48546,
62,
448,
628,
198,
4299,
15284,
8220,
40,
7,
24807,
25,
279,
67,
13,
27996,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
27131,
378,
262,
7375,
40,
6376,
286,
281,
14277,
52,
11,
1813,
262,
13184,
2163,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
13184,
357,
30094,
13,
27996,
2599,
2168,
286,
262,
13184,
286,
281,
14277,
52,
13,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
220,
7375,
40,
62,
259,
357,
22468,
2599,
7375,
40,
6376,
3268,
13,
198,
220,
220,
220,
220,
220,
220,
220,
7375,
40,
62,
448,
357,
22468,
2599,
7375,
40,
6376,
16289,
13,
628,
220,
220,
220,
37227,
628,
220,
220,
220,
1303,
8160,
13184,
422,
8650,
198,
220,
220,
220,
8650,
796,
3356,
8818,
6738,
818,
17158,
7,
24807,
8,
198,
220,
220,
220,
8650,
796,
8650,
13,
14781,
2616,
3419,
198,
220,
220,
220,
1461,
62,
259,
11,
1461,
62,
448,
11,
4808,
11,
4808,
796,
15284,
16979,
33737,
7,
21084,
902,
17816,
10917,
8643,
9050,
6,
12962,
628,
220,
220,
220,
1303,
15284,
4445,
7375,
40,
198,
220,
220,
220,
314,
62,
83,
62,
615,
70,
796,
45941,
13,
12647,
32604,
7,
24807,
8,
198,
220,
220,
220,
611,
314,
62,
83,
62,
615,
70,
1875,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
7375,
40,
62,
259,
796,
1461,
62,
259,
1220,
314,
62,
83,
62,
615,
70,
198,
220,
220,
220,
220,
220,
220,
220,
7375,
40,
62,
448,
796,
1461,
62,
448,
1220,
314,
62,
83,
62,
615,
70,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
7375,
40,
62,
259,
796,
7375,
40,
62,
448,
796,
45941,
13,
12647,
628,
220,
220,
220,
1441,
7375,
40,
62,
259,
11,
7375,
40,
62,
448,
628,
198,
4299,
15284,
17278,
7,
24807,
25,
279,
67,
13,
27996,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
27131,
378,
262,
309,
27064,
6376,
286,
281,
14277,
52,
11,
1813,
262,
13184,
2163,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
13184,
357,
30094,
13,
25076,
2599,
2168,
286,
262,
13184,
286,
281,
14277,
52,
13,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1210,
357,
22468,
2599,
25235,
1210,
6376,
13,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
1303,
8160,
13184,
422,
8650,
198,
220,
220,
220,
8650,
796,
3356,
8818,
6738,
818,
17158,
7,
24807,
8,
198,
220,
220,
220,
8650,
796,
8650,
13,
14781,
2616,
3419,
628,
220,
220,
220,
1303,
15284,
262,
2811,
503,
7784,
12040,
583,
1110,
198,
220,
220,
220,
503,
62,
80,
774,
62,
820,
796,
532,
37659,
13,
16345,
7,
21084,
902,
58,
21084,
902,
17816,
10917,
8643,
9050,
20520,
1279,
657,
7131,
6,
10917,
8643,
9050,
6,
12962,
1220,
18896,
7,
21084,
902,
8,
628,
220,
220,
220,
1303,
15284,
2811,
13184,
12040,
198,
220,
220,
220,
314,
62,
83,
62,
615,
70,
796,
45941,
13,
12647,
32604,
7,
24807,
8,
198,
220,
220,
220,
611,
314,
62,
83,
62,
615,
70,
1875,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1210,
796,
503,
62,
80,
774,
62,
820,
1220,
314,
62,
83,
62,
615,
70,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1210,
796,
45941,
13,
12647,
628,
220,
220,
220,
1441,
1210,
628,
198,
4299,
15284,
18743,
5377,
24547,
7,
35,
62,
76,
709,
25,
279,
67,
13,
6601,
19778,
11,
2378,
8189,
25,
965,
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,
2378,
3245,
25,
965,
796,
705,
2043,
3620,
34,
16820,
3256,
1502,
19815,
891,
1164,
25,
965,
796,
705,
12532,
47691,
16820,
6,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
15284,
262,
8284,
955,
24547,
357,
4503,
8,
6376,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
360,
62,
76,
709,
357,
30094,
13,
6601,
19778,
2599,
1366,
14535,
351,
8650,
6447,
1502,
8189,
290,
2378,
8189,
15180,
13,
198,
220,
220,
220,
220,
220,
220,
220,
2378,
8189,
357,
2536,
2599,
2378,
8189,
284,
15284,
262,
1502,
2307,
295,
357,
4503,
8,
6376,
13,
198,
220,
220,
220,
220,
220,
220,
220,
2378,
3245,
357,
2536,
11,
11902,
2599,
4731,
1438,
286,
360,
62,
76,
709,
537,
4182,
351,
2378,
8189,
13,
2896,
13185,
284,
705,
2043,
3620,
34,
16820,
4458,
198,
220,
220,
220,
220,
220,
220,
220,
1502,
19815,
891,
1164,
357,
2536,
11,
11902,
2599,
4731,
1438,
286,
360,
62,
76,
709,
537,
4182,
351,
1502,
8189,
13,
2896,
13185,
284,
705,
12532,
47691,
16820,
4458,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
220,
24775,
357,
22468,
2599,
25235,
24775,
6376,
13,
628,
220,
220,
220,
37227,
628,
220,
220,
220,
1303,
3424,
1366,
198,
220,
220,
220,
360,
62,
76,
709,
796,
360,
62,
76,
709,
30109,
9186,
3245,
11,
1502,
19815,
891,
1164,
11907,
198,
220,
220,
220,
360,
62,
76,
709,
796,
360,
62,
76,
709,
58,
35,
62,
76,
709,
58,
585,
2798,
375,
891,
1164,
60,
14512,
705,
12647,
20520,
198,
220,
220,
220,
360,
62,
76,
709,
796,
360,
62,
76,
709,
13,
14781,
2616,
3419,
198,
220,
220,
220,
360,
62,
76,
709,
796,
360,
62,
76,
709,
13,
42503,
62,
9630,
3419,
628,
220,
220,
220,
6266,
796,
1351,
7,
2617,
7,
35,
62,
76,
709,
58,
35,
62,
76,
709,
58,
9186,
3245,
60,
6624,
2378,
8189,
7131,
585,
2798,
375,
891,
1164,
60,
4008,
628,
220,
220,
220,
4686,
87,
796,
685,
73,
287,
6266,
329,
474,
287,
360,
62,
76,
709,
58,
585,
2798,
375,
891,
1164,
11907,
198,
220,
220,
220,
360,
62,
6361,
796,
360,
62,
76,
709,
13,
17946,
58,
312,
87,
60,
628,
220,
220,
220,
24775,
796,
657,
198,
220,
220,
220,
329,
1502,
8189,
287,
6266,
25,
198,
220,
220,
220,
220,
220,
220,
220,
360,
62,
6361,
62,
10379,
4400,
796,
360,
62,
6361,
58,
35,
62,
6361,
58,
585,
2798,
375,
891,
1164,
60,
6624,
1502,
8189,
60,
198,
220,
220,
220,
220,
220,
220,
220,
24775,
796,
24775,
1343,
352,
1220,
18896,
7,
35,
62,
6361,
62,
10379,
4400,
8,
198,
220,
220,
220,
1441,
24775,
628,
198,
4299,
46287,
5277,
32750,
818,
17158,
7,
24807,
25,
279,
67,
13,
27996,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
46287,
5277,
3781,
286,
262,
13184,
12133,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
13184,
357,
30094,
13,
25076,
2599,
1351,
286,
13184,
3815,
13,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
220,
717,
62,
7718,
5277,
357,
25216,
2599,
8373,
357,
259,
352,
14,
12545,
8,
351,
262,
4511,
37188,
1988,
13,
198,
220,
220,
220,
220,
220,
220,
220,
2278,
357,
25216,
2599,
2278,
357,
259,
1528,
8,
3917,
351,
262,
8373,
351,
262,
4511,
37188,
1988,
13,
628,
220,
220,
220,
37227,
628,
220,
220,
220,
360,
796,
40379,
13,
69,
280,
5277,
32750,
7,
37659,
13,
18747,
7,
24807,
4008,
198,
220,
220,
220,
360,
796,
360,
13,
30619,
62,
27160,
7,
1525,
11639,
5840,
489,
3984,
3256,
41988,
28,
25101,
8,
198,
220,
220,
220,
717,
62,
7718,
5277,
796,
360,
13,
346,
420,
58,
15,
7131,
6,
37,
28707,
62,
27830,
62,
8367,
20520,
220,
1303,
352,
1220,
1528,
198,
220,
220,
220,
2278,
796,
352,
1220,
717,
62,
7718,
5277,
198,
220,
220,
220,
1441,
717,
62,
7718,
5277,
11,
2278,
628,
198,
4299,
4296,
16979,
33737,
7,
35,
62,
18831,
5842,
25,
279,
67,
13,
6601,
19778,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
10133,
262,
11533,
6376,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
360,
62,
18831,
5842,
357,
30094,
13,
7890,
19778,
2599,
23412,
1366,
14535,
351,
14277,
5842,
13,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
220,
360,
62,
18831,
5842,
357,
30094,
13,
6601,
19778,
2599,
25235,
6060,
19778,
351,
6153,
11533,
13,
628,
220,
220,
220,
37227,
628,
220,
220,
220,
1303,
2251,
2482,
15180,
198,
220,
220,
220,
360,
62,
18831,
5842,
17816,
47,
3185,
62,
1268,
20520,
796,
45941,
13,
12647,
198,
220,
220,
220,
360,
62,
18831,
5842,
17816,
47,
3185,
62,
12425,
20520,
796,
45941,
13,
12647,
198,
220,
220,
220,
360,
62,
18831,
5842,
17816,
47,
3185,
62,
1268,
62,
51,
2394,
20520,
796,
45941,
13,
12647,
198,
220,
220,
220,
360,
62,
18831,
5842,
17816,
47,
3185,
62,
12425,
62,
51,
2394,
20520,
796,
45941,
13,
12647,
628,
220,
220,
220,
329,
6376,
11,
5752,
287,
360,
62,
18831,
5842,
13,
2676,
8516,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
2922,
13184,
12133,
198,
220,
220,
220,
220,
220,
220,
220,
314,
62,
83,
796,
360,
62,
18831,
5842,
13,
17946,
58,
9630,
7131,
6,
1268,
53,
3525,
15513,
62,
48,
9936,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
15284,
262,
11533,
198,
220,
220,
220,
220,
220,
220,
220,
8650,
796,
3356,
8818,
6738,
818,
17158,
7,
40,
62,
83,
8,
198,
220,
220,
220,
220,
220,
220,
220,
8650,
796,
8650,
13,
14781,
2616,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
611,
18896,
7,
21084,
902,
8,
1875,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
37586,
62,
1268,
11,
37586,
62,
12425,
11,
37586,
62,
1268,
62,
51,
2394,
11,
37586,
62,
12425,
62,
51,
2394,
796,
15284,
16979,
33737,
7,
21084,
902,
17816,
10917,
8643,
9050,
6,
12962,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
4296,
262,
1366,
14535,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
360,
62,
18831,
5842,
13,
265,
58,
9630,
11,
705,
47,
3185,
62,
1268,
20520,
796,
37586,
62,
1268,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
360,
62,
18831,
5842,
13,
265,
58,
9630,
11,
705,
47,
3185,
62,
12425,
20520,
796,
37586,
62,
12425,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
360,
62,
18831,
5842,
13,
265,
58,
9630,
11,
705,
47,
3185,
62,
1268,
62,
51,
2394,
20520,
796,
37586,
62,
1268,
62,
51,
2394,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
360,
62,
18831,
5842,
13,
265,
58,
9630,
11,
705,
47,
3185,
62,
12425,
62,
51,
2394,
20520,
796,
37586,
62,
12425,
62,
51,
2394,
198,
220,
220,
220,
1441,
360,
62,
18831,
5842,
628,
198,
4299,
4296,
8220,
40,
7,
35,
62,
18831,
5842,
25,
279,
67,
13,
6601,
19778,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
10133,
262,
7375,
40,
6376,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
360,
62,
18831,
5842,
357,
30094,
13,
6601,
19778,
2599,
23412,
1366,
14535,
351,
14277,
5842,
13,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
220,
360,
62,
18831,
5842,
357,
30094,
13,
6601,
19778,
2599,
25235,
6060,
19778,
351,
6153,
7375,
40,
13,
628,
220,
220,
220,
37227,
628,
220,
220,
220,
1303,
2251,
1255,
15180,
198,
220,
220,
220,
360,
62,
18831,
5842,
17816,
8220,
40,
62,
1268,
20520,
796,
45941,
13,
12647,
198,
220,
220,
220,
360,
62,
18831,
5842,
17816,
8220,
40,
62,
12425,
20520,
796,
45941,
13,
12647,
198,
220,
220,
220,
329,
6376,
11,
5752,
287,
360,
62,
18831,
5842,
13,
2676,
8516,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
2922,
13184,
12133,
198,
220,
220,
220,
220,
220,
220,
220,
314,
62,
83,
796,
360,
62,
18831,
5842,
13,
17946,
58,
9630,
7131,
6,
1268,
53,
3525,
15513,
62,
48,
9936,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
15284,
262,
11533,
198,
220,
220,
220,
220,
220,
220,
220,
8650,
796,
3356,
8818,
6738,
818,
17158,
7,
40,
62,
83,
8,
198,
220,
220,
220,
220,
220,
220,
220,
8650,
796,
8650,
13,
14781,
2616,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
611,
18896,
7,
21084,
902,
8,
1875,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7375,
40,
62,
1268,
11,
7375,
40,
62,
12425,
796,
15284,
8220,
40,
7,
40,
62,
83,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
4296,
262,
1366,
14535,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
360,
62,
18831,
5842,
13,
265,
58,
9630,
11,
705,
8220,
40,
62,
1268,
20520,
796,
7375,
40,
62,
1268,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
360,
62,
18831,
5842,
13,
265,
58,
9630,
11,
705,
8220,
40,
62,
12425,
20520,
796,
7375,
40,
62,
12425,
628,
220,
220,
220,
1441,
360,
62,
18831,
5842,
628,
198,
4299,
4296,
51,
27064,
7,
35,
62,
18831,
5842,
25,
279,
67,
13,
6601,
19778,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
10133,
309,
27064,
6376,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
360,
62,
18831,
5842,
357,
30094,
13,
6601,
19778,
2599,
23412,
1366,
14535,
351,
14277,
5842,
13,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
220,
360,
62,
18831,
5842,
357,
25216,
2599,
25235,
6060,
19778,
351,
6153,
309,
27064,
13,
628,
220,
220,
220,
37227,
628,
220,
220,
220,
1303,
2251,
1255,
15180,
198,
220,
220,
220,
360,
62,
18831,
5842,
17816,
51,
27064,
20520,
796,
45941,
13,
12647,
628,
220,
220,
220,
329,
6376,
11,
5752,
287,
360,
62,
18831,
5842,
13,
2676,
8516,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
2922,
13184,
12133,
198,
220,
220,
220,
220,
220,
220,
220,
314,
62,
83,
796,
360,
62,
18831,
5842,
13,
17946,
58,
9630,
7131,
6,
1268,
53,
3525,
15513,
62,
48,
9936,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
15284,
262,
11533,
198,
220,
220,
220,
220,
220,
220,
220,
8650,
796,
3356,
8818,
6738,
818,
17158,
7,
40,
62,
83,
8,
198,
220,
220,
220,
220,
220,
220,
220,
8650,
796,
8650,
13,
14781,
2616,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
611,
18896,
7,
21084,
902,
8,
1875,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
309,
27064,
796,
15284,
17278,
7,
40,
62,
83,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
4296,
262,
1366,
14535,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
360,
62,
18831,
5842,
13,
265,
58,
9630,
11,
705,
51,
27064,
20520,
796,
309,
27064,
628,
220,
220,
220,
1441,
360,
62,
18831,
5842,
628,
198,
4299,
4296,
18743,
5377,
24547,
7,
35,
62,
18831,
5842,
25,
279,
67,
13,
6601,
19778,
11,
360,
62,
76,
709,
25,
279,
67,
13,
6601,
19778,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
10133,
24775,
6376,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
360,
62,
18831,
5842,
357,
30094,
13,
6601,
19778,
2599,
23412,
1366,
14535,
351,
14277,
5842,
13,
198,
220,
220,
220,
220,
220,
220,
220,
360,
62,
76,
709,
357,
30094,
13,
6601,
19778,
2599,
23412,
1366,
14535,
351,
8650,
13,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
220,
360,
62,
18831,
5842,
357,
30094,
13,
7890,
19778,
2599,
25235,
6060,
19778,
351,
6153,
24775,
13,
628,
220,
220,
220,
37227,
628,
220,
220,
220,
1303,
2251,
1255,
15180,
198,
220,
220,
220,
360,
62,
18831,
5842,
17816,
4503,
20520,
796,
45941,
13,
12647,
628,
220,
220,
220,
329,
6376,
11,
5752,
287,
360,
62,
18831,
5842,
13,
2676,
8516,
33529,
628,
220,
220,
220,
220,
220,
220,
220,
636,
796,
5752,
17816,
2043,
3620,
34,
16820,
20520,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
15284,
262,
11533,
198,
220,
220,
220,
220,
220,
220,
220,
24775,
796,
15284,
18743,
5377,
24547,
7,
35,
62,
76,
709,
11,
636,
11,
2378,
3245,
11639,
2043,
3620,
34,
16820,
3256,
1502,
19815,
891,
1164,
11639,
12532,
47691,
16820,
11537,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
4296,
262,
1366,
14535,
198,
220,
220,
220,
220,
220,
220,
220,
360,
62,
18831,
5842,
13,
265,
58,
9630,
11,
705,
4503,
20520,
796,
24775,
628,
220,
220,
220,
1441,
360,
62,
18831,
5842,
628,
198,
4299,
4296,
37,
280,
5277,
20930,
7,
35,
62,
18831,
5842,
25,
279,
67,
13,
6601,
19778,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
10133,
262,
34296,
5277,
14691,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
360,
62,
18831,
5842,
357,
30094,
13,
6601,
19778,
2599,
23412,
1366,
14535,
351,
14277,
5842,
13,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
220,
360,
62,
18831,
5842,
357,
30094,
13,
6601,
19778,
2599,
25235,
6060,
19778,
351,
6153,
46287,
5277,
3781,
13,
628,
220,
220,
220,
37227,
628,
220,
220,
220,
1303,
2251,
1255,
15180,
198,
220,
220,
220,
360,
62,
18831,
5842,
17816,
37,
2606,
7112,
1137,
62,
20034,
7112,
1137,
20520,
796,
45941,
13,
12647,
198,
220,
220,
220,
360,
62,
18831,
5842,
17816,
37,
2606,
7112,
1137,
62,
18973,
40,
3727,
20520,
796,
45941,
13,
12647,
628,
220,
220,
220,
329,
6376,
11,
5752,
287,
360,
62,
18831,
5842,
13,
2676,
8516,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
2922,
13184,
12133,
198,
220,
220,
220,
220,
220,
220,
220,
314,
62,
83,
796,
360,
62,
18831,
5842,
13,
17946,
58,
9630,
7131,
6,
1268,
53,
3525,
15513,
62,
48,
9936,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
15284,
262,
11533,
198,
220,
220,
220,
220,
220,
220,
220,
8650,
796,
3356,
8818,
6738,
818,
17158,
7,
40,
62,
83,
8,
198,
220,
220,
220,
220,
220,
220,
220,
8650,
796,
8650,
13,
14781,
2616,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
611,
18896,
7,
21084,
902,
8,
1875,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11920,
11,
2278,
796,
46287,
5277,
32750,
818,
17158,
7,
40,
62,
83,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
4296,
262,
1366,
14535,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
360,
62,
18831,
5842,
13,
265,
58,
9630,
11,
705,
37,
2606,
7112,
1137,
62,
20034,
7112,
1137,
20520,
796,
11920,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
360,
62,
18831,
5842,
13,
265,
58,
9630,
11,
705,
37,
2606,
7112,
1137,
62,
18973,
40,
3727,
20520,
796,
2278,
628,
220,
220,
220,
1441,
360,
62,
18831,
5842,
628,
198,
2,
43313,
29463,
2767,
46,
5357,
367,
8808,
7730,
24115,
9297,
2394,
198,
198,
4299,
348,
15732,
47,
533,
1462,
43328,
7,
35,
62,
18831,
5842,
25,
279,
67,
13,
6601,
19778,
11,
5721,
15732,
25,
965,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
2896,
500,
262,
350,
533,
1462,
290,
1554,
21857,
7110,
329,
257,
7655,
6376,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
360,
62,
18831,
5842,
357,
30094,
13,
6601,
19778,
2599,
23412,
1366,
14535,
351,
14277,
5842,
13,
198,
220,
220,
220,
220,
220,
220,
220,
5721,
15732,
357,
2536,
2599,
6530,
286,
262,
6376,
284,
7110,
13,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
220,
5072,
62,
5647,
942,
357,
11600,
2599,
25235,
22155,
351,
5538,
13,
628,
220,
220,
220,
37227,
628,
220,
220,
220,
5072,
62,
5647,
942,
796,
23884,
628,
220,
220,
220,
1303,
8160,
262,
279,
533,
1462,
3815,
198,
220,
220,
220,
360,
62,
18831,
5842,
62,
12924,
796,
279,
533,
1462,
6601,
14535,
7,
35,
62,
18831,
5842,
11,
5721,
15732,
8,
628,
220,
220,
220,
1303,
1382,
262,
279,
533,
1462,
5538,
198,
220,
220,
220,
2336,
16,
796,
458,
83,
13,
26875,
3419,
198,
220,
220,
220,
458,
83,
13,
29487,
7,
37659,
13,
283,
858,
7,
15,
11,
18896,
7,
35,
62,
18831,
5842,
62,
12924,
36911,
360,
62,
18831,
5842,
62,
12924,
58,
69,
1,
90,
28665,
15732,
92,
62,
34,
5883,
33116,
3124,
11639,
43745,
11537,
198,
220,
220,
220,
458,
83,
13,
7839,
7,
69,
1,
90,
28665,
15732,
92,
350,
533,
1462,
12133,
4943,
198,
220,
220,
220,
458,
83,
13,
87,
18242,
7203,
45,
13,
286,
14277,
5842,
4943,
198,
220,
220,
220,
458,
83,
13,
2645,
9608,
7203,
16979,
33737,
5873,
4943,
628,
220,
220,
220,
1303,
3613,
262,
350,
533,
1462,
3785,
198,
220,
220,
220,
5072,
62,
5647,
942,
58,
69,
1,
90,
28665,
15732,
92,
62,
79,
533,
1462,
8973,
796,
2336,
16,
628,
220,
220,
220,
2336,
17,
796,
458,
83,
13,
26875,
3419,
198,
220,
220,
220,
458,
83,
13,
10034,
7,
35,
62,
18831,
5842,
62,
12924,
58,
28665,
15732,
4357,
3124,
11639,
43745,
11537,
198,
220,
220,
220,
458,
83,
13,
7839,
7,
69,
1,
90,
28665,
15732,
92,
1554,
21857,
4943,
198,
220,
220,
220,
458,
83,
13,
87,
18242,
7,
69,
1,
90,
28665,
15732,
92,
4943,
198,
220,
220,
220,
458,
83,
13,
2645,
9608,
7203,
37,
28707,
4943,
628,
220,
220,
220,
1303,
3613,
262,
350,
533,
1462,
3785,
198,
220,
220,
220,
5072,
62,
5647,
942,
58,
69,
1,
90,
28665,
15732,
92,
62,
10034,
8973,
796,
2336,
17,
628,
220,
220,
220,
1441,
5072,
62,
5647,
942,
198
] | 2.352081 | 4,036 |
from gazette.spiders.base.fecam import FecamGazetteSpider
| [
6738,
308,
1031,
5857,
13,
2777,
4157,
13,
8692,
13,
69,
721,
321,
1330,
376,
721,
321,
38,
1031,
5857,
41294,
628
] | 2.681818 | 22 |
import math
import pandas as pd
from causallearn.utils.ScoreUtils import *
def local_score_BIC(Data, i, PAi, parameters=None):
'''
Calculate the *negative* local score with BIC for the linear Gaussian continue data case
Parameters
----------
Data: ndarray, (sample, features)
i: current index
PAi: parent indexes
parameters: lambda_value, the penalty discount of bic
Returns
-------
score: local BIC score
'''
if parameters is None:
lambda_value = 1
else:
lambda_value = parameters['lambda_value']
Data = np.mat(Data)
T = Data.shape[0]
X = Data[:, i]
if len(PAi) != 0:
PA = Data[:, PAi]
D = PA.shape[1]
# derive the parameters by maximum likelihood
H = PA * pdinv(PA.T * PA) * PA.T
E = X - H * X
sigma2 = np.sum(np.power(E, 2)) / T
# BIC
score = T * np.log(sigma2) + lambda_value * D * np.log(T)
else:
sigma2 = np.sum(np.power(X, 2)) / T
# BIC
score = T * np.log(sigma2)
return score
def local_score_BDeu(Data, i, PAi, parameters=None):
'''
Calculate the *negative* local score with BDeu for the discrete case
Parameters
----------
Data: (sample, features)
i: current index
PAi: parent indexes
parameters:
sample_prior: sample prior
structure_prior: structure prior
r_i_map: number of states of the finite random variable X_{i}
Returns
-------
score: local BDeu score
'''
if parameters is None:
sample_prior = 1 # default sample_prior = 1
structure_prior = 1 # default structure_prior = 1
r_i_map = {i: len(np.unique(np.asarray(Data[:, i]))) for i in range(Data.shape[1])}
else:
sample_prior = parameters['sample_prior']
structure_prior = parameters['structure_prior']
r_i_map = parameters['r_i_map']
# calculate q_{i}
q_i = 1
for pa in PAi:
q_i *= r_i_map[pa]
if len(PAi) != 0:
# calculate N_{ij}
names = ['x{}'.format(i) for i in range(Data.shape[1])]
Data_pd = pd.DataFrame(Data, columns=names)
parant_names = ['x{}'.format(i) for i in PAi]
Data_pd_group_Nij = Data_pd.groupby(parant_names)
Nij_map = {key: len(Data_pd_group_Nij.indices.get(key)) for key in Data_pd_group_Nij.indices.keys()}
Nij_map_keys_list = list(Nij_map.keys())
# calculate N_{ijk}
Nijk_map = {ij: Data_pd_group_Nij.get_group(ij).groupby('x{}'.format(i)).apply(len).reset_index() for ij in
Nij_map.keys()}
for v in Nijk_map.values():
v.columns = ['x{}'.format(i), 'times']
else:
# calculate N_{ij}
names = ['x{}'.format(i) for i in range(Data.shape[1])]
Nij_map = {'': len(Data[:, i])}
Nij_map_keys_list = ['']
Data_pd = pd.DataFrame(Data, columns=names)
# calculate N_{ijk}
Nijk_map = {ij: Data_pd.groupby('x{}'.format(i)).apply(len).reset_index() for ij in Nij_map_keys_list}
for v in Nijk_map.values():
v.columns = ['x{}'.format(i), 'times']
BDeu_score = 0
# first term
vm = Data.shape[0] - 1
BDeu_score += len(PAi) * np.log(structure_prior / vm) + (vm - len(PAi)) * np.log(1 - (structure_prior / vm))
# second term
for pa in range(len(Nij_map_keys_list)):
Nij = Nij_map.get(Nij_map_keys_list[pa])
first_term = math.lgamma(sample_prior / q_i) - math.lgamma(Nij + sample_prior / q_i)
second_term = 0
Nijk_list = Nijk_map.get(Nij_map_keys_list[pa])['times'].to_numpy()
for Nijk in Nijk_list:
second_term += math.lgamma(Nijk + sample_prior / (r_i_map[i] * q_i)) - math.lgamma(
sample_prior / (r_i_map[i] * q_i))
BDeu_score += first_term + second_term
return -BDeu_score
def local_score_cv_general(Data, Xi, PAi, parameters):
'''
Calculate the local score
using negative k-fold cross-validated log likelihood as the score
based on a regression model in RKHS
Parameters
----------
Data: (sample, features)
i: current index
PAi: parent indexes
parameters:
kfold: k-fold cross validation
lambda: regularization parameter
Returns
-------
score: local score
'''
Data = np.mat(Data)
PAi = list(PAi)
T = Data.shape[0]
X = Data[:, Xi]
var_lambda = parameters['lambda'] # regularization parameter
k = parameters['kfold'] # k-fold cross validation
n0 = math.floor(T / k)
gamma = 0.01
Thresh = 1E-5
if (len(PAi)):
PA = Data[:, PAi]
# set the kernel for X
GX = np.sum(np.multiply(X, X), axis=1)
Q = np.tile(GX, (1, T))
R = np.tile(GX.T, (T, 1))
dists = Q + R - 2 * X * X.T
dists = dists - np.tril(dists)
dists = np.reshape(dists, (T ** 2, 1))
width = np.sqrt(0.5 * np.median(dists[np.where(dists > 0)], axis=1)[0, 0]) # median value
width = width * 2
theta = 1 / (width ** 2)
Kx, _ = kernel(X, X, (theta, 1)) # Gaussian kernel
H0 = np.mat(np.eye(T)) - np.mat(np.ones((T, T))) / (T) # for centering of the data in feature space
Kx = H0 * Kx * H0 # kernel matrix for X
# eig_Kx, eix = eigdec((Kx + Kx.T)/2, np.min([400, math.floor(T/2)]), evals_only=False) # /2
# IIx = np.where(eig_Kx > np.max(eig_Kx) * Thresh)[0]
# eig_Kx = eig_Kx[IIx]
# eix = eix[:, IIx]
# mx = len(IIx)
# set the kernel for PA
Kpa = np.mat(np.ones((T, T)))
for m in range(PA.shape[1]):
G = np.sum((np.multiply(PA[:, m], PA[:, m])), axis=1)
Q = np.tile(G, (1, T))
R = np.tile(G.T, (T, 1))
dists = Q + R - 2 * PA[:, m] * PA[:, m].T
dists = dists - np.tril(dists)
dists = np.reshape(dists, (T ** 2, 1))
width = np.sqrt(0.5 * np.median(dists[np.where(dists > 0)], axis=1)[0, 0]) # median value
width = width * 2
theta = 1 / (width ** 2)
Kpa = np.multiply(Kpa, kernel(PA[:, m], PA[:, m], (theta, 1))[0])
H0 = np.mat(np.eye(T)) - np.mat(np.ones((T, T))) / (T) # for centering of the data in feature space
Kpa = H0 * Kpa * H0 # kernel matrix for PA
CV = 0
for kk in range(k):
if (kk == 0):
Kx_te = Kx[0:n0, 0:n0]
Kx_tr = Kx[n0: T, n0: T]
Kx_tr_te = Kx[n0: T, 0: n0]
Kpa_te = Kpa[0:n0, 0: n0]
Kpa_tr = Kpa[n0: T, n0: T]
Kpa_tr_te = Kpa[n0: T, 0: n0]
nv = n0 # sample size of validated data
if (kk == k - 1):
Kx_te = Kx[kk * n0:T, kk * n0: T]
Kx_tr = Kx[0:kk * n0, 0: kk * n0]
Kx_tr_te = Kx[0:kk * n0, kk * n0: T]
Kpa_te = Kpa[kk * n0:T, kk * n0: T]
Kpa_tr = Kpa[0: kk * n0, 0: kk * n0]
Kpa_tr_te = Kpa[0:kk * n0, kk * n0: T]
nv = T - kk * n0
if (kk < k - 1 and kk > 0):
Kx_te = Kx[kk * n0: (kk + 1) * n0, kk * n0: (kk + 1) * n0]
Kx_tr = Kx[np.ix_(np.concatenate([np.arange(0, kk * n0), np.arange((kk + 1) * n0, T)]),
np.concatenate([np.arange(0, kk * n0), np.arange((kk + 1) * n0, T)]))]
Kx_tr_te = Kx[np.ix_(np.concatenate([np.arange(0, kk * n0), np.arange((kk + 1) * n0, T)]),
np.arange(kk * n0, (kk + 1) * n0))]
Kpa_te = Kpa[kk * n0: (kk + 1) * n0, kk * n0: (kk + 1) * n0]
Kpa_tr = Kpa[np.ix_(np.concatenate([np.arange(0, kk * n0), np.arange((kk + 1) * n0, T)]),
np.concatenate([np.arange(0, kk * n0), np.arange((kk + 1) * n0, T)]))]
Kpa_tr_te = Kpa[np.ix_(np.concatenate([np.arange(0, kk * n0), np.arange((kk + 1) * n0, T)]),
np.arange(kk * n0, (kk + 1) * n0))]
nv = n0
n1 = T - nv
tmp1 = pdinv(Kpa_tr + n1 * var_lambda * np.mat(np.eye(n1)))
tmp2 = tmp1 * Kx_tr * tmp1
tmp3 = tmp1 * pdinv(np.mat(np.eye(n1)) + n1 * var_lambda ** 2 / gamma * tmp2) * tmp1
A = (Kx_te + Kpa_tr_te.T * tmp2 * Kpa_tr_te - 2 * Kx_tr_te.T * tmp1 * Kpa_tr_te
- n1 * var_lambda ** 2 / gamma * Kx_tr_te.T * tmp3 * Kx_tr_te
- n1 * var_lambda ** 2 / gamma * Kpa_tr_te.T * tmp1 * Kx_tr * tmp3 * Kx_tr * tmp1 * Kpa_tr_te
+ 2 * n1 * var_lambda ** 2 / gamma * Kx_tr_te.T * tmp3 * Kx_tr * tmp1 * Kpa_tr_te) / gamma
B = n1 * var_lambda ** 2 / gamma * tmp2 + np.mat(np.eye(n1))
L = np.linalg.cholesky(B)
C = np.sum(np.log(np.diag(L)))
# CV = CV + (nv*nv*log(2*pi) + nv*C + nv*mx*log(gamma) + trace(A))/2;
CV = CV + (nv * nv * np.log(2 * np.pi) + nv * C + np.trace(A)) / 2
CV = CV / k
else:
# set the kernel for X
GX = np.sum(np.multiply(X, X), axis=1)
Q = np.tile(GX, (1, T))
R = np.tile(GX.T, (T, 1))
dists = Q + R - 2 * X * X.T
dists = dists - np.tril(dists)
dists = np.reshape(dists, (T ** 2, 1))
width = np.sqrt(0.5 * np.median(dists[np.where(dists > 0)], axis=1)[0, 0]) # median value
width = width * 2
theta = 1 / (width ** 2)
Kx, _ = kernel(X, X, (theta, 1)) # Gaussian kernel
H0 = np.mat(np.eye(T)) - np.mat(np.ones((T, T))) / (T) # for centering of the data in feature space
Kx = H0 * Kx * H0 # kernel matrix for X
# eig_Kx, eix = eigdec((Kx + Kx.T) / 2, np.min([400, math.floor(T / 2)]), evals_only=False) # /2
# IIx = np.where(eig_Kx > np.max(eig_Kx) * Thresh)[0]
# mx = len(IIx)
CV = 0
for kk in range(k):
if (kk == 0):
Kx_te = Kx[kk * n0: (kk + 1) * n0, kk * n0: (kk + 1) * n0]
Kx_tr = Kx[(kk + 1) * n0:T, (kk + 1) * n0: T]
Kx_tr_te = Kx[(kk + 1) * n0:T, kk * n0: (kk + 1) * n0]
nv = n0
if (kk == k - 1):
Kx_te = Kx[kk * n0: T, kk * n0: T]
Kx_tr = Kx[0: kk * n0, 0: kk * n0]
Kx_tr_te = Kx[0:kk * n0, kk * n0: T]
nv = T - kk * n0
if (kk < k - 1 and kk > 0):
Kx_te = Kx[kk * n0: (kk + 1) * n0, kk * n0: (kk + 1) * n0]
Kx_tr = Kx[np.ix_(np.concatenate([np.arange(0, kk * n0), np.arange((kk + 1) * n0, T)]),
np.concatenate([np.arange(0, kk * n0), np.arange((kk + 1) * n0, T)]))]
Kx_tr_te = Kx[np.ix_(np.concatenate([np.arange(0, kk * n0), np.arange((kk + 1) * n0, T)]),
np.arange(kk * n0, (kk + 1) * n0))]
nv = n0
n1 = T - nv
A = (Kx_te - 1 / (gamma * n1) * Kx_tr_te.T * pdinv(
np.mat(np.eye(n1)) + 1 / (gamma * n1) * Kx_tr) * Kx_tr_te) / gamma
B = 1 / (gamma * n1) * Kx_tr + np.mat(np.eye(n1))
L = np.linalg.cholesky(B)
C = np.sum(np.log(np.diag(L)))
# CV = CV + (nv*nv*log(2*pi) + nv*C + nv*mx*log(gamma) + trace(A))/2;
CV = CV + (nv * nv * np.log(2 * np.pi) + nv * C + np.trace(A)) / 2
CV = CV / k
score = CV # negative cross-validated likelihood
return score
def local_score_cv_multi(Data, Xi, PAi, parameters):
'''
Calculate the local score
using negative k-fold cross-validated log likelihood as the score
based on a regression model in RKHS
for variables with multi-variate dimensions
Parameters
----------
Data: (sample, features)
i: current index
PAi: parent indexes
parameters:
kfold: k-fold cross validation
lambda: regularization parameter
dlabel: for variables with multi-dimensions,
indicate which dimensions belong to the i-th variable.
Returns
-------
score: local score
'''
T = Data.shape[0]
X = Data[:, parameters['dlabel'][Xi]]
var_lambda = parameters['lambda'] # regularization parameter
k = parameters['kfold'] # k-fold cross validation
n0 = math.floor(T / k)
gamma = 0.01
Thresh = 1E-5
if (len(PAi)):
# set the kernel for X
GX = np.sum(np.multiply(X, X), axis=1)
Q = np.tile(GX, (1, T))
R = np.tile(GX.T, (T, 1))
dists = Q + R - 2 * X * X.T
dists = dists - np.tril(dists)
dists = np.reshape(dists, (T ** 2, 1))
width = np.sqrt(0.5 * np.median(dists[np.where(dists > 0)], axis=1)[0, 0]) # median value
width = width * 3 ###
theta = 1 / (width ** 2 * X.shape[1]) #
Kx, _ = kernel(X, X, (theta, 1)) # Gaussian kernel
H0 = np.mat(np.eye(T)) - np.mat(np.ones((T, T))) / (T) # for centering of the data in feature space
Kx = H0 * Kx * H0 # kernel matrix for X
# set the kernel for PA
Kpa = np.mat(np.ones((T, T)))
for m in range(len(PAi)):
PA = Data[:, parameters['dlabel'][PAi[m]]]
G = np.sum((np.multiply(PA, PA)), axis=1)
Q = np.tile(G, (1, T))
R = np.tile(G.T, (T, 1))
dists = Q + R - 2 * PA * PA.T
dists = dists - np.tril(dists)
dists = np.reshape(dists, (T ** 2, 1))
width = np.sqrt(0.5 * np.median(dists[np.where(dists > 0)], axis=1)[0, 0]) # median value
width = width * 3 ###
theta = 1 / (width ** 2 * PA.shape[1])
Kpa = np.multiply(Kpa, kernel(PA, PA, (theta, 1))[0])
H0 = np.mat(np.eye(T)) - np.mat(np.ones((T, T))) / (T) # for centering of the data in feature space
Kpa = H0 * Kpa * H0 # kernel matrix for PA
CV = 0
for kk in range(k):
if (kk == 0):
Kx_te = Kx[0:n0, 0:n0]
Kx_tr = Kx[n0: T, n0: T]
Kx_tr_te = Kx[n0: T, 0: n0]
Kpa_te = Kpa[0:n0, 0: n0]
Kpa_tr = Kpa[n0: T, n0: T]
Kpa_tr_te = Kpa[n0: T, 0: n0]
nv = n0 # sample size of validated data
if (kk == k - 1):
Kx_te = Kx[kk * n0:T, kk * n0: T]
Kx_tr = Kx[0:kk * n0, 0: kk * n0]
Kx_tr_te = Kx[0:kk * n0, kk * n0: T]
Kpa_te = Kpa[kk * n0:T, kk * n0: T]
Kpa_tr = Kpa[0: kk * n0, 0: kk * n0]
Kpa_tr_te = Kpa[0:kk * n0, kk * n0: T]
nv = T - kk * n0
if (kk < k - 1 and kk > 0):
Kx_te = Kx[kk * n0: (kk + 1) * n0, kk * n0: (kk + 1) * n0]
Kx_tr = Kx[np.ix_(np.concatenate([np.arange(0, kk * n0), np.arange((kk + 1) * n0, T)]),
np.concatenate([np.arange(0, kk * n0), np.arange((kk + 1) * n0, T)]))]
Kx_tr_te = Kx[np.ix_(np.concatenate([np.arange(0, kk * n0), np.arange((kk + 1) * n0, T)]),
np.arange(kk * n0, (kk + 1) * n0))]
Kpa_te = Kpa[kk * n0: (kk + 1) * n0, kk * n0: (kk + 1) * n0]
Kpa_tr = Kpa[np.ix_(np.concatenate([np.arange(0, kk * n0), np.arange((kk + 1) * n0, T)]),
np.concatenate([np.arange(0, kk * n0), np.arange((kk + 1) * n0, T)]))]
Kpa_tr_te = Kpa[np.ix_(np.concatenate([np.arange(0, kk * n0), np.arange((kk + 1) * n0, T)]),
np.arange(kk * n0, (kk + 1) * n0))]
nv = n0
n1 = T - nv
tmp1 = pdinv(Kpa_tr + n1 * var_lambda * np.mat(np.eye(n1)))
tmp2 = tmp1 * Kx_tr * tmp1
tmp3 = tmp1 * pdinv(np.mat(np.eye(n1)) + n1 * var_lambda ** 2 / gamma * tmp2) * tmp1
A = (Kx_te + Kpa_tr_te.T * tmp2 * Kpa_tr_te - 2 * Kx_tr_te.T * tmp1 * Kpa_tr_te
- n1 * var_lambda ** 2 / gamma * Kx_tr_te.T * tmp3 * Kx_tr_te
- n1 * var_lambda ** 2 / gamma * Kpa_tr_te.T * tmp1 * Kx_tr * tmp3 * Kx_tr * tmp1 * Kpa_tr_te
+ 2 * n1 * var_lambda ** 2 / gamma * Kx_tr_te.T * tmp3 * Kx_tr * tmp1 * Kpa_tr_te) / gamma
B = n1 * var_lambda ** 2 / gamma * tmp2 + np.mat(np.eye(n1))
L = np.linalg.cholesky(B)
C = np.sum(np.log(np.diag(L)))
# CV = CV + (nv*nv*log(2*pi) + nv*C + nv*mx*log(gamma) + trace(A))/2;
CV = CV + (nv * nv * np.log(2 * np.pi) + nv * C + np.trace(A)) / 2
CV = CV / k
else:
# set the kernel for X
GX = np.sum(np.multiply(X, X), axis=1)
Q = np.tile(GX, (1, T))
R = np.tile(GX.T, (T, 1))
dists = Q + R - 2 * X * X.T
dists = dists - np.tril(dists)
dists = np.reshape(dists, (T ** 2, 1))
width = np.sqrt(0.5 * np.median(dists[np.where(dists > 0)], axis=1)[0, 0]) # median value
width = width * 3 ###
theta = 1 / (width ** 2 * X.shape[1]) #
Kx, _ = kernel(X, X, (theta, 1)) # Gaussian kernel
H0 = np.mat(np.eye(T)) - np.mat(np.ones((T, T))) / (T) # for centering of the data in feature space
Kx = H0 * Kx * H0 # kernel matrix for X
CV = 0
for kk in range(k):
if (kk == 0):
Kx_te = Kx[kk * n0: (kk + 1) * n0, kk * n0: (kk + 1) * n0]
Kx_tr = Kx[(kk + 1) * n0:T, (kk + 1) * n0: T]
Kx_tr_te = Kx[(kk + 1) * n0:T, kk * n0: (kk + 1) * n0]
nv = n0
if (kk == k - 1):
Kx_te = Kx[kk * n0: T, kk * n0: T]
Kx_tr = Kx[0: kk * n0, 0: kk * n0]
Kx_tr_te = Kx[0:kk * n0, kk * n0: T]
nv = T - kk * n0
if (kk < k - 1 and kk > 0):
Kx_te = Kx[kk * n0: (kk + 1) * n0, kk * n0: (kk + 1) * n0]
Kx_tr = Kx[np.ix_(np.concatenate([np.arange(0, kk * n0), np.arange((kk + 1) * n0, T)]),
np.concatenate([np.arange(0, kk * n0), np.arange((kk + 1) * n0, T)]))]
Kx_tr_te = Kx[np.ix_(np.concatenate([np.arange(0, kk * n0), np.arange((kk + 1) * n0, T)]),
np.arange(kk * n0, (kk + 1) * n0))]
nv = n0
n1 = T - nv
A = (Kx_te - 1 / (gamma * n1) * Kx_tr_te.T * pdinv(
np.mat(np.eye(n1)) + 1 / (gamma * n1) * Kx_tr) * Kx_tr_te) / gamma
B = 1 / (gamma * n1) * Kx_tr + np.mat(np.eye(n1))
L = np.linalg.cholesky(B)
C = np.sum(np.log(np.diag(L)))
# CV = CV + (nv*nv*log(2*pi) + nv*C + nv*mx*log(gamma) + trace(A))/2;
CV = CV + (nv * nv * np.log(2 * np.pi) + nv * C + np.trace(A)) / 2
CV = CV / k
score = CV # negative cross-validated likelihood
return score
def local_score_marginal_general(Data, Xi, PAi, parameters):
'''
Calculate the local score by negative marginal likelihood
based on a regression model in RKHS
Parameters
----------
Data: (sample, features)
i: current index
PAi: parent indexes
parameters: None
Returns
-------
score: local score
'''
T = Data.shape[0]
X = Data[:, Xi]
dX = X.shape[1]
# set the kernel for X
GX = np.sum(np.multiply(X, X), axis=1)
Q = np.tile(GX, (1, T))
R = np.tile(GX.T, (T, 1))
dists = Q + R - 2 * X * X.T
dists = dists - np.tril(dists)
dists = np.reshape(dists, (T ** 2, 1))
width = np.sqrt(0.5 * np.median(dists[np.where(dists > 0)], axis=1)[0, 0])
width = width * 2.5 # kernel width
theta = 1 / (width ** 2)
H = np.mat(np.eye(T)) - np.mat(np.ones((T, T))) / T
Kx, _ = kernel(X, X, (theta, 1))
Kx = H * Kx * H
Thresh = 1E-5
eig_Kx, eix = eigdec((Kx + Kx.T) / 2, np.min([400, math.floor(T / 4)]), evals_only=False) # /2
IIx = np.where(eig_Kx > np.max(eig_Kx) * Thresh)[0]
eig_Kx = eig_Kx[IIx]
eix = eix[:, IIx]
if (len(PAi)):
PA = Data[:, PAi]
widthPA = np.mat(np.empty((PA.shape[1], 1)))
# set the kernel for PA
for m in range(PA.shape[1]):
G = np.sum((np.multiply(PA[:, m], PA[:, m])), axis=1)
Q = np.tile(G, (1, T))
R = np.tile(G.T, (T, 1))
dists = Q + R - 2 * PA[:, m] * PA[:, m].T
dists = dists - np.tril(dists)
dists = np.reshape(dists, (T ** 2, 1))
widthPA[m] = np.sqrt(0.5 * np.median(dists[np.where(dists > 0)], axis=1)[0, 0])
widthPA = widthPA * 2.5 # kernel width
covfunc = np.asarray(['covSum', ['covSEard', 'covNoise']])
logtheta0 = np.vstack([np.log(widthPA), 0, np.log(np.sqrt(0.1))])
logtheta, fvals, iter = minimize(logtheta0, 'gpr_multi_new', -300, covfunc, PA,
2 * np.sqrt(T) * eix * np.diag(np.sqrt(eig_Kx)) / np.sqrt(eig_Kx[0]))
nlml, dnlml = gpr_multi_new(logtheta, covfunc, PA,
2 * np.sqrt(T) * eix * np.diag(np.sqrt(eig_Kx)) / np.sqrt(eig_Kx[0]),
nargout=2)
else:
covfunc = np.asarray(['covSum', ['covSEard', 'covNoise']])
PA = np.mat(np.zeros((T, 1)))
logtheta0 = np.mat([100, 0, np.log(np.sqrt(0.1))]).T
logtheta, fvals, iter = minimize(logtheta0, 'gpr_multi_new', -300, covfunc, PA,
2 * np.sqrt(T) * eix * np.diag(np.sqrt(eig_Kx)) / np.sqrt(eig_Kx[0]))
nlml, dnlml = gpr_multi_new(logtheta, covfunc, PA,
2 * np.sqrt(T) * eix * np.diag(np.sqrt(eig_Kx)) / np.sqrt(eig_Kx[0]),
nargout=2)
score = nlml # negative log-likelihood
return score
def local_score_marginal_multi(Data, Xi, PAi, parameters):
'''
Calculate the local score by negative marginal likelihood
based on a regression model in RKHS
for variables with multi-variate dimensions
Parameters
----------
Data: (sample, features)
i: current index
PAi: parent indexes
parameters:
dlabel: for variables with multi-dimensions,
indicate which dimensions belong to the i-th variable.
Returns
-------
score: local score
'''
T = Data.shape[0]
X = Data[:, parameters['dlabel'][Xi]]
dX = X.shape[1]
# set the kernel for X
GX = np.sum(np.multiply(X, X), axis=1)
Q = np.tile(GX, (1, T))
R = np.tile(GX.T, (T, 1))
dists = Q + R - 2 * X * X.T
dists = dists - np.tril(dists)
dists = np.reshape(dists, (T ** 2, 1))
widthX = np.sqrt(0.5 * np.median(dists[np.where(dists > 0)], axis=1)[0, 0])
widthX = widthX * 2.5 # kernel width
theta = 1 / (widthX ** 2)
H = np.mat(np.eye(T)) - np.mat(np.ones((T, T))) / T
Kx, _ = kernel(X, X, (theta, 1))
Kx = H * Kx * H
Thresh = 1E-5
eig_Kx, eix = eigdec((Kx + Kx.T) / 2, np.min([400, math.floor(T / 4)]), evals_only=False) # /2
IIx = np.where(eig_Kx > np.max(eig_Kx) * Thresh)[0]
eig_Kx = eig_Kx[IIx]
eix = eix[:, IIx]
if (len(PAi)):
widthPA_all = np.mat(np.empty((1, 0)))
# set the kernel for PA
PA_all = np.mat(np.empty((Data.shape[0], 0)))
for m in range(len(PAi)):
PA = Data[:, parameters['dlabel'][PAi[m]]]
PA_all = np.hstack([PA_all, PA])
G = np.sum((np.multiply(PA, PA)), axis=1)
Q = np.tile(G, (1, T))
R = np.tile(G.T, (T, 1))
dists = Q + R - 2 * PA * PA.T
dists = dists - np.tril(dists)
dists = np.reshape(dists, (T ** 2, 1))
widthPA = np.sqrt(0.5 * np.median(dists[np.where(dists > 0)], axis=1)[0, 0])
widthPA_all = np.hstack(
[widthPA_all, widthPA * np.mat(np.ones((1, np.size(parameters['dlabel'][PAi[m]]))))])
widthPA_all = widthPA_all * 2.5 # kernel width
covfunc = np.asarray(['covSum', ['covSEard', 'covNoise']])
logtheta0 = np.vstack([np.log(widthPA_all.T), 0, np.log(np.sqrt(0.1))])
logtheta, fvals, iter = minimize(logtheta0, 'gpr_multi_new', -300, covfunc, PA_all,
2 * np.sqrt(T) * eix * np.diag(np.sqrt(eig_Kx)) / np.sqrt(eig_Kx[0]))
nlml, dnlml = gpr_multi_new(logtheta, covfunc, PA_all,
2 * np.sqrt(T) * eix * np.diag(np.sqrt(eig_Kx)) / np.sqrt(eig_Kx[0]),
nargout=2)
else:
covfunc = np.asarray(['covSum', ['covSEard', 'covNoise']])
PA = np.mat(np.zeros((T, 1)))
logtheta0 = np.mat([100, 0, np.log(np.sqrt(0.1))]).T
logtheta, fvals, iter = minimize(logtheta0, 'gpr_multi_new', -300, covfunc, PA,
2 * np.sqrt(T) * eix * np.diag(np.sqrt(eig_Kx)) / np.sqrt(eig_Kx[0]))
nlml, dnlml = gpr_multi_new(logtheta, covfunc, PA,
2 * np.sqrt(T) * eix * np.diag(np.sqrt(eig_Kx)) / np.sqrt(eig_Kx[0]),
nargout=2)
score = nlml # negative log-likelihood
return score
| [
11748,
10688,
198,
198,
11748,
19798,
292,
355,
279,
67,
198,
198,
6738,
26846,
6765,
1501,
13,
26791,
13,
26595,
18274,
4487,
1330,
1635,
628,
198,
4299,
1957,
62,
26675,
62,
33,
2149,
7,
6601,
11,
1312,
11,
8147,
72,
11,
10007,
28,
14202,
2599,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
27131,
378,
262,
1635,
31591,
9,
1957,
4776,
351,
347,
2149,
329,
262,
14174,
12822,
31562,
2555,
1366,
1339,
628,
220,
220,
220,
40117,
198,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
6060,
25,
299,
67,
18747,
11,
357,
39873,
11,
3033,
8,
198,
220,
220,
220,
1312,
25,
1459,
6376,
198,
220,
220,
220,
8147,
72,
25,
2560,
39199,
198,
220,
220,
220,
10007,
25,
37456,
62,
8367,
11,
262,
7389,
9780,
286,
275,
291,
628,
220,
220,
220,
16409,
198,
220,
220,
220,
35656,
198,
220,
220,
220,
4776,
25,
1957,
347,
2149,
4776,
198,
220,
220,
220,
705,
7061,
628,
220,
220,
220,
611,
10007,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
37456,
62,
8367,
796,
352,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
37456,
62,
8367,
796,
10007,
17816,
50033,
62,
8367,
20520,
628,
220,
220,
220,
6060,
796,
45941,
13,
6759,
7,
6601,
8,
198,
220,
220,
220,
309,
796,
6060,
13,
43358,
58,
15,
60,
198,
220,
220,
220,
1395,
796,
6060,
58,
45299,
1312,
60,
628,
220,
220,
220,
611,
18896,
7,
4537,
72,
8,
14512,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
8147,
796,
6060,
58,
45299,
8147,
72,
60,
198,
220,
220,
220,
220,
220,
220,
220,
360,
796,
8147,
13,
43358,
58,
16,
60,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
27099,
262,
10007,
416,
5415,
14955,
198,
220,
220,
220,
220,
220,
220,
220,
367,
796,
8147,
1635,
279,
67,
16340,
7,
4537,
13,
51,
1635,
8147,
8,
1635,
8147,
13,
51,
198,
220,
220,
220,
220,
220,
220,
220,
412,
796,
1395,
532,
367,
1635,
1395,
198,
220,
220,
220,
220,
220,
220,
220,
264,
13495,
17,
796,
45941,
13,
16345,
7,
37659,
13,
6477,
7,
36,
11,
362,
4008,
1220,
309,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
347,
2149,
198,
220,
220,
220,
220,
220,
220,
220,
4776,
796,
309,
1635,
45941,
13,
6404,
7,
82,
13495,
17,
8,
1343,
37456,
62,
8367,
1635,
360,
1635,
45941,
13,
6404,
7,
51,
8,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
264,
13495,
17,
796,
45941,
13,
16345,
7,
37659,
13,
6477,
7,
55,
11,
362,
4008,
1220,
309,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
347,
2149,
198,
220,
220,
220,
220,
220,
220,
220,
4776,
796,
309,
1635,
45941,
13,
6404,
7,
82,
13495,
17,
8,
628,
220,
220,
220,
1441,
4776,
628,
198,
4299,
1957,
62,
26675,
62,
33,
5005,
84,
7,
6601,
11,
1312,
11,
8147,
72,
11,
10007,
28,
14202,
2599,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
27131,
378,
262,
1635,
31591,
9,
1957,
4776,
351,
347,
5005,
84,
329,
262,
28810,
1339,
628,
220,
220,
220,
40117,
198,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
6060,
25,
357,
39873,
11,
3033,
8,
198,
220,
220,
220,
1312,
25,
1459,
6376,
198,
220,
220,
220,
8147,
72,
25,
2560,
39199,
198,
220,
220,
220,
10007,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6291,
62,
3448,
273,
25,
6291,
3161,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4645,
62,
3448,
273,
25,
4645,
3161,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
374,
62,
72,
62,
8899,
25,
1271,
286,
2585,
286,
262,
27454,
4738,
7885,
1395,
23330,
72,
92,
628,
220,
220,
220,
16409,
198,
220,
220,
220,
35656,
198,
220,
220,
220,
4776,
25,
1957,
347,
5005,
84,
4776,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
611,
10007,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
6291,
62,
3448,
273,
796,
352,
220,
1303,
4277,
6291,
62,
3448,
273,
796,
352,
198,
220,
220,
220,
220,
220,
220,
220,
4645,
62,
3448,
273,
796,
352,
220,
1303,
4277,
4645,
62,
3448,
273,
796,
352,
198,
220,
220,
220,
220,
220,
220,
220,
374,
62,
72,
62,
8899,
796,
1391,
72,
25,
18896,
7,
37659,
13,
34642,
7,
37659,
13,
292,
18747,
7,
6601,
58,
45299,
1312,
60,
22305,
329,
1312,
287,
2837,
7,
6601,
13,
43358,
58,
16,
12962,
92,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
6291,
62,
3448,
273,
796,
10007,
17816,
39873,
62,
3448,
273,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
4645,
62,
3448,
273,
796,
10007,
17816,
301,
5620,
62,
3448,
273,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
374,
62,
72,
62,
8899,
796,
10007,
17816,
81,
62,
72,
62,
8899,
20520,
628,
220,
220,
220,
1303,
15284,
10662,
23330,
72,
92,
198,
220,
220,
220,
10662,
62,
72,
796,
352,
198,
220,
220,
220,
329,
14187,
287,
8147,
72,
25,
198,
220,
220,
220,
220,
220,
220,
220,
10662,
62,
72,
1635,
28,
374,
62,
72,
62,
8899,
58,
8957,
60,
628,
220,
220,
220,
611,
18896,
7,
4537,
72,
8,
14512,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
15284,
399,
23330,
2926,
92,
198,
220,
220,
220,
220,
220,
220,
220,
3891,
796,
37250,
87,
90,
92,
4458,
18982,
7,
72,
8,
329,
1312,
287,
2837,
7,
6601,
13,
43358,
58,
16,
12962,
60,
198,
220,
220,
220,
220,
220,
220,
220,
6060,
62,
30094,
796,
279,
67,
13,
6601,
19778,
7,
6601,
11,
15180,
28,
14933,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1582,
415,
62,
14933,
796,
37250,
87,
90,
92,
4458,
18982,
7,
72,
8,
329,
1312,
287,
8147,
72,
60,
198,
220,
220,
220,
220,
220,
220,
220,
6060,
62,
30094,
62,
8094,
62,
45,
2926,
796,
6060,
62,
30094,
13,
8094,
1525,
7,
1845,
415,
62,
14933,
8,
198,
220,
220,
220,
220,
220,
220,
220,
399,
2926,
62,
8899,
796,
1391,
2539,
25,
18896,
7,
6601,
62,
30094,
62,
8094,
62,
45,
2926,
13,
521,
1063,
13,
1136,
7,
2539,
4008,
329,
1994,
287,
6060,
62,
30094,
62,
8094,
62,
45,
2926,
13,
521,
1063,
13,
13083,
3419,
92,
198,
220,
220,
220,
220,
220,
220,
220,
399,
2926,
62,
8899,
62,
13083,
62,
4868,
796,
1351,
7,
45,
2926,
62,
8899,
13,
13083,
28955,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
15284,
399,
23330,
45961,
92,
198,
220,
220,
220,
220,
220,
220,
220,
399,
45961,
62,
8899,
796,
1391,
2926,
25,
6060,
62,
30094,
62,
8094,
62,
45,
2926,
13,
1136,
62,
8094,
7,
2926,
737,
8094,
1525,
10786,
87,
90,
92,
4458,
18982,
7,
72,
29720,
39014,
7,
11925,
737,
42503,
62,
9630,
3419,
329,
1312,
73,
287,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
399,
2926,
62,
8899,
13,
13083,
3419,
92,
198,
220,
220,
220,
220,
220,
220,
220,
329,
410,
287,
399,
45961,
62,
8899,
13,
27160,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
410,
13,
28665,
82,
796,
37250,
87,
90,
92,
4458,
18982,
7,
72,
828,
705,
22355,
20520,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
15284,
399,
23330,
2926,
92,
198,
220,
220,
220,
220,
220,
220,
220,
3891,
796,
37250,
87,
90,
92,
4458,
18982,
7,
72,
8,
329,
1312,
287,
2837,
7,
6601,
13,
43358,
58,
16,
12962,
60,
198,
220,
220,
220,
220,
220,
220,
220,
399,
2926,
62,
8899,
796,
1391,
7061,
25,
18896,
7,
6601,
58,
45299,
1312,
12962,
92,
198,
220,
220,
220,
220,
220,
220,
220,
399,
2926,
62,
8899,
62,
13083,
62,
4868,
796,
685,
7061,
60,
198,
220,
220,
220,
220,
220,
220,
220,
6060,
62,
30094,
796,
279,
67,
13,
6601,
19778,
7,
6601,
11,
15180,
28,
14933,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
15284,
399,
23330,
45961,
92,
198,
220,
220,
220,
220,
220,
220,
220,
399,
45961,
62,
8899,
796,
1391,
2926,
25,
6060,
62,
30094,
13,
8094,
1525,
10786,
87,
90,
92,
4458,
18982,
7,
72,
29720,
39014,
7,
11925,
737,
42503,
62,
9630,
3419,
329,
1312,
73,
287,
399,
2926,
62,
8899,
62,
13083,
62,
4868,
92,
198,
220,
220,
220,
220,
220,
220,
220,
329,
410,
287,
399,
45961,
62,
8899,
13,
27160,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
410,
13,
28665,
82,
796,
37250,
87,
90,
92,
4458,
18982,
7,
72,
828,
705,
22355,
20520,
628,
220,
220,
220,
347,
5005,
84,
62,
26675,
796,
657,
198,
220,
220,
220,
1303,
717,
3381,
198,
220,
220,
220,
45887,
796,
6060,
13,
43358,
58,
15,
60,
532,
352,
198,
220,
220,
220,
347,
5005,
84,
62,
26675,
15853,
18896,
7,
4537,
72,
8,
1635,
45941,
13,
6404,
7,
301,
5620,
62,
3448,
273,
1220,
45887,
8,
1343,
357,
14761,
532,
18896,
7,
4537,
72,
4008,
1635,
45941,
13,
6404,
7,
16,
532,
357,
301,
5620,
62,
3448,
273,
1220,
45887,
4008,
628,
220,
220,
220,
1303,
1218,
3381,
198,
220,
220,
220,
329,
14187,
287,
2837,
7,
11925,
7,
45,
2926,
62,
8899,
62,
13083,
62,
4868,
8,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
399,
2926,
796,
399,
2926,
62,
8899,
13,
1136,
7,
45,
2926,
62,
8899,
62,
13083,
62,
4868,
58,
8957,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
717,
62,
4354,
796,
10688,
13,
75,
28483,
2611,
7,
39873,
62,
3448,
273,
1220,
10662,
62,
72,
8,
532,
10688,
13,
75,
28483,
2611,
7,
45,
2926,
1343,
6291,
62,
3448,
273,
1220,
10662,
62,
72,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1218,
62,
4354,
796,
657,
198,
220,
220,
220,
220,
220,
220,
220,
399,
45961,
62,
4868,
796,
399,
45961,
62,
8899,
13,
1136,
7,
45,
2926,
62,
8899,
62,
13083,
62,
4868,
58,
8957,
12962,
17816,
22355,
6,
4083,
1462,
62,
77,
32152,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
329,
399,
45961,
287,
399,
45961,
62,
4868,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1218,
62,
4354,
15853,
10688,
13,
75,
28483,
2611,
7,
45,
45961,
1343,
6291,
62,
3448,
273,
1220,
357,
81,
62,
72,
62,
8899,
58,
72,
60,
1635,
10662,
62,
72,
4008,
532,
10688,
13,
75,
28483,
2611,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6291,
62,
3448,
273,
1220,
357,
81,
62,
72,
62,
8899,
58,
72,
60,
1635,
10662,
62,
72,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
347,
5005,
84,
62,
26675,
15853,
717,
62,
4354,
1343,
1218,
62,
4354,
628,
220,
220,
220,
1441,
532,
33,
5005,
84,
62,
26675,
628,
198,
4299,
1957,
62,
26675,
62,
33967,
62,
24622,
7,
6601,
11,
21313,
11,
8147,
72,
11,
10007,
2599,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
27131,
378,
262,
1957,
4776,
198,
220,
220,
220,
1262,
4633,
479,
12,
11379,
3272,
12,
12102,
515,
2604,
14955,
355,
262,
4776,
198,
220,
220,
220,
1912,
319,
257,
20683,
2746,
287,
371,
42,
7998,
628,
220,
220,
220,
40117,
198,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
6060,
25,
357,
39873,
11,
3033,
8,
198,
220,
220,
220,
1312,
25,
1459,
6376,
198,
220,
220,
220,
8147,
72,
25,
2560,
39199,
198,
220,
220,
220,
10007,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
479,
11379,
25,
479,
12,
11379,
3272,
21201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
37456,
25,
3218,
1634,
11507,
628,
220,
220,
220,
16409,
198,
220,
220,
220,
35656,
198,
220,
220,
220,
4776,
25,
1957,
4776,
198,
220,
220,
220,
705,
7061,
628,
220,
220,
220,
6060,
796,
45941,
13,
6759,
7,
6601,
8,
198,
220,
220,
220,
8147,
72,
796,
1351,
7,
4537,
72,
8,
628,
220,
220,
220,
309,
796,
6060,
13,
43358,
58,
15,
60,
198,
220,
220,
220,
1395,
796,
6060,
58,
45299,
21313,
60,
198,
220,
220,
220,
1401,
62,
50033,
796,
10007,
17816,
50033,
20520,
220,
1303,
3218,
1634,
11507,
198,
220,
220,
220,
479,
796,
10007,
17816,
74,
11379,
20520,
220,
1303,
479,
12,
11379,
3272,
21201,
198,
220,
220,
220,
299,
15,
796,
10688,
13,
28300,
7,
51,
1220,
479,
8,
198,
220,
220,
220,
34236,
796,
657,
13,
486,
198,
220,
220,
220,
536,
3447,
796,
352,
36,
12,
20,
628,
220,
220,
220,
611,
357,
11925,
7,
4537,
72,
8,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
8147,
796,
6060,
58,
45299,
8147,
72,
60,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
900,
262,
9720,
329,
1395,
198,
220,
220,
220,
220,
220,
220,
220,
402,
55,
796,
45941,
13,
16345,
7,
37659,
13,
16680,
541,
306,
7,
55,
11,
1395,
828,
16488,
28,
16,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1195,
796,
45941,
13,
40927,
7,
38,
55,
11,
357,
16,
11,
309,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
371,
796,
45941,
13,
40927,
7,
38,
55,
13,
51,
11,
357,
51,
11,
352,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
288,
1023,
796,
1195,
1343,
371,
532,
362,
1635,
1395,
1635,
1395,
13,
51,
198,
220,
220,
220,
220,
220,
220,
220,
288,
1023,
796,
288,
1023,
532,
45941,
13,
2213,
346,
7,
67,
1023,
8,
198,
220,
220,
220,
220,
220,
220,
220,
288,
1023,
796,
45941,
13,
3447,
1758,
7,
67,
1023,
11,
357,
51,
12429,
362,
11,
352,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
9647,
796,
45941,
13,
31166,
17034,
7,
15,
13,
20,
1635,
45941,
13,
1150,
666,
7,
67,
1023,
58,
37659,
13,
3003,
7,
67,
1023,
1875,
657,
8,
4357,
16488,
28,
16,
38381,
15,
11,
657,
12962,
220,
1303,
14288,
1988,
198,
220,
220,
220,
220,
220,
220,
220,
9647,
796,
9647,
1635,
362,
198,
220,
220,
220,
220,
220,
220,
220,
262,
8326,
796,
352,
1220,
357,
10394,
12429,
362,
8,
628,
220,
220,
220,
220,
220,
220,
220,
509,
87,
11,
4808,
796,
9720,
7,
55,
11,
1395,
11,
357,
1169,
8326,
11,
352,
4008,
220,
1303,
12822,
31562,
9720,
198,
220,
220,
220,
220,
220,
220,
220,
367,
15,
796,
45941,
13,
6759,
7,
37659,
13,
25379,
7,
51,
4008,
532,
45941,
13,
6759,
7,
37659,
13,
1952,
19510,
51,
11,
309,
22305,
1220,
357,
51,
8,
220,
1303,
329,
1247,
1586,
286,
262,
1366,
287,
3895,
2272,
198,
220,
220,
220,
220,
220,
220,
220,
509,
87,
796,
367,
15,
1635,
509,
87,
1635,
367,
15,
220,
1303,
9720,
17593,
329,
1395,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
304,
328,
62,
42,
87,
11,
304,
844,
796,
304,
328,
12501,
19510,
42,
87,
1343,
509,
87,
13,
51,
20679,
17,
11,
45941,
13,
1084,
26933,
7029,
11,
10688,
13,
28300,
7,
51,
14,
17,
15437,
828,
819,
874,
62,
8807,
28,
25101,
8,
220,
220,
1303,
1220,
17,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
2873,
87,
796,
45941,
13,
3003,
7,
68,
328,
62,
42,
87,
1875,
45941,
13,
9806,
7,
68,
328,
62,
42,
87,
8,
1635,
536,
3447,
38381,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
304,
328,
62,
42,
87,
796,
304,
328,
62,
42,
87,
58,
3978,
87,
60,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
304,
844,
796,
304,
844,
58,
45299,
2873,
87,
60,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
285,
87,
796,
18896,
7,
3978,
87,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
900,
262,
9720,
329,
8147,
198,
220,
220,
220,
220,
220,
220,
220,
509,
8957,
796,
45941,
13,
6759,
7,
37659,
13,
1952,
19510,
51,
11,
309,
22305,
628,
220,
220,
220,
220,
220,
220,
220,
329,
285,
287,
2837,
7,
4537,
13,
43358,
58,
16,
60,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
402,
796,
45941,
13,
16345,
19510,
37659,
13,
16680,
541,
306,
7,
4537,
58,
45299,
285,
4357,
8147,
58,
45299,
285,
12962,
828,
16488,
28,
16,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1195,
796,
45941,
13,
40927,
7,
38,
11,
357,
16,
11,
309,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
371,
796,
45941,
13,
40927,
7,
38,
13,
51,
11,
357,
51,
11,
352,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
288,
1023,
796,
1195,
1343,
371,
532,
362,
1635,
8147,
58,
45299,
285,
60,
1635,
8147,
58,
45299,
285,
4083,
51,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
288,
1023,
796,
288,
1023,
532,
45941,
13,
2213,
346,
7,
67,
1023,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
288,
1023,
796,
45941,
13,
3447,
1758,
7,
67,
1023,
11,
357,
51,
12429,
362,
11,
352,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9647,
796,
45941,
13,
31166,
17034,
7,
15,
13,
20,
1635,
45941,
13,
1150,
666,
7,
67,
1023,
58,
37659,
13,
3003,
7,
67,
1023,
1875,
657,
8,
4357,
16488,
28,
16,
38381,
15,
11,
657,
12962,
220,
1303,
14288,
1988,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9647,
796,
9647,
1635,
362,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
262,
8326,
796,
352,
1220,
357,
10394,
12429,
362,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
8957,
796,
45941,
13,
16680,
541,
306,
7,
42,
8957,
11,
9720,
7,
4537,
58,
45299,
285,
4357,
8147,
58,
45299,
285,
4357,
357,
1169,
8326,
11,
352,
4008,
58,
15,
12962,
628,
220,
220,
220,
220,
220,
220,
220,
367,
15,
796,
45941,
13,
6759,
7,
37659,
13,
25379,
7,
51,
4008,
532,
45941,
13,
6759,
7,
37659,
13,
1952,
19510,
51,
11,
309,
22305,
1220,
357,
51,
8,
220,
1303,
329,
1247,
1586,
286,
262,
1366,
287,
3895,
2272,
198,
220,
220,
220,
220,
220,
220,
220,
509,
8957,
796,
367,
15,
1635,
509,
8957,
1635,
367,
15,
220,
1303,
9720,
17593,
329,
8147,
628,
220,
220,
220,
220,
220,
220,
220,
26196,
796,
657,
198,
220,
220,
220,
220,
220,
220,
220,
329,
479,
74,
287,
2837,
7,
74,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
357,
28747,
6624,
657,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
87,
62,
660,
796,
509,
87,
58,
15,
25,
77,
15,
11,
657,
25,
77,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
87,
62,
2213,
796,
509,
87,
58,
77,
15,
25,
309,
11,
299,
15,
25,
309,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
87,
62,
2213,
62,
660,
796,
509,
87,
58,
77,
15,
25,
309,
11,
657,
25,
299,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
8957,
62,
660,
796,
509,
8957,
58,
15,
25,
77,
15,
11,
657,
25,
299,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
8957,
62,
2213,
796,
509,
8957,
58,
77,
15,
25,
309,
11,
299,
15,
25,
309,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
8957,
62,
2213,
62,
660,
796,
509,
8957,
58,
77,
15,
25,
309,
11,
657,
25,
299,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
299,
85,
796,
299,
15,
220,
1303,
6291,
2546,
286,
31031,
1366,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
357,
28747,
6624,
479,
532,
352,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
87,
62,
660,
796,
509,
87,
58,
28747,
1635,
299,
15,
25,
51,
11,
479,
74,
1635,
299,
15,
25,
309,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
87,
62,
2213,
796,
509,
87,
58,
15,
25,
28747,
1635,
299,
15,
11,
657,
25,
479,
74,
1635,
299,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
87,
62,
2213,
62,
660,
796,
509,
87,
58,
15,
25,
28747,
1635,
299,
15,
11,
479,
74,
1635,
299,
15,
25,
309,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
8957,
62,
660,
796,
509,
8957,
58,
28747,
1635,
299,
15,
25,
51,
11,
479,
74,
1635,
299,
15,
25,
309,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
8957,
62,
2213,
796,
509,
8957,
58,
15,
25,
479,
74,
1635,
299,
15,
11,
657,
25,
479,
74,
1635,
299,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
8957,
62,
2213,
62,
660,
796,
509,
8957,
58,
15,
25,
28747,
1635,
299,
15,
11,
479,
74,
1635,
299,
15,
25,
309,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
299,
85,
796,
309,
532,
479,
74,
1635,
299,
15,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
357,
28747,
1279,
479,
532,
352,
290,
479,
74,
1875,
657,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
87,
62,
660,
796,
509,
87,
58,
28747,
1635,
299,
15,
25,
357,
28747,
1343,
352,
8,
1635,
299,
15,
11,
479,
74,
1635,
299,
15,
25,
357,
28747,
1343,
352,
8,
1635,
299,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
87,
62,
2213,
796,
509,
87,
58,
37659,
13,
844,
41052,
37659,
13,
1102,
9246,
268,
378,
26933,
37659,
13,
283,
858,
7,
15,
11,
479,
74,
1635,
299,
15,
828,
45941,
13,
283,
858,
19510,
28747,
1343,
352,
8,
1635,
299,
15,
11,
309,
15437,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
45941,
13,
1102,
9246,
268,
378,
26933,
37659,
13,
283,
858,
7,
15,
11,
479,
74,
1635,
299,
15,
828,
45941,
13,
283,
858,
19510,
28747,
1343,
352,
8,
1635,
299,
15,
11,
309,
15437,
4008,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
87,
62,
2213,
62,
660,
796,
509,
87,
58,
37659,
13,
844,
41052,
37659,
13,
1102,
9246,
268,
378,
26933,
37659,
13,
283,
858,
7,
15,
11,
479,
74,
1635,
299,
15,
828,
45941,
13,
283,
858,
19510,
28747,
1343,
352,
8,
1635,
299,
15,
11,
309,
15437,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
45941,
13,
283,
858,
7,
28747,
1635,
299,
15,
11,
357,
28747,
1343,
352,
8,
1635,
299,
15,
4008,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
8957,
62,
660,
796,
509,
8957,
58,
28747,
1635,
299,
15,
25,
357,
28747,
1343,
352,
8,
1635,
299,
15,
11,
479,
74,
1635,
299,
15,
25,
357,
28747,
1343,
352,
8,
1635,
299,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
8957,
62,
2213,
796,
509,
8957,
58,
37659,
13,
844,
41052,
37659,
13,
1102,
9246,
268,
378,
26933,
37659,
13,
283,
858,
7,
15,
11,
479,
74,
1635,
299,
15,
828,
45941,
13,
283,
858,
19510,
28747,
1343,
352,
8,
1635,
299,
15,
11,
309,
15437,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
45941,
13,
1102,
9246,
268,
378,
26933,
37659,
13,
283,
858,
7,
15,
11,
479,
74,
1635,
299,
15,
828,
45941,
13,
283,
858,
19510,
28747,
1343,
352,
8,
1635,
299,
15,
11,
309,
15437,
4008,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
8957,
62,
2213,
62,
660,
796,
509,
8957,
58,
37659,
13,
844,
41052,
37659,
13,
1102,
9246,
268,
378,
26933,
37659,
13,
283,
858,
7,
15,
11,
479,
74,
1635,
299,
15,
828,
45941,
13,
283,
858,
19510,
28747,
1343,
352,
8,
1635,
299,
15,
11,
309,
15437,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
45941,
13,
283,
858,
7,
28747,
1635,
299,
15,
11,
357,
28747,
1343,
352,
8,
1635,
299,
15,
4008,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
299,
85,
796,
299,
15,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
299,
16,
796,
309,
532,
299,
85,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
45218,
16,
796,
279,
67,
16340,
7,
42,
8957,
62,
2213,
1343,
299,
16,
1635,
1401,
62,
50033,
1635,
45941,
13,
6759,
7,
37659,
13,
25379,
7,
77,
16,
22305,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
45218,
17,
796,
45218,
16,
1635,
509,
87,
62,
2213,
1635,
45218,
16,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
45218,
18,
796,
45218,
16,
1635,
279,
67,
16340,
7,
37659,
13,
6759,
7,
37659,
13,
25379,
7,
77,
16,
4008,
1343,
299,
16,
1635,
1401,
62,
50033,
12429,
362,
1220,
34236,
1635,
45218,
17,
8,
1635,
45218,
16,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
317,
796,
357,
42,
87,
62,
660,
1343,
509,
8957,
62,
2213,
62,
660,
13,
51,
1635,
45218,
17,
1635,
509,
8957,
62,
2213,
62,
660,
532,
362,
1635,
509,
87,
62,
2213,
62,
660,
13,
51,
1635,
45218,
16,
1635,
509,
8957,
62,
2213,
62,
660,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
532,
299,
16,
1635,
1401,
62,
50033,
12429,
362,
1220,
34236,
1635,
509,
87,
62,
2213,
62,
660,
13,
51,
1635,
45218,
18,
1635,
509,
87,
62,
2213,
62,
660,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
532,
299,
16,
1635,
1401,
62,
50033,
12429,
362,
1220,
34236,
1635,
509,
8957,
62,
2213,
62,
660,
13,
51,
1635,
45218,
16,
1635,
509,
87,
62,
2213,
1635,
45218,
18,
1635,
509,
87,
62,
2213,
1635,
45218,
16,
1635,
509,
8957,
62,
2213,
62,
660,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1343,
362,
1635,
299,
16,
1635,
1401,
62,
50033,
12429,
362,
1220,
34236,
1635,
509,
87,
62,
2213,
62,
660,
13,
51,
1635,
45218,
18,
1635,
509,
87,
62,
2213,
1635,
45218,
16,
1635,
509,
8957,
62,
2213,
62,
660,
8,
1220,
34236,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
347,
796,
299,
16,
1635,
1401,
62,
50033,
12429,
362,
1220,
34236,
1635,
45218,
17,
1343,
45941,
13,
6759,
7,
37659,
13,
25379,
7,
77,
16,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
406,
796,
45941,
13,
75,
1292,
70,
13,
354,
4316,
2584,
7,
33,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
327,
796,
45941,
13,
16345,
7,
37659,
13,
6404,
7,
37659,
13,
10989,
363,
7,
43,
22305,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
220,
26196,
796,
26196,
1343,
357,
48005,
9,
48005,
9,
6404,
7,
17,
9,
14415,
8,
1343,
299,
85,
9,
34,
1343,
299,
85,
9,
36802,
9,
6404,
7,
28483,
2611,
8,
1343,
12854,
7,
32,
4008,
14,
17,
26,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
26196,
796,
26196,
1343,
357,
48005,
1635,
299,
85,
1635,
45941,
13,
6404,
7,
17,
1635,
45941,
13,
14415,
8,
1343,
299,
85,
1635,
327,
1343,
45941,
13,
40546,
7,
32,
4008,
1220,
362,
628,
220,
220,
220,
220,
220,
220,
220,
26196,
796,
26196,
1220,
479,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
900,
262,
9720,
329,
1395,
198,
220,
220,
220,
220,
220,
220,
220,
402,
55,
796,
45941,
13,
16345,
7,
37659,
13,
16680,
541,
306,
7,
55,
11,
1395,
828,
16488,
28,
16,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1195,
796,
45941,
13,
40927,
7,
38,
55,
11,
357,
16,
11,
309,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
371,
796,
45941,
13,
40927,
7,
38,
55,
13,
51,
11,
357,
51,
11,
352,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
288,
1023,
796,
1195,
1343,
371,
532,
362,
1635,
1395,
1635,
1395,
13,
51,
198,
220,
220,
220,
220,
220,
220,
220,
288,
1023,
796,
288,
1023,
532,
45941,
13,
2213,
346,
7,
67,
1023,
8,
198,
220,
220,
220,
220,
220,
220,
220,
288,
1023,
796,
45941,
13,
3447,
1758,
7,
67,
1023,
11,
357,
51,
12429,
362,
11,
352,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
9647,
796,
45941,
13,
31166,
17034,
7,
15,
13,
20,
1635,
45941,
13,
1150,
666,
7,
67,
1023,
58,
37659,
13,
3003,
7,
67,
1023,
1875,
657,
8,
4357,
16488,
28,
16,
38381,
15,
11,
657,
12962,
220,
1303,
14288,
1988,
198,
220,
220,
220,
220,
220,
220,
220,
9647,
796,
9647,
1635,
362,
198,
220,
220,
220,
220,
220,
220,
220,
262,
8326,
796,
352,
1220,
357,
10394,
12429,
362,
8,
628,
220,
220,
220,
220,
220,
220,
220,
509,
87,
11,
4808,
796,
9720,
7,
55,
11,
1395,
11,
357,
1169,
8326,
11,
352,
4008,
220,
1303,
12822,
31562,
9720,
198,
220,
220,
220,
220,
220,
220,
220,
367,
15,
796,
45941,
13,
6759,
7,
37659,
13,
25379,
7,
51,
4008,
532,
45941,
13,
6759,
7,
37659,
13,
1952,
19510,
51,
11,
309,
22305,
1220,
357,
51,
8,
220,
1303,
329,
1247,
1586,
286,
262,
1366,
287,
3895,
2272,
198,
220,
220,
220,
220,
220,
220,
220,
509,
87,
796,
367,
15,
1635,
509,
87,
1635,
367,
15,
220,
1303,
9720,
17593,
329,
1395,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
304,
328,
62,
42,
87,
11,
304,
844,
796,
304,
328,
12501,
19510,
42,
87,
1343,
509,
87,
13,
51,
8,
1220,
362,
11,
45941,
13,
1084,
26933,
7029,
11,
10688,
13,
28300,
7,
51,
1220,
362,
15437,
828,
819,
874,
62,
8807,
28,
25101,
8,
220,
1303,
1220,
17,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
2873,
87,
796,
45941,
13,
3003,
7,
68,
328,
62,
42,
87,
1875,
45941,
13,
9806,
7,
68,
328,
62,
42,
87,
8,
1635,
536,
3447,
38381,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
285,
87,
796,
18896,
7,
3978,
87,
8,
628,
220,
220,
220,
220,
220,
220,
220,
26196,
796,
657,
198,
220,
220,
220,
220,
220,
220,
220,
329,
479,
74,
287,
2837,
7,
74,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
357,
28747,
6624,
657,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
87,
62,
660,
796,
509,
87,
58,
28747,
1635,
299,
15,
25,
357,
28747,
1343,
352,
8,
1635,
299,
15,
11,
479,
74,
1635,
299,
15,
25,
357,
28747,
1343,
352,
8,
1635,
299,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
87,
62,
2213,
796,
509,
87,
58,
7,
28747,
1343,
352,
8,
1635,
299,
15,
25,
51,
11,
357,
28747,
1343,
352,
8,
1635,
299,
15,
25,
309,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
87,
62,
2213,
62,
660,
796,
509,
87,
58,
7,
28747,
1343,
352,
8,
1635,
299,
15,
25,
51,
11,
479,
74,
1635,
299,
15,
25,
357,
28747,
1343,
352,
8,
1635,
299,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
299,
85,
796,
299,
15,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
357,
28747,
6624,
479,
532,
352,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
87,
62,
660,
796,
509,
87,
58,
28747,
1635,
299,
15,
25,
309,
11,
479,
74,
1635,
299,
15,
25,
309,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
87,
62,
2213,
796,
509,
87,
58,
15,
25,
479,
74,
1635,
299,
15,
11,
657,
25,
479,
74,
1635,
299,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
87,
62,
2213,
62,
660,
796,
509,
87,
58,
15,
25,
28747,
1635,
299,
15,
11,
479,
74,
1635,
299,
15,
25,
309,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
299,
85,
796,
309,
532,
479,
74,
1635,
299,
15,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
357,
28747,
1279,
479,
532,
352,
290,
479,
74,
1875,
657,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
87,
62,
660,
796,
509,
87,
58,
28747,
1635,
299,
15,
25,
357,
28747,
1343,
352,
8,
1635,
299,
15,
11,
479,
74,
1635,
299,
15,
25,
357,
28747,
1343,
352,
8,
1635,
299,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
87,
62,
2213,
796,
509,
87,
58,
37659,
13,
844,
41052,
37659,
13,
1102,
9246,
268,
378,
26933,
37659,
13,
283,
858,
7,
15,
11,
479,
74,
1635,
299,
15,
828,
45941,
13,
283,
858,
19510,
28747,
1343,
352,
8,
1635,
299,
15,
11,
309,
15437,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
45941,
13,
1102,
9246,
268,
378,
26933,
37659,
13,
283,
858,
7,
15,
11,
479,
74,
1635,
299,
15,
828,
45941,
13,
283,
858,
19510,
28747,
1343,
352,
8,
1635,
299,
15,
11,
309,
15437,
4008,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
87,
62,
2213,
62,
660,
796,
509,
87,
58,
37659,
13,
844,
41052,
37659,
13,
1102,
9246,
268,
378,
26933,
37659,
13,
283,
858,
7,
15,
11,
479,
74,
1635,
299,
15,
828,
45941,
13,
283,
858,
19510,
28747,
1343,
352,
8,
1635,
299,
15,
11,
309,
15437,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
45941,
13,
283,
858,
7,
28747,
1635,
299,
15,
11,
357,
28747,
1343,
352,
8,
1635,
299,
15,
4008,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
299,
85,
796,
299,
15,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
299,
16,
796,
309,
532,
299,
85,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
317,
796,
357,
42,
87,
62,
660,
532,
352,
1220,
357,
28483,
2611,
1635,
299,
16,
8,
1635,
509,
87,
62,
2213,
62,
660,
13,
51,
1635,
279,
67,
16340,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
45941,
13,
6759,
7,
37659,
13,
25379,
7,
77,
16,
4008,
1343,
352,
1220,
357,
28483,
2611,
1635,
299,
16,
8,
1635,
509,
87,
62,
2213,
8,
1635,
509,
87,
62,
2213,
62,
660,
8,
1220,
34236,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
347,
796,
352,
1220,
357,
28483,
2611,
1635,
299,
16,
8,
1635,
509,
87,
62,
2213,
1343,
45941,
13,
6759,
7,
37659,
13,
25379,
7,
77,
16,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
406,
796,
45941,
13,
75,
1292,
70,
13,
354,
4316,
2584,
7,
33,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
327,
796,
45941,
13,
16345,
7,
37659,
13,
6404,
7,
37659,
13,
10989,
363,
7,
43,
22305,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
26196,
796,
26196,
1343,
357,
48005,
9,
48005,
9,
6404,
7,
17,
9,
14415,
8,
1343,
299,
85,
9,
34,
1343,
299,
85,
9,
36802,
9,
6404,
7,
28483,
2611,
8,
1343,
12854,
7,
32,
4008,
14,
17,
26,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
26196,
796,
26196,
1343,
357,
48005,
1635,
299,
85,
1635,
45941,
13,
6404,
7,
17,
1635,
45941,
13,
14415,
8,
1343,
299,
85,
1635,
327,
1343,
45941,
13,
40546,
7,
32,
4008,
1220,
362,
628,
220,
220,
220,
220,
220,
220,
220,
26196,
796,
26196,
1220,
479,
628,
220,
220,
220,
4776,
796,
26196,
220,
1303,
4633,
3272,
12,
12102,
515,
14955,
198,
220,
220,
220,
1441,
4776,
628,
198,
4299,
1957,
62,
26675,
62,
33967,
62,
41684,
7,
6601,
11,
21313,
11,
8147,
72,
11,
10007,
2599,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
27131,
378,
262,
1957,
4776,
198,
220,
220,
220,
1262,
4633,
479,
12,
11379,
3272,
12,
12102,
515,
2604,
14955,
355,
262,
4776,
198,
220,
220,
220,
1912,
319,
257,
20683,
2746,
287,
371,
42,
7998,
198,
220,
220,
220,
329,
9633,
351,
5021,
12,
25641,
378,
15225,
628,
220,
220,
220,
40117,
198,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
6060,
25,
357,
39873,
11,
3033,
8,
198,
220,
220,
220,
1312,
25,
1459,
6376,
198,
220,
220,
220,
8147,
72,
25,
2560,
39199,
198,
220,
220,
220,
10007,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
479,
11379,
25,
479,
12,
11379,
3272,
21201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
37456,
25,
3218,
1634,
11507,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
288,
18242,
25,
329,
9633,
351,
5021,
12,
27740,
5736,
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,
7603,
543,
15225,
5594,
284,
262,
1312,
12,
400,
7885,
13,
628,
220,
220,
220,
16409,
198,
220,
220,
220,
35656,
198,
220,
220,
220,
4776,
25,
1957,
4776,
198,
220,
220,
220,
705,
7061,
628,
220,
220,
220,
309,
796,
6060,
13,
43358,
58,
15,
60,
198,
220,
220,
220,
1395,
796,
6060,
58,
45299,
10007,
17816,
67,
18242,
6,
7131,
42528,
11907,
198,
220,
220,
220,
1401,
62,
50033,
796,
10007,
17816,
50033,
20520,
220,
1303,
3218,
1634,
11507,
198,
220,
220,
220,
479,
796,
10007,
17816,
74,
11379,
20520,
220,
1303,
479,
12,
11379,
3272,
21201,
198,
220,
220,
220,
299,
15,
796,
10688,
13,
28300,
7,
51,
1220,
479,
8,
198,
220,
220,
220,
34236,
796,
657,
13,
486,
198,
220,
220,
220,
536,
3447,
796,
352,
36,
12,
20,
628,
220,
220,
220,
611,
357,
11925,
7,
4537,
72,
8,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
900,
262,
9720,
329,
1395,
198,
220,
220,
220,
220,
220,
220,
220,
402,
55,
796,
45941,
13,
16345,
7,
37659,
13,
16680,
541,
306,
7,
55,
11,
1395,
828,
16488,
28,
16,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1195,
796,
45941,
13,
40927,
7,
38,
55,
11,
357,
16,
11,
309,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
371,
796,
45941,
13,
40927,
7,
38,
55,
13,
51,
11,
357,
51,
11,
352,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
288,
1023,
796,
1195,
1343,
371,
532,
362,
1635,
1395,
1635,
1395,
13,
51,
198,
220,
220,
220,
220,
220,
220,
220,
288,
1023,
796,
288,
1023,
532,
45941,
13,
2213,
346,
7,
67,
1023,
8,
198,
220,
220,
220,
220,
220,
220,
220,
288,
1023,
796,
45941,
13,
3447,
1758,
7,
67,
1023,
11,
357,
51,
12429,
362,
11,
352,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
9647,
796,
45941,
13,
31166,
17034,
7,
15,
13,
20,
1635,
45941,
13,
1150,
666,
7,
67,
1023,
58,
37659,
13,
3003,
7,
67,
1023,
1875,
657,
8,
4357,
16488,
28,
16,
38381,
15,
11,
657,
12962,
220,
1303,
14288,
1988,
198,
220,
220,
220,
220,
220,
220,
220,
9647,
796,
9647,
1635,
513,
220,
44386,
198,
220,
220,
220,
220,
220,
220,
220,
262,
8326,
796,
352,
1220,
357,
10394,
12429,
362,
1635,
1395,
13,
43358,
58,
16,
12962,
220,
1303,
628,
220,
220,
220,
220,
220,
220,
220,
509,
87,
11,
4808,
796,
9720,
7,
55,
11,
1395,
11,
357,
1169,
8326,
11,
352,
4008,
220,
1303,
12822,
31562,
9720,
198,
220,
220,
220,
220,
220,
220,
220,
367,
15,
796,
45941,
13,
6759,
7,
37659,
13,
25379,
7,
51,
4008,
532,
45941,
13,
6759,
7,
37659,
13,
1952,
19510,
51,
11,
309,
22305,
1220,
357,
51,
8,
220,
1303,
329,
1247,
1586,
286,
262,
1366,
287,
3895,
2272,
198,
220,
220,
220,
220,
220,
220,
220,
509,
87,
796,
367,
15,
1635,
509,
87,
1635,
367,
15,
220,
1303,
9720,
17593,
329,
1395,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
900,
262,
9720,
329,
8147,
198,
220,
220,
220,
220,
220,
220,
220,
509,
8957,
796,
45941,
13,
6759,
7,
37659,
13,
1952,
19510,
51,
11,
309,
22305,
628,
220,
220,
220,
220,
220,
220,
220,
329,
285,
287,
2837,
7,
11925,
7,
4537,
72,
8,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8147,
796,
6060,
58,
45299,
10007,
17816,
67,
18242,
6,
7131,
4537,
72,
58,
76,
11907,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
402,
796,
45941,
13,
16345,
19510,
37659,
13,
16680,
541,
306,
7,
4537,
11,
8147,
36911,
16488,
28,
16,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1195,
796,
45941,
13,
40927,
7,
38,
11,
357,
16,
11,
309,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
371,
796,
45941,
13,
40927,
7,
38,
13,
51,
11,
357,
51,
11,
352,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
288,
1023,
796,
1195,
1343,
371,
532,
362,
1635,
8147,
1635,
8147,
13,
51,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
288,
1023,
796,
288,
1023,
532,
45941,
13,
2213,
346,
7,
67,
1023,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
288,
1023,
796,
45941,
13,
3447,
1758,
7,
67,
1023,
11,
357,
51,
12429,
362,
11,
352,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9647,
796,
45941,
13,
31166,
17034,
7,
15,
13,
20,
1635,
45941,
13,
1150,
666,
7,
67,
1023,
58,
37659,
13,
3003,
7,
67,
1023,
1875,
657,
8,
4357,
16488,
28,
16,
38381,
15,
11,
657,
12962,
220,
1303,
14288,
1988,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9647,
796,
9647,
1635,
513,
220,
44386,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
262,
8326,
796,
352,
1220,
357,
10394,
12429,
362,
1635,
8147,
13,
43358,
58,
16,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
8957,
796,
45941,
13,
16680,
541,
306,
7,
42,
8957,
11,
9720,
7,
4537,
11,
8147,
11,
357,
1169,
8326,
11,
352,
4008,
58,
15,
12962,
628,
220,
220,
220,
220,
220,
220,
220,
367,
15,
796,
45941,
13,
6759,
7,
37659,
13,
25379,
7,
51,
4008,
532,
45941,
13,
6759,
7,
37659,
13,
1952,
19510,
51,
11,
309,
22305,
1220,
357,
51,
8,
220,
1303,
329,
1247,
1586,
286,
262,
1366,
287,
3895,
2272,
198,
220,
220,
220,
220,
220,
220,
220,
509,
8957,
796,
367,
15,
1635,
509,
8957,
1635,
367,
15,
220,
1303,
9720,
17593,
329,
8147,
628,
220,
220,
220,
220,
220,
220,
220,
26196,
796,
657,
198,
220,
220,
220,
220,
220,
220,
220,
329,
479,
74,
287,
2837,
7,
74,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
357,
28747,
6624,
657,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
87,
62,
660,
796,
509,
87,
58,
15,
25,
77,
15,
11,
657,
25,
77,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
87,
62,
2213,
796,
509,
87,
58,
77,
15,
25,
309,
11,
299,
15,
25,
309,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
87,
62,
2213,
62,
660,
796,
509,
87,
58,
77,
15,
25,
309,
11,
657,
25,
299,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
8957,
62,
660,
796,
509,
8957,
58,
15,
25,
77,
15,
11,
657,
25,
299,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
8957,
62,
2213,
796,
509,
8957,
58,
77,
15,
25,
309,
11,
299,
15,
25,
309,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
8957,
62,
2213,
62,
660,
796,
509,
8957,
58,
77,
15,
25,
309,
11,
657,
25,
299,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
299,
85,
796,
299,
15,
220,
1303,
6291,
2546,
286,
31031,
1366,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
357,
28747,
6624,
479,
532,
352,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
87,
62,
660,
796,
509,
87,
58,
28747,
1635,
299,
15,
25,
51,
11,
479,
74,
1635,
299,
15,
25,
309,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
87,
62,
2213,
796,
509,
87,
58,
15,
25,
28747,
1635,
299,
15,
11,
657,
25,
479,
74,
1635,
299,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
87,
62,
2213,
62,
660,
796,
509,
87,
58,
15,
25,
28747,
1635,
299,
15,
11,
479,
74,
1635,
299,
15,
25,
309,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
8957,
62,
660,
796,
509,
8957,
58,
28747,
1635,
299,
15,
25,
51,
11,
479,
74,
1635,
299,
15,
25,
309,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
8957,
62,
2213,
796,
509,
8957,
58,
15,
25,
479,
74,
1635,
299,
15,
11,
657,
25,
479,
74,
1635,
299,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
8957,
62,
2213,
62,
660,
796,
509,
8957,
58,
15,
25,
28747,
1635,
299,
15,
11,
479,
74,
1635,
299,
15,
25,
309,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
299,
85,
796,
309,
532,
479,
74,
1635,
299,
15,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
357,
28747,
1279,
479,
532,
352,
290,
479,
74,
1875,
657,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
87,
62,
660,
796,
509,
87,
58,
28747,
1635,
299,
15,
25,
357,
28747,
1343,
352,
8,
1635,
299,
15,
11,
479,
74,
1635,
299,
15,
25,
357,
28747,
1343,
352,
8,
1635,
299,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
87,
62,
2213,
796,
509,
87,
58,
37659,
13,
844,
41052,
37659,
13,
1102,
9246,
268,
378,
26933,
37659,
13,
283,
858,
7,
15,
11,
479,
74,
1635,
299,
15,
828,
45941,
13,
283,
858,
19510,
28747,
1343,
352,
8,
1635,
299,
15,
11,
309,
15437,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
45941,
13,
1102,
9246,
268,
378,
26933,
37659,
13,
283,
858,
7,
15,
11,
479,
74,
1635,
299,
15,
828,
45941,
13,
283,
858,
19510,
28747,
1343,
352,
8,
1635,
299,
15,
11,
309,
15437,
4008,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
87,
62,
2213,
62,
660,
796,
509,
87,
58,
37659,
13,
844,
41052,
37659,
13,
1102,
9246,
268,
378,
26933,
37659,
13,
283,
858,
7,
15,
11,
479,
74,
1635,
299,
15,
828,
45941,
13,
283,
858,
19510,
28747,
1343,
352,
8,
1635,
299,
15,
11,
309,
15437,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
45941,
13,
283,
858,
7,
28747,
1635,
299,
15,
11,
357,
28747,
1343,
352,
8,
1635,
299,
15,
4008,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
8957,
62,
660,
796,
509,
8957,
58,
28747,
1635,
299,
15,
25,
357,
28747,
1343,
352,
8,
1635,
299,
15,
11,
479,
74,
1635,
299,
15,
25,
357,
28747,
1343,
352,
8,
1635,
299,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
8957,
62,
2213,
796,
509,
8957,
58,
37659,
13,
844,
41052,
37659,
13,
1102,
9246,
268,
378,
26933,
37659,
13,
283,
858,
7,
15,
11,
479,
74,
1635,
299,
15,
828,
45941,
13,
283,
858,
19510,
28747,
1343,
352,
8,
1635,
299,
15,
11,
309,
15437,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
45941,
13,
1102,
9246,
268,
378,
26933,
37659,
13,
283,
858,
7,
15,
11,
479,
74,
1635,
299,
15,
828,
45941,
13,
283,
858,
19510,
28747,
1343,
352,
8,
1635,
299,
15,
11,
309,
15437,
4008,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
8957,
62,
2213,
62,
660,
796,
509,
8957,
58,
37659,
13,
844,
41052,
37659,
13,
1102,
9246,
268,
378,
26933,
37659,
13,
283,
858,
7,
15,
11,
479,
74,
1635,
299,
15,
828,
45941,
13,
283,
858,
19510,
28747,
1343,
352,
8,
1635,
299,
15,
11,
309,
15437,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
45941,
13,
283,
858,
7,
28747,
1635,
299,
15,
11,
357,
28747,
1343,
352,
8,
1635,
299,
15,
4008,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
299,
85,
796,
299,
15,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
299,
16,
796,
309,
532,
299,
85,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
45218,
16,
796,
279,
67,
16340,
7,
42,
8957,
62,
2213,
1343,
299,
16,
1635,
1401,
62,
50033,
1635,
45941,
13,
6759,
7,
37659,
13,
25379,
7,
77,
16,
22305,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
45218,
17,
796,
45218,
16,
1635,
509,
87,
62,
2213,
1635,
45218,
16,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
45218,
18,
796,
45218,
16,
1635,
279,
67,
16340,
7,
37659,
13,
6759,
7,
37659,
13,
25379,
7,
77,
16,
4008,
1343,
299,
16,
1635,
1401,
62,
50033,
12429,
362,
1220,
34236,
1635,
45218,
17,
8,
1635,
45218,
16,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
317,
796,
357,
42,
87,
62,
660,
1343,
509,
8957,
62,
2213,
62,
660,
13,
51,
1635,
45218,
17,
1635,
509,
8957,
62,
2213,
62,
660,
532,
362,
1635,
509,
87,
62,
2213,
62,
660,
13,
51,
1635,
45218,
16,
1635,
509,
8957,
62,
2213,
62,
660,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
532,
299,
16,
1635,
1401,
62,
50033,
12429,
362,
1220,
34236,
1635,
509,
87,
62,
2213,
62,
660,
13,
51,
1635,
45218,
18,
1635,
509,
87,
62,
2213,
62,
660,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
532,
299,
16,
1635,
1401,
62,
50033,
12429,
362,
1220,
34236,
1635,
509,
8957,
62,
2213,
62,
660,
13,
51,
1635,
45218,
16,
1635,
509,
87,
62,
2213,
1635,
45218,
18,
1635,
509,
87,
62,
2213,
1635,
45218,
16,
1635,
509,
8957,
62,
2213,
62,
660,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1343,
362,
1635,
299,
16,
1635,
1401,
62,
50033,
12429,
362,
1220,
34236,
1635,
509,
87,
62,
2213,
62,
660,
13,
51,
1635,
45218,
18,
1635,
509,
87,
62,
2213,
1635,
45218,
16,
1635,
509,
8957,
62,
2213,
62,
660,
8,
1220,
34236,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
347,
796,
299,
16,
1635,
1401,
62,
50033,
12429,
362,
1220,
34236,
1635,
45218,
17,
1343,
45941,
13,
6759,
7,
37659,
13,
25379,
7,
77,
16,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
406,
796,
45941,
13,
75,
1292,
70,
13,
354,
4316,
2584,
7,
33,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
327,
796,
45941,
13,
16345,
7,
37659,
13,
6404,
7,
37659,
13,
10989,
363,
7,
43,
22305,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
220,
26196,
796,
26196,
1343,
357,
48005,
9,
48005,
9,
6404,
7,
17,
9,
14415,
8,
1343,
299,
85,
9,
34,
1343,
299,
85,
9,
36802,
9,
6404,
7,
28483,
2611,
8,
1343,
12854,
7,
32,
4008,
14,
17,
26,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
26196,
796,
26196,
1343,
357,
48005,
1635,
299,
85,
1635,
45941,
13,
6404,
7,
17,
1635,
45941,
13,
14415,
8,
1343,
299,
85,
1635,
327,
1343,
45941,
13,
40546,
7,
32,
4008,
1220,
362,
628,
220,
220,
220,
220,
220,
220,
220,
26196,
796,
26196,
1220,
479,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
900,
262,
9720,
329,
1395,
198,
220,
220,
220,
220,
220,
220,
220,
402,
55,
796,
45941,
13,
16345,
7,
37659,
13,
16680,
541,
306,
7,
55,
11,
1395,
828,
16488,
28,
16,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1195,
796,
45941,
13,
40927,
7,
38,
55,
11,
357,
16,
11,
309,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
371,
796,
45941,
13,
40927,
7,
38,
55,
13,
51,
11,
357,
51,
11,
352,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
288,
1023,
796,
1195,
1343,
371,
532,
362,
1635,
1395,
1635,
1395,
13,
51,
198,
220,
220,
220,
220,
220,
220,
220,
288,
1023,
796,
288,
1023,
532,
45941,
13,
2213,
346,
7,
67,
1023,
8,
198,
220,
220,
220,
220,
220,
220,
220,
288,
1023,
796,
45941,
13,
3447,
1758,
7,
67,
1023,
11,
357,
51,
12429,
362,
11,
352,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
9647,
796,
45941,
13,
31166,
17034,
7,
15,
13,
20,
1635,
45941,
13,
1150,
666,
7,
67,
1023,
58,
37659,
13,
3003,
7,
67,
1023,
1875,
657,
8,
4357,
16488,
28,
16,
38381,
15,
11,
657,
12962,
220,
1303,
14288,
1988,
198,
220,
220,
220,
220,
220,
220,
220,
9647,
796,
9647,
1635,
513,
220,
44386,
198,
220,
220,
220,
220,
220,
220,
220,
262,
8326,
796,
352,
1220,
357,
10394,
12429,
362,
1635,
1395,
13,
43358,
58,
16,
12962,
220,
1303,
628,
220,
220,
220,
220,
220,
220,
220,
509,
87,
11,
4808,
796,
9720,
7,
55,
11,
1395,
11,
357,
1169,
8326,
11,
352,
4008,
220,
1303,
12822,
31562,
9720,
198,
220,
220,
220,
220,
220,
220,
220,
367,
15,
796,
45941,
13,
6759,
7,
37659,
13,
25379,
7,
51,
4008,
532,
45941,
13,
6759,
7,
37659,
13,
1952,
19510,
51,
11,
309,
22305,
1220,
357,
51,
8,
220,
1303,
329,
1247,
1586,
286,
262,
1366,
287,
3895,
2272,
198,
220,
220,
220,
220,
220,
220,
220,
509,
87,
796,
367,
15,
1635,
509,
87,
1635,
367,
15,
220,
1303,
9720,
17593,
329,
1395,
628,
220,
220,
220,
220,
220,
220,
220,
26196,
796,
657,
198,
220,
220,
220,
220,
220,
220,
220,
329,
479,
74,
287,
2837,
7,
74,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
357,
28747,
6624,
657,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
87,
62,
660,
796,
509,
87,
58,
28747,
1635,
299,
15,
25,
357,
28747,
1343,
352,
8,
1635,
299,
15,
11,
479,
74,
1635,
299,
15,
25,
357,
28747,
1343,
352,
8,
1635,
299,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
87,
62,
2213,
796,
509,
87,
58,
7,
28747,
1343,
352,
8,
1635,
299,
15,
25,
51,
11,
357,
28747,
1343,
352,
8,
1635,
299,
15,
25,
309,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
87,
62,
2213,
62,
660,
796,
509,
87,
58,
7,
28747,
1343,
352,
8,
1635,
299,
15,
25,
51,
11,
479,
74,
1635,
299,
15,
25,
357,
28747,
1343,
352,
8,
1635,
299,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
299,
85,
796,
299,
15,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
357,
28747,
6624,
479,
532,
352,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
87,
62,
660,
796,
509,
87,
58,
28747,
1635,
299,
15,
25,
309,
11,
479,
74,
1635,
299,
15,
25,
309,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
87,
62,
2213,
796,
509,
87,
58,
15,
25,
479,
74,
1635,
299,
15,
11,
657,
25,
479,
74,
1635,
299,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
87,
62,
2213,
62,
660,
796,
509,
87,
58,
15,
25,
28747,
1635,
299,
15,
11,
479,
74,
1635,
299,
15,
25,
309,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
299,
85,
796,
309,
532,
479,
74,
1635,
299,
15,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
357,
28747,
1279,
479,
532,
352,
290,
479,
74,
1875,
657,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
87,
62,
660,
796,
509,
87,
58,
28747,
1635,
299,
15,
25,
357,
28747,
1343,
352,
8,
1635,
299,
15,
11,
479,
74,
1635,
299,
15,
25,
357,
28747,
1343,
352,
8,
1635,
299,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
87,
62,
2213,
796,
509,
87,
58,
37659,
13,
844,
41052,
37659,
13,
1102,
9246,
268,
378,
26933,
37659,
13,
283,
858,
7,
15,
11,
479,
74,
1635,
299,
15,
828,
45941,
13,
283,
858,
19510,
28747,
1343,
352,
8,
1635,
299,
15,
11,
309,
15437,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
45941,
13,
1102,
9246,
268,
378,
26933,
37659,
13,
283,
858,
7,
15,
11,
479,
74,
1635,
299,
15,
828,
45941,
13,
283,
858,
19510,
28747,
1343,
352,
8,
1635,
299,
15,
11,
309,
15437,
4008,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
509,
87,
62,
2213,
62,
660,
796,
509,
87,
58,
37659,
13,
844,
41052,
37659,
13,
1102,
9246,
268,
378,
26933,
37659,
13,
283,
858,
7,
15,
11,
479,
74,
1635,
299,
15,
828,
45941,
13,
283,
858,
19510,
28747,
1343,
352,
8,
1635,
299,
15,
11,
309,
15437,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
45941,
13,
283,
858,
7,
28747,
1635,
299,
15,
11,
357,
28747,
1343,
352,
8,
1635,
299,
15,
4008,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
299,
85,
796,
299,
15,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
299,
16,
796,
309,
532,
299,
85,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
317,
796,
357,
42,
87,
62,
660,
532,
352,
1220,
357,
28483,
2611,
1635,
299,
16,
8,
1635,
509,
87,
62,
2213,
62,
660,
13,
51,
1635,
279,
67,
16340,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
45941,
13,
6759,
7,
37659,
13,
25379,
7,
77,
16,
4008,
1343,
352,
1220,
357,
28483,
2611,
1635,
299,
16,
8,
1635,
509,
87,
62,
2213,
8,
1635,
509,
87,
62,
2213,
62,
660,
8,
1220,
34236,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
347,
796,
352,
1220,
357,
28483,
2611,
1635,
299,
16,
8,
1635,
509,
87,
62,
2213,
1343,
45941,
13,
6759,
7,
37659,
13,
25379,
7,
77,
16,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
406,
796,
45941,
13,
75,
1292,
70,
13,
354,
4316,
2584,
7,
33,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
327,
796,
45941,
13,
16345,
7,
37659,
13,
6404,
7,
37659,
13,
10989,
363,
7,
43,
22305,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
26196,
796,
26196,
1343,
357,
48005,
9,
48005,
9,
6404,
7,
17,
9,
14415,
8,
1343,
299,
85,
9,
34,
1343,
299,
85,
9,
36802,
9,
6404,
7,
28483,
2611,
8,
1343,
12854,
7,
32,
4008,
14,
17,
26,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
26196,
796,
26196,
1343,
357,
48005,
1635,
299,
85,
1635,
45941,
13,
6404,
7,
17,
1635,
45941,
13,
14415,
8,
1343,
299,
85,
1635,
327,
1343,
45941,
13,
40546,
7,
32,
4008,
1220,
362,
628,
220,
220,
220,
220,
220,
220,
220,
26196,
796,
26196,
1220,
479,
628,
220,
220,
220,
4776,
796,
26196,
220,
1303,
4633,
3272,
12,
12102,
515,
14955,
198,
220,
220,
220,
1441,
4776,
628,
198,
4299,
1957,
62,
26675,
62,
30887,
1292,
62,
24622,
7,
6601,
11,
21313,
11,
8147,
72,
11,
10007,
2599,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
27131,
378,
262,
1957,
4776,
416,
4633,
14461,
14955,
198,
220,
220,
220,
1912,
319,
257,
20683,
2746,
287,
371,
42,
7998,
628,
220,
220,
220,
40117,
198,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
6060,
25,
357,
39873,
11,
3033,
8,
198,
220,
220,
220,
1312,
25,
1459,
6376,
198,
220,
220,
220,
8147,
72,
25,
2560,
39199,
198,
220,
220,
220,
10007,
25,
6045,
628,
220,
220,
220,
16409,
198,
220,
220,
220,
35656,
198,
220,
220,
220,
4776,
25,
1957,
4776,
198,
220,
220,
220,
705,
7061,
628,
220,
220,
220,
309,
796,
6060,
13,
43358,
58,
15,
60,
198,
220,
220,
220,
1395,
796,
6060,
58,
45299,
21313,
60,
198,
220,
220,
220,
288,
55,
796,
1395,
13,
43358,
58,
16,
60,
628,
220,
220,
220,
1303,
900,
262,
9720,
329,
1395,
198,
220,
220,
220,
402,
55,
796,
45941,
13,
16345,
7,
37659,
13,
16680,
541,
306,
7,
55,
11,
1395,
828,
16488,
28,
16,
8,
198,
220,
220,
220,
1195,
796,
45941,
13,
40927,
7,
38,
55,
11,
357,
16,
11,
309,
4008,
198,
220,
220,
220,
371,
796,
45941,
13,
40927,
7,
38,
55,
13,
51,
11,
357,
51,
11,
352,
4008,
198,
220,
220,
220,
288,
1023,
796,
1195,
1343,
371,
532,
362,
1635,
1395,
1635,
1395,
13,
51,
198,
220,
220,
220,
288,
1023,
796,
288,
1023,
532,
45941,
13,
2213,
346,
7,
67,
1023,
8,
198,
220,
220,
220,
288,
1023,
796,
45941,
13,
3447,
1758,
7,
67,
1023,
11,
357,
51,
12429,
362,
11,
352,
4008,
198,
220,
220,
220,
9647,
796,
45941,
13,
31166,
17034,
7,
15,
13,
20,
1635,
45941,
13,
1150,
666,
7,
67,
1023,
58,
37659,
13,
3003,
7,
67,
1023,
1875,
657,
8,
4357,
16488,
28,
16,
38381,
15,
11,
657,
12962,
198,
220,
220,
220,
9647,
796,
9647,
1635,
362,
13,
20,
220,
1303,
9720,
9647,
198,
220,
220,
220,
262,
8326,
796,
352,
1220,
357,
10394,
12429,
362,
8,
198,
220,
220,
220,
367,
796,
45941,
13,
6759,
7,
37659,
13,
25379,
7,
51,
4008,
532,
45941,
13,
6759,
7,
37659,
13,
1952,
19510,
51,
11,
309,
22305,
1220,
309,
198,
220,
220,
220,
509,
87,
11,
4808,
796,
9720,
7,
55,
11,
1395,
11,
357,
1169,
8326,
11,
352,
4008,
198,
220,
220,
220,
509,
87,
796,
367,
1635,
509,
87,
1635,
367,
628,
220,
220,
220,
536,
3447,
796,
352,
36,
12,
20,
198,
220,
220,
220,
304,
328,
62,
42,
87,
11,
304,
844,
796,
304,
328,
12501,
19510,
42,
87,
1343,
509,
87,
13,
51,
8,
1220,
362,
11,
45941,
13,
1084,
26933,
7029,
11,
10688,
13,
28300,
7,
51,
1220,
604,
15437,
828,
819,
874,
62,
8807,
28,
25101,
8,
220,
1303,
1220,
17,
198,
220,
220,
220,
2873,
87,
796,
45941,
13,
3003,
7,
68,
328,
62,
42,
87,
1875,
45941,
13,
9806,
7,
68,
328,
62,
42,
87,
8,
1635,
536,
3447,
38381,
15,
60,
198,
220,
220,
220,
304,
328,
62,
42,
87,
796,
304,
328,
62,
42,
87,
58,
3978,
87,
60,
198,
220,
220,
220,
304,
844,
796,
304,
844,
58,
45299,
2873,
87,
60,
628,
220,
220,
220,
611,
357,
11925,
7,
4537,
72,
8,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
8147,
796,
6060,
58,
45299,
8147,
72,
60,
628,
220,
220,
220,
220,
220,
220,
220,
9647,
4537,
796,
45941,
13,
6759,
7,
37659,
13,
28920,
19510,
4537,
13,
43358,
58,
16,
4357,
352,
22305,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
900,
262,
9720,
329,
8147,
198,
220,
220,
220,
220,
220,
220,
220,
329,
285,
287,
2837,
7,
4537,
13,
43358,
58,
16,
60,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
402,
796,
45941,
13,
16345,
19510,
37659,
13,
16680,
541,
306,
7,
4537,
58,
45299,
285,
4357,
8147,
58,
45299,
285,
12962,
828,
16488,
28,
16,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1195,
796,
45941,
13,
40927,
7,
38,
11,
357,
16,
11,
309,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
371,
796,
45941,
13,
40927,
7,
38,
13,
51,
11,
357,
51,
11,
352,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
288,
1023,
796,
1195,
1343,
371,
532,
362,
1635,
8147,
58,
45299,
285,
60,
1635,
8147,
58,
45299,
285,
4083,
51,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
288,
1023,
796,
288,
1023,
532,
45941,
13,
2213,
346,
7,
67,
1023,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
288,
1023,
796,
45941,
13,
3447,
1758,
7,
67,
1023,
11,
357,
51,
12429,
362,
11,
352,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9647,
4537,
58,
76,
60,
796,
45941,
13,
31166,
17034,
7,
15,
13,
20,
1635,
45941,
13,
1150,
666,
7,
67,
1023,
58,
37659,
13,
3003,
7,
67,
1023,
1875,
657,
8,
4357,
16488,
28,
16,
38381,
15,
11,
657,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
9647,
4537,
796,
9647,
4537,
1635,
362,
13,
20,
220,
1303,
9720,
9647,
628,
220,
220,
220,
220,
220,
220,
220,
39849,
20786,
796,
45941,
13,
292,
18747,
7,
17816,
66,
709,
13065,
3256,
37250,
66,
709,
5188,
446,
3256,
705,
66,
709,
2949,
786,
6,
11907,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2604,
1169,
8326,
15,
796,
45941,
13,
85,
25558,
26933,
37659,
13,
6404,
7,
10394,
4537,
828,
657,
11,
45941,
13,
6404,
7,
37659,
13,
31166,
17034,
7,
15,
13,
16,
4008,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
2604,
1169,
8326,
11,
277,
12786,
11,
11629,
796,
17775,
7,
6404,
1169,
8326,
15,
11,
705,
70,
1050,
62,
41684,
62,
3605,
3256,
532,
6200,
11,
39849,
20786,
11,
8147,
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,
362,
1635,
45941,
13,
31166,
17034,
7,
51,
8,
1635,
304,
844,
1635,
45941,
13,
10989,
363,
7,
37659,
13,
31166,
17034,
7,
68,
328,
62,
42,
87,
4008,
1220,
45941,
13,
31166,
17034,
7,
68,
328,
62,
42,
87,
58,
15,
60,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
299,
75,
4029,
11,
288,
21283,
4029,
796,
308,
1050,
62,
41684,
62,
3605,
7,
6404,
1169,
8326,
11,
39849,
20786,
11,
8147,
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,
362,
1635,
45941,
13,
31166,
17034,
7,
51,
8,
1635,
304,
844,
1635,
45941,
13,
10989,
363,
7,
37659,
13,
31166,
17034,
7,
68,
328,
62,
42,
87,
4008,
1220,
45941,
13,
31166,
17034,
7,
68,
328,
62,
42,
87,
58,
15,
46570,
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,
299,
853,
448,
28,
17,
8,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
39849,
20786,
796,
45941,
13,
292,
18747,
7,
17816,
66,
709,
13065,
3256,
37250,
66,
709,
5188,
446,
3256,
705,
66,
709,
2949,
786,
6,
11907,
8,
198,
220,
220,
220,
220,
220,
220,
220,
8147,
796,
45941,
13,
6759,
7,
37659,
13,
9107,
418,
19510,
51,
11,
352,
22305,
198,
220,
220,
220,
220,
220,
220,
220,
2604,
1169,
8326,
15,
796,
45941,
13,
6759,
26933,
3064,
11,
657,
11,
45941,
13,
6404,
7,
37659,
13,
31166,
17034,
7,
15,
13,
16,
4008,
35944,
51,
198,
220,
220,
220,
220,
220,
220,
220,
2604,
1169,
8326,
11,
277,
12786,
11,
11629,
796,
17775,
7,
6404,
1169,
8326,
15,
11,
705,
70,
1050,
62,
41684,
62,
3605,
3256,
532,
6200,
11,
39849,
20786,
11,
8147,
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,
362,
1635,
45941,
13,
31166,
17034,
7,
51,
8,
1635,
304,
844,
1635,
45941,
13,
10989,
363,
7,
37659,
13,
31166,
17034,
7,
68,
328,
62,
42,
87,
4008,
1220,
45941,
13,
31166,
17034,
7,
68,
328,
62,
42,
87,
58,
15,
60,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
299,
75,
4029,
11,
288,
21283,
4029,
796,
308,
1050,
62,
41684,
62,
3605,
7,
6404,
1169,
8326,
11,
39849,
20786,
11,
8147,
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,
362,
1635,
45941,
13,
31166,
17034,
7,
51,
8,
1635,
304,
844,
1635,
45941,
13,
10989,
363,
7,
37659,
13,
31166,
17034,
7,
68,
328,
62,
42,
87,
4008,
1220,
45941,
13,
31166,
17034,
7,
68,
328,
62,
42,
87,
58,
15,
46570,
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,
299,
853,
448,
28,
17,
8,
198,
220,
220,
220,
4776,
796,
299,
75,
4029,
220,
1303,
4633,
2604,
12,
2339,
11935,
198,
220,
220,
220,
1441,
4776,
628,
198,
4299,
1957,
62,
26675,
62,
30887,
1292,
62,
41684,
7,
6601,
11,
21313,
11,
8147,
72,
11,
10007,
2599,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
27131,
378,
262,
1957,
4776,
416,
4633,
14461,
14955,
198,
220,
220,
220,
1912,
319,
257,
20683,
2746,
287,
371,
42,
7998,
198,
220,
220,
220,
329,
9633,
351,
5021,
12,
25641,
378,
15225,
628,
220,
220,
220,
40117,
198,
220,
220,
220,
24200,
438,
198,
220,
220,
220,
6060,
25,
357,
39873,
11,
3033,
8,
198,
220,
220,
220,
1312,
25,
1459,
6376,
198,
220,
220,
220,
8147,
72,
25,
2560,
39199,
198,
220,
220,
220,
10007,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
288,
18242,
25,
329,
9633,
351,
5021,
12,
27740,
5736,
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,
7603,
543,
15225,
5594,
284,
262,
1312,
12,
400,
7885,
13,
628,
220,
220,
220,
16409,
198,
220,
220,
220,
35656,
198,
220,
220,
220,
4776,
25,
1957,
4776,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
309,
796,
6060,
13,
43358,
58,
15,
60,
198,
220,
220,
220,
1395,
796,
6060,
58,
45299,
10007,
17816,
67,
18242,
6,
7131,
42528,
11907,
198,
220,
220,
220,
288,
55,
796,
1395,
13,
43358,
58,
16,
60,
628,
220,
220,
220,
1303,
900,
262,
9720,
329,
1395,
198,
220,
220,
220,
402,
55,
796,
45941,
13,
16345,
7,
37659,
13,
16680,
541,
306,
7,
55,
11,
1395,
828,
16488,
28,
16,
8,
198,
220,
220,
220,
1195,
796,
45941,
13,
40927,
7,
38,
55,
11,
357,
16,
11,
309,
4008,
198,
220,
220,
220,
371,
796,
45941,
13,
40927,
7,
38,
55,
13,
51,
11,
357,
51,
11,
352,
4008,
198,
220,
220,
220,
288,
1023,
796,
1195,
1343,
371,
532,
362,
1635,
1395,
1635,
1395,
13,
51,
198,
220,
220,
220,
288,
1023,
796,
288,
1023,
532,
45941,
13,
2213,
346,
7,
67,
1023,
8,
198,
220,
220,
220,
288,
1023,
796,
45941,
13,
3447,
1758,
7,
67,
1023,
11,
357,
51,
12429,
362,
11,
352,
4008,
198,
220,
220,
220,
9647,
55,
796,
45941,
13,
31166,
17034,
7,
15,
13,
20,
1635,
45941,
13,
1150,
666,
7,
67,
1023,
58,
37659,
13,
3003,
7,
67,
1023,
1875,
657,
8,
4357,
16488,
28,
16,
38381,
15,
11,
657,
12962,
198,
220,
220,
220,
9647,
55,
796,
9647,
55,
1635,
362,
13,
20,
220,
1303,
9720,
9647,
198,
220,
220,
220,
262,
8326,
796,
352,
1220,
357,
10394,
55,
12429,
362,
8,
198,
220,
220,
220,
367,
796,
45941,
13,
6759,
7,
37659,
13,
25379,
7,
51,
4008,
532,
45941,
13,
6759,
7,
37659,
13,
1952,
19510,
51,
11,
309,
22305,
1220,
309,
198,
220,
220,
220,
509,
87,
11,
4808,
796,
9720,
7,
55,
11,
1395,
11,
357,
1169,
8326,
11,
352,
4008,
198,
220,
220,
220,
509,
87,
796,
367,
1635,
509,
87,
1635,
367,
628,
220,
220,
220,
536,
3447,
796,
352,
36,
12,
20,
198,
220,
220,
220,
304,
328,
62,
42,
87,
11,
304,
844,
796,
304,
328,
12501,
19510,
42,
87,
1343,
509,
87,
13,
51,
8,
1220,
362,
11,
45941,
13,
1084,
26933,
7029,
11,
10688,
13,
28300,
7,
51,
1220,
604,
15437,
828,
819,
874,
62,
8807,
28,
25101,
8,
220,
1303,
1220,
17,
198,
220,
220,
220,
2873,
87,
796,
45941,
13,
3003,
7,
68,
328,
62,
42,
87,
1875,
45941,
13,
9806,
7,
68,
328,
62,
42,
87,
8,
1635,
536,
3447,
38381,
15,
60,
198,
220,
220,
220,
304,
328,
62,
42,
87,
796,
304,
328,
62,
42,
87,
58,
3978,
87,
60,
198,
220,
220,
220,
304,
844,
796,
304,
844,
58,
45299,
2873,
87,
60,
628,
220,
220,
220,
611,
357,
11925,
7,
4537,
72,
8,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
9647,
4537,
62,
439,
796,
45941,
13,
6759,
7,
37659,
13,
28920,
19510,
16,
11,
657,
22305,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
900,
262,
9720,
329,
8147,
198,
220,
220,
220,
220,
220,
220,
220,
8147,
62,
439,
796,
45941,
13,
6759,
7,
37659,
13,
28920,
19510,
6601,
13,
43358,
58,
15,
4357,
657,
22305,
198,
220,
220,
220,
220,
220,
220,
220,
329,
285,
287,
2837,
7,
11925,
7,
4537,
72,
8,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8147,
796,
6060,
58,
45299,
10007,
17816,
67,
18242,
6,
7131,
4537,
72,
58,
76,
11907,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8147,
62,
439,
796,
45941,
13,
71,
25558,
26933,
4537,
62,
439,
11,
8147,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
402,
796,
45941,
13,
16345,
19510,
37659,
13,
16680,
541,
306,
7,
4537,
11,
8147,
36911,
16488,
28,
16,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1195,
796,
45941,
13,
40927,
7,
38,
11,
357,
16,
11,
309,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
371,
796,
45941,
13,
40927,
7,
38,
13,
51,
11,
357,
51,
11,
352,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
288,
1023,
796,
1195,
1343,
371,
532,
362,
1635,
8147,
1635,
8147,
13,
51,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
288,
1023,
796,
288,
1023,
532,
45941,
13,
2213,
346,
7,
67,
1023,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
288,
1023,
796,
45941,
13,
3447,
1758,
7,
67,
1023,
11,
357,
51,
12429,
362,
11,
352,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9647,
4537,
796,
45941,
13,
31166,
17034,
7,
15,
13,
20,
1635,
45941,
13,
1150,
666,
7,
67,
1023,
58,
37659,
13,
3003,
7,
67,
1023,
1875,
657,
8,
4357,
16488,
28,
16,
38381,
15,
11,
657,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9647,
4537,
62,
439,
796,
45941,
13,
71,
25558,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
685,
10394,
4537,
62,
439,
11,
9647,
4537,
1635,
45941,
13,
6759,
7,
37659,
13,
1952,
19510,
16,
11,
45941,
13,
7857,
7,
17143,
7307,
17816,
67,
18242,
6,
7131,
4537,
72,
58,
76,
11907,
35514,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
9647,
4537,
62,
439,
796,
9647,
4537,
62,
439,
1635,
362,
13,
20,
220,
1303,
9720,
9647,
198,
220,
220,
220,
220,
220,
220,
220,
39849,
20786,
796,
45941,
13,
292,
18747,
7,
17816,
66,
709,
13065,
3256,
37250,
66,
709,
5188,
446,
3256,
705,
66,
709,
2949,
786,
6,
11907,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2604,
1169,
8326,
15,
796,
45941,
13,
85,
25558,
26933,
37659,
13,
6404,
7,
10394,
4537,
62,
439,
13,
51,
828,
657,
11,
45941,
13,
6404,
7,
37659,
13,
31166,
17034,
7,
15,
13,
16,
4008,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
2604,
1169,
8326,
11,
277,
12786,
11,
11629,
796,
17775,
7,
6404,
1169,
8326,
15,
11,
705,
70,
1050,
62,
41684,
62,
3605,
3256,
532,
6200,
11,
39849,
20786,
11,
8147,
62,
439,
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,
362,
1635,
45941,
13,
31166,
17034,
7,
51,
8,
1635,
304,
844,
1635,
45941,
13,
10989,
363,
7,
37659,
13,
31166,
17034,
7,
68,
328,
62,
42,
87,
4008,
1220,
45941,
13,
31166,
17034,
7,
68,
328,
62,
42,
87,
58,
15,
60,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
299,
75,
4029,
11,
288,
21283,
4029,
796,
308,
1050,
62,
41684,
62,
3605,
7,
6404,
1169,
8326,
11,
39849,
20786,
11,
8147,
62,
439,
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,
362,
1635,
45941,
13,
31166,
17034,
7,
51,
8,
1635,
304,
844,
1635,
45941,
13,
10989,
363,
7,
37659,
13,
31166,
17034,
7,
68,
328,
62,
42,
87,
4008,
1220,
45941,
13,
31166,
17034,
7,
68,
328,
62,
42,
87,
58,
15,
46570,
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,
299,
853,
448,
28,
17,
8,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
39849,
20786,
796,
45941,
13,
292,
18747,
7,
17816,
66,
709,
13065,
3256,
37250,
66,
709,
5188,
446,
3256,
705,
66,
709,
2949,
786,
6,
11907,
8,
198,
220,
220,
220,
220,
220,
220,
220,
8147,
796,
45941,
13,
6759,
7,
37659,
13,
9107,
418,
19510,
51,
11,
352,
22305,
198,
220,
220,
220,
220,
220,
220,
220,
2604,
1169,
8326,
15,
796,
45941,
13,
6759,
26933,
3064,
11,
657,
11,
45941,
13,
6404,
7,
37659,
13,
31166,
17034,
7,
15,
13,
16,
4008,
35944,
51,
198,
220,
220,
220,
220,
220,
220,
220,
2604,
1169,
8326,
11,
277,
12786,
11,
11629,
796,
17775,
7,
6404,
1169,
8326,
15,
11,
705,
70,
1050,
62,
41684,
62,
3605,
3256,
532,
6200,
11,
39849,
20786,
11,
8147,
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,
362,
1635,
45941,
13,
31166,
17034,
7,
51,
8,
1635,
304,
844,
1635,
45941,
13,
10989,
363,
7,
37659,
13,
31166,
17034,
7,
68,
328,
62,
42,
87,
4008,
1220,
45941,
13,
31166,
17034,
7,
68,
328,
62,
42,
87,
58,
15,
60,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
299,
75,
4029,
11,
288,
21283,
4029,
796,
308,
1050,
62,
41684,
62,
3605,
7,
6404,
1169,
8326,
11,
39849,
20786,
11,
8147,
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,
362,
1635,
45941,
13,
31166,
17034,
7,
51,
8,
1635,
304,
844,
1635,
45941,
13,
10989,
363,
7,
37659,
13,
31166,
17034,
7,
68,
328,
62,
42,
87,
4008,
1220,
45941,
13,
31166,
17034,
7,
68,
328,
62,
42,
87,
58,
15,
46570,
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,
299,
853,
448,
28,
17,
8,
198,
220,
220,
220,
4776,
796,
299,
75,
4029,
220,
1303,
4633,
2604,
12,
2339,
11935,
198,
220,
220,
220,
1441,
4776,
198
] | 1.754226 | 14,493 |
import sys
import os
# make sure this is a system variable in your bashrc
NASA_ULI_ROOT_DIR = os.environ['NASA_ULI_ROOT_DIR']
XPC3_DIR = NASA_ULI_ROOT_DIR + '/src/'
sys.path.append(XPC3_DIR)
import numpy as np
import xpc3
import xpc3_helper
import time
import os
import mss
import cv2
import settings
screenShot = mss.mss()
def record(client, outDir, startPerc = 1.5, endPerc = 10, freq = 10, numEpisodes = 1):
""" Record data from training episodes in XPlane into a CSV and PNG files
Args:
client: XPlane Client
outDir: output directory for csv file and png images
-----------------
startPerc: percentage down runway to start collecting data
endPerc: percentage down runway to finish collecting data
(NOTE: this must be less than endPerc for the sinusoidal trajectory)
freq: frequency to save data
(NOTE: this is approximate due to computational overhead)
numEpisodes: number of episodes to record for
"""
# Make data folder if it doesn't exist
if not os.path.exists(outDir):
os.makedirs(outDir)
# Initialize the CSV file
csvFile = outDir + 'labels.csv'
with open(csvFile, 'w') as fd:
fd.write('image_filename,absolute_time_GMT_seconds,relative_time_seconds,distance_to_centerline_meters,')
fd.write('distance_to_centerline_NORMALIZED,downtrack_position_meters,downtrack_position_NORMALIZED,')
fd.write('heading_error_degrees,heading_error_NORMALIZED,period_of_day,cloud_type\n')
for i in range(numEpisodes):
first = True
percDownRunway = xpc3_helper.getPercDownRunway(client)
currStep = 0
while percDownRunway > endPerc:
time.sleep(0.5)
percDownRunway = xpc3_helper.getPercDownRunway(client)
while percDownRunway < endPerc:
if ((percDownRunway > startPerc) and (percDownRunway < 45.0)) or ((percDownRunway > 51.5) and (percDownRunway < endPerc)):
if first:
startTime = client.getDREF("sim/time/zulu_time_sec")[0]
addCurrData(client, outDir, csvFile, startTime, currStep, i + 1)
first = False
time.sleep(1 / freq)
else:
addCurrData(client, outDir, csvFile,
startTime, currStep, i + 1)
time.sleep(1 / freq)
currStep += 1
else:
time.sleep(1)
percDownRunway = xpc3_helper.getPercDownRunway(client)
def addCurrData(client, outDir, csvFile, startTime, currStep, episodeNum):
""" Add current data to csv file and save off a screenshot
Args:
client: XPlane Client
outDir: output directory for csv file and png images
csvFile: name of the CSV file for non-image data (should be initialized already)
startTime: absolute time that the episode started
currStep: current step of saving data (for image labeling)
episodeNum: number of the current episode (for image labeling)
"""
# Time step information
absolute_time = client.getDREF("sim/time/zulu_time_sec")[0]
time_step = absolute_time - startTime
# Plane state information
cte, dtp, he = xpc3_helper.getHomeState(client)
# Environmental conditions
local_time = client.getDREF("sim/time/local_time_sec")[0]
if local_time < 5 * 3600 or local_time > 17 * 3600:
period_of_day = 2
time_period = 'night'
elif local_time > 12 * 3600 and local_time < 17 * 3600:
period_of_day = 1
time_period = 'afternoon'
else:
period_of_day = 0
time_period = 'morning'
cloud_cover = client.getDREF("sim/weather/cloud_type[0]")[0]
weather = settings.WEATHER_TYPES[cloud_cover]
# Image information
img = cv2.cvtColor(np.array(screenShot.grab(settings.MONITOR)),
cv2.COLOR_BGRA2BGR)[230:, :, :]
img = cv2.resize(img, (settings.WIDTH, settings.HEIGHT))
img_name = 'MWH_Runway04_' + time_period + '_' + weather + '_' + str(episodeNum) + '_' + str(currStep) + '.png'
# For now, just save the image to an output directory
cv2.imwrite('%s%s' % (outDir, img_name), img)
# Append everything to the csv file
with open(csvFile, 'a') as fd:
fd.write("%s,%f,%f,%f,%f,%f,%f,%f,%f,%d,%d\n" % (img_name, absolute_time, time_step,
cte, cte / 10.0, dtp, dtp / 2982.0, he, he / 30.0, period_of_day, cloud_cover))
if __name__ == "__main__":
main()
| [
11748,
25064,
198,
11748,
28686,
198,
198,
2,
787,
1654,
428,
318,
257,
1080,
7885,
287,
534,
27334,
6015,
198,
29998,
62,
6239,
40,
62,
13252,
2394,
62,
34720,
796,
28686,
13,
268,
2268,
17816,
29998,
62,
6239,
40,
62,
13252,
2394,
62,
34720,
20520,
198,
55,
5662,
18,
62,
34720,
796,
8884,
62,
6239,
40,
62,
13252,
2394,
62,
34720,
1343,
31051,
10677,
14,
6,
198,
17597,
13,
6978,
13,
33295,
7,
55,
5662,
18,
62,
34720,
8,
198,
198,
11748,
299,
32152,
355,
45941,
198,
11748,
2124,
14751,
18,
198,
11748,
2124,
14751,
18,
62,
2978,
525,
198,
11748,
640,
198,
11748,
28686,
198,
198,
11748,
285,
824,
198,
11748,
269,
85,
17,
198,
198,
11748,
6460,
198,
198,
9612,
28512,
796,
285,
824,
13,
76,
824,
3419,
198,
198,
4299,
1700,
7,
16366,
11,
503,
35277,
11,
923,
47,
2798,
796,
352,
13,
20,
11,
886,
47,
2798,
796,
838,
11,
2030,
80,
796,
838,
11,
997,
13807,
8052,
796,
352,
2599,
198,
220,
220,
220,
37227,
13266,
1366,
422,
3047,
8640,
287,
1395,
3646,
1531,
656,
257,
44189,
290,
36182,
3696,
628,
220,
220,
220,
220,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5456,
25,
1395,
3646,
1531,
20985,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
503,
35277,
25,
5072,
8619,
329,
269,
21370,
2393,
290,
279,
782,
4263,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
34400,
12,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
923,
47,
2798,
25,
5873,
866,
23443,
284,
923,
13157,
1366,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
886,
47,
2798,
25,
5873,
866,
23443,
284,
5461,
13157,
1366,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
16580,
25,
428,
1276,
307,
1342,
621,
886,
47,
2798,
329,
262,
7813,
385,
47502,
22942,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2030,
80,
25,
8373,
284,
3613,
1366,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
16580,
25,
428,
318,
27665,
2233,
284,
31350,
16965,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
997,
13807,
8052,
25,
1271,
286,
8640,
284,
1700,
329,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1303,
6889,
1366,
9483,
611,
340,
1595,
470,
2152,
198,
220,
220,
220,
611,
407,
28686,
13,
6978,
13,
1069,
1023,
7,
448,
35277,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
28686,
13,
76,
4335,
17062,
7,
448,
35277,
8,
628,
220,
220,
220,
1303,
20768,
1096,
262,
44189,
2393,
198,
220,
220,
220,
269,
21370,
8979,
796,
503,
35277,
1343,
705,
23912,
1424,
13,
40664,
6,
198,
220,
220,
220,
351,
1280,
7,
40664,
8979,
11,
705,
86,
11537,
355,
277,
67,
25,
198,
220,
220,
220,
220,
220,
220,
220,
277,
67,
13,
13564,
10786,
9060,
62,
34345,
11,
48546,
62,
2435,
62,
49424,
62,
43012,
11,
43762,
62,
2435,
62,
43012,
11,
30246,
62,
1462,
62,
16159,
1370,
62,
4164,
364,
4032,
8,
198,
220,
220,
220,
220,
220,
220,
220,
277,
67,
13,
13564,
10786,
30246,
62,
1462,
62,
16159,
1370,
62,
35510,
42126,
14887,
1961,
11,
67,
6887,
39638,
62,
9150,
62,
4164,
364,
11,
67,
6887,
39638,
62,
9150,
62,
35510,
42126,
14887,
1961,
4032,
8,
198,
220,
220,
220,
220,
220,
220,
220,
277,
67,
13,
13564,
10786,
33878,
62,
18224,
62,
13500,
6037,
11,
33878,
62,
18224,
62,
35510,
42126,
14887,
1961,
11,
41007,
62,
1659,
62,
820,
11,
17721,
62,
4906,
59,
77,
11537,
628,
220,
220,
220,
329,
1312,
287,
2837,
7,
22510,
13807,
8052,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
717,
796,
6407,
198,
220,
220,
220,
220,
220,
220,
220,
583,
66,
8048,
10987,
1014,
796,
2124,
14751,
18,
62,
2978,
525,
13,
1136,
47,
2798,
8048,
10987,
1014,
7,
16366,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1090,
81,
8600,
796,
657,
628,
220,
220,
220,
220,
220,
220,
220,
981,
583,
66,
8048,
10987,
1014,
1875,
886,
47,
2798,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
640,
13,
42832,
7,
15,
13,
20,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
583,
66,
8048,
10987,
1014,
796,
2124,
14751,
18,
62,
2978,
525,
13,
1136,
47,
2798,
8048,
10987,
1014,
7,
16366,
8,
628,
220,
220,
220,
220,
220,
220,
220,
981,
583,
66,
8048,
10987,
1014,
1279,
886,
47,
2798,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
14808,
525,
66,
8048,
10987,
1014,
1875,
923,
47,
2798,
8,
290,
357,
525,
66,
8048,
10987,
1014,
1279,
4153,
13,
15,
4008,
393,
14808,
525,
66,
8048,
10987,
1014,
1875,
6885,
13,
20,
8,
290,
357,
525,
66,
8048,
10987,
1014,
1279,
886,
47,
2798,
8,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
717,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
923,
7575,
796,
5456,
13,
1136,
35,
31688,
7203,
14323,
14,
2435,
14,
89,
15712,
62,
2435,
62,
2363,
4943,
58,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
751,
26628,
81,
6601,
7,
16366,
11,
503,
35277,
11,
269,
21370,
8979,
11,
923,
7575,
11,
1090,
81,
8600,
11,
1312,
1343,
352,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
717,
796,
10352,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
640,
13,
42832,
7,
16,
1220,
2030,
80,
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,
751,
26628,
81,
6601,
7,
16366,
11,
503,
35277,
11,
269,
21370,
8979,
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,
923,
7575,
11,
1090,
81,
8600,
11,
1312,
1343,
352,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
640,
13,
42832,
7,
16,
1220,
2030,
80,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1090,
81,
8600,
15853,
352,
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,
640,
13,
42832,
7,
16,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
583,
66,
8048,
10987,
1014,
796,
2124,
14751,
18,
62,
2978,
525,
13,
1136,
47,
2798,
8048,
10987,
1014,
7,
16366,
8,
198,
198,
4299,
751,
26628,
81,
6601,
7,
16366,
11,
503,
35277,
11,
269,
21370,
8979,
11,
923,
7575,
11,
1090,
81,
8600,
11,
4471,
33111,
2599,
198,
220,
220,
220,
37227,
3060,
1459,
1366,
284,
269,
21370,
2393,
290,
3613,
572,
257,
22032,
628,
220,
220,
220,
220,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5456,
25,
1395,
3646,
1531,
20985,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
503,
35277,
25,
5072,
8619,
329,
269,
21370,
2393,
290,
279,
782,
4263,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
269,
21370,
8979,
25,
1438,
286,
262,
44189,
2393,
329,
1729,
12,
9060,
1366,
357,
21754,
307,
23224,
1541,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
923,
7575,
25,
4112,
640,
326,
262,
4471,
2067,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1090,
81,
8600,
25,
1459,
2239,
286,
8914,
1366,
357,
1640,
2939,
27393,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4471,
33111,
25,
1271,
286,
262,
1459,
4471,
357,
1640,
2939,
27393,
8,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1303,
3862,
2239,
1321,
198,
220,
220,
220,
4112,
62,
2435,
796,
5456,
13,
1136,
35,
31688,
7203,
14323,
14,
2435,
14,
89,
15712,
62,
2435,
62,
2363,
4943,
58,
15,
60,
198,
220,
220,
220,
640,
62,
9662,
796,
4112,
62,
2435,
532,
923,
7575,
628,
220,
220,
220,
1303,
36829,
1181,
1321,
198,
220,
220,
220,
269,
660,
11,
288,
34788,
11,
339,
796,
2124,
14751,
18,
62,
2978,
525,
13,
1136,
16060,
9012,
7,
16366,
8,
628,
220,
220,
220,
1303,
13272,
3403,
198,
220,
220,
220,
1957,
62,
2435,
796,
5456,
13,
1136,
35,
31688,
7203,
14323,
14,
2435,
14,
12001,
62,
2435,
62,
2363,
4943,
58,
15,
60,
198,
220,
220,
220,
611,
1957,
62,
2435,
1279,
642,
1635,
4570,
405,
393,
1957,
62,
2435,
1875,
1596,
1635,
4570,
405,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2278,
62,
1659,
62,
820,
796,
362,
198,
220,
220,
220,
220,
220,
220,
220,
640,
62,
41007,
796,
705,
3847,
6,
198,
220,
220,
220,
1288,
361,
1957,
62,
2435,
1875,
1105,
1635,
4570,
405,
290,
1957,
62,
2435,
1279,
1596,
1635,
4570,
405,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2278,
62,
1659,
62,
820,
796,
352,
198,
220,
220,
220,
220,
220,
220,
220,
640,
62,
41007,
796,
705,
8499,
6357,
6,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2278,
62,
1659,
62,
820,
796,
657,
198,
220,
220,
220,
220,
220,
220,
220,
640,
62,
41007,
796,
705,
43911,
6,
628,
220,
220,
220,
6279,
62,
9631,
796,
5456,
13,
1136,
35,
31688,
7203,
14323,
14,
23563,
14,
17721,
62,
4906,
58,
15,
60,
4943,
58,
15,
60,
198,
220,
220,
220,
6193,
796,
6460,
13,
8845,
45226,
62,
9936,
47,
1546,
58,
17721,
62,
9631,
60,
628,
220,
220,
220,
1303,
7412,
1321,
198,
220,
220,
220,
33705,
796,
269,
85,
17,
13,
33967,
83,
10258,
7,
37659,
13,
18747,
7,
9612,
28512,
13,
32393,
7,
33692,
13,
27857,
2043,
1581,
36911,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
269,
85,
17,
13,
46786,
62,
40469,
3861,
17,
33,
10761,
38381,
19214,
45299,
1058,
11,
1058,
60,
198,
220,
220,
220,
33705,
796,
269,
85,
17,
13,
411,
1096,
7,
9600,
11,
357,
33692,
13,
54,
2389,
4221,
11,
6460,
13,
13909,
9947,
4008,
198,
220,
220,
220,
33705,
62,
3672,
796,
705,
44,
12418,
62,
10987,
1014,
3023,
62,
6,
1343,
640,
62,
41007,
1343,
705,
62,
6,
1343,
6193,
1343,
705,
62,
6,
1343,
965,
7,
38668,
33111,
8,
1343,
705,
62,
6,
1343,
965,
7,
22019,
81,
8600,
8,
1343,
45302,
11134,
6,
198,
220,
220,
220,
1303,
1114,
783,
11,
655,
3613,
262,
2939,
284,
281,
5072,
8619,
198,
220,
220,
220,
269,
85,
17,
13,
320,
13564,
10786,
4,
82,
4,
82,
6,
4064,
357,
448,
35277,
11,
33705,
62,
3672,
828,
33705,
8,
628,
220,
220,
220,
1303,
2034,
437,
2279,
284,
262,
269,
21370,
2393,
198,
220,
220,
220,
351,
1280,
7,
40664,
8979,
11,
705,
64,
11537,
355,
277,
67,
25,
198,
197,
220,
220,
220,
277,
67,
13,
13564,
7203,
4,
82,
11,
4,
69,
11,
4,
69,
11,
4,
69,
11,
4,
69,
11,
4,
69,
11,
4,
69,
11,
4,
69,
11,
4,
69,
11,
4,
67,
11,
4,
67,
59,
77,
1,
4064,
357,
9600,
62,
3672,
11,
4112,
62,
2435,
11,
640,
62,
9662,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
269,
660,
11,
269,
660,
1220,
838,
13,
15,
11,
288,
34788,
11,
288,
34788,
1220,
2808,
6469,
13,
15,
11,
339,
11,
339,
1220,
1542,
13,
15,
11,
2278,
62,
1659,
62,
820,
11,
6279,
62,
9631,
4008,
628,
198,
361,
11593,
3672,
834,
6624,
366,
834,
12417,
834,
1298,
198,
197,
12417,
3419,
198
] | 2.19099 | 2,131 |
#!/usr/bin/python3
# -*- coding: utf-8 -*-
from rsamsg import *
#alice and bob
#alice_pubkey, alice_privkey=gen()
#bob_pubkey, bob_privkey=gen()
alice_pubkey = loadfile("keys/alice_pubkey")
alice_prikey = loadfile("keys/alice_prikey")
bob_pubkey = loadfile("keys/bob_pubkey")
bob_prikey = loadfile("keys/bob_prikey")
#from alice
message = "你好"
#to bob
crypto,signature=alice_to_bob(message,bob_pubkey,alice_prikey)
# bob verify
verifyed,msg=bob_get_msg_from_alice(crypto,signature,bob_prikey,alice_pubkey)
if(verifyed):
print(msg)
else:
print("err:{}".format(msg)) | [
2,
48443,
14629,
14,
8800,
14,
29412,
18,
198,
2,
532,
9,
12,
19617,
25,
3384,
69,
12,
23,
532,
9,
12,
198,
6738,
44608,
4105,
70,
1330,
1635,
198,
2,
282,
501,
290,
29202,
628,
628,
198,
2,
282,
501,
62,
12984,
2539,
11,
435,
501,
62,
13776,
2539,
28,
5235,
3419,
198,
2,
65,
672,
62,
12984,
2539,
11,
29202,
62,
13776,
2539,
28,
5235,
3419,
198,
198,
282,
501,
62,
12984,
2539,
796,
3440,
7753,
7203,
13083,
14,
282,
501,
62,
12984,
2539,
4943,
198,
282,
501,
62,
3448,
2539,
796,
3440,
7753,
7203,
13083,
14,
282,
501,
62,
3448,
2539,
4943,
198,
65,
672,
62,
12984,
2539,
796,
3440,
7753,
7203,
13083,
14,
65,
672,
62,
12984,
2539,
4943,
198,
65,
672,
62,
3448,
2539,
796,
3440,
7753,
7203,
13083,
14,
65,
672,
62,
3448,
2539,
4943,
628,
198,
2,
6738,
435,
501,
198,
20500,
796,
366,
19526,
254,
25001,
121,
1,
198,
198,
2,
1462,
29202,
198,
29609,
78,
11,
12683,
1300,
28,
282,
501,
62,
1462,
62,
65,
672,
7,
20500,
11,
65,
672,
62,
12984,
2539,
11,
282,
501,
62,
3448,
2539,
8,
198,
198,
2,
29202,
11767,
198,
332,
1958,
276,
11,
19662,
28,
65,
672,
62,
1136,
62,
19662,
62,
6738,
62,
282,
501,
7,
29609,
78,
11,
12683,
1300,
11,
65,
672,
62,
3448,
2539,
11,
282,
501,
62,
12984,
2539,
8,
198,
361,
7,
332,
1958,
276,
2599,
198,
220,
220,
220,
3601,
7,
19662,
8,
198,
17772,
25,
198,
220,
220,
220,
3601,
7203,
8056,
29164,
92,
1911,
18982,
7,
19662,
4008
] | 2.200758 | 264 |
"""Defines the class for a node health check task"""
from __future__ import unicode_literals
import datetime
from django.conf import settings
from job.tasks.base_task import AtomicCounter
from job.tasks.node_task import NodeTask
from node.resources.node_resources import NodeResources
from node.resources.resource import Cpus, Mem
HEALTH_TASK_ID_PREFIX = 'scale_health'
COUNTER = AtomicCounter()
class HealthTask(NodeTask):
"""Represents a task that performs a health check on a node. This class is thread-safe.
"""
BAD_DAEMON_CODE = 2
LOW_DOCKER_SPACE_CODE = 3
BAD_LOGSTASH_CODE = 4
def __init__(self, framework_id, agent_id):
"""Constructor
:param framework_id: The framework ID
:type framework_id: string
:param agent_id: The agent ID
:type agent_id: string
"""
task_id = '%s_%s_%d' % (HEALTH_TASK_ID_PREFIX, framework_id, COUNTER.get_next())
super(HealthTask, self).__init__(task_id, 'Scale Health Check', agent_id)
self._uses_docker = False
self._docker_image = None
self._docker_params = []
self._is_docker_privileged = False
self._running_timeout_threshold = datetime.timedelta(minutes=15)
health_check_commands = []
# Check if docker version works (indicates if daemon is working)
bad_daemon_check = 'docker version'
bad_daemon_check = 'timeout -s SIGKILL 10s %s' % bad_daemon_check # docker version has 10 seconds to succeed
bad_daemon_check = '%s; if [[ $? != 0 ]]; then exit %d; fi' % (bad_daemon_check, HealthTask.BAD_DAEMON_CODE)
health_check_commands.append(bad_daemon_check)
# Check if docker ps works (also indicates if daemon is working)
docker_ps_check = 'docker ps'
docker_ps_check = 'timeout -s SIGKILL 10s %s' % docker_ps_check # docker ps has 10 seconds to succeed
docker_ps_check = '%s; if [[ $? != 0 ]]; then exit %d; fi' % (docker_ps_check, HealthTask.BAD_DAEMON_CODE)
health_check_commands.append(docker_ps_check)
# Check if Docker disk space is below 1 GiB (assumes /var/lib/docker, ignores check otherwise)
get_disk_space = 'df --output=avail /var/lib/docker | tail -1'
test_disk_space = 'test `%s` -lt 1048576; if [[ $? == 0 ]]; then exit %d; fi'
test_disk_space = test_disk_space % (get_disk_space, HealthTask.LOW_DOCKER_SPACE_CODE)
low_docker_space_check = 'if [[ -d /var/lib/docker ]]; then %s; fi' % test_disk_space
health_check_commands.append(low_docker_space_check)
# Check to ensure that fluentd is reachable
if settings.LOGGING_HEALTH_ADDRESS:
logging_check = 'timeout -s SIGKILL 5s curl %s; if [[ $? != 0 ]]; then exit %d; fi'
logging_check = logging_check % (settings.LOGGING_HEALTH_ADDRESS, HealthTask.BAD_LOGSTASH_CODE)
health_check_commands.append(logging_check)
self._command = ' && '.join(health_check_commands)
# Node task properties
self.task_type = 'health-check'
self.title = 'Node Health Check'
self.description = 'Checks the health status of the node'
def get_resources(self):
"""See :meth:`job.tasks.base_task.Task.get_resources`
"""
return NodeResources([Cpus(0.1), Mem(32.0)])
| [
37811,
7469,
1127,
262,
1398,
329,
257,
10139,
1535,
2198,
4876,
37811,
198,
6738,
11593,
37443,
834,
1330,
28000,
1098,
62,
17201,
874,
198,
198,
11748,
4818,
8079,
198,
198,
6738,
42625,
14208,
13,
10414,
1330,
6460,
198,
198,
6738,
1693,
13,
83,
6791,
13,
8692,
62,
35943,
1330,
28976,
31694,
198,
6738,
1693,
13,
83,
6791,
13,
17440,
62,
35943,
1330,
19081,
25714,
198,
6738,
10139,
13,
37540,
13,
17440,
62,
37540,
1330,
19081,
33236,
198,
6738,
10139,
13,
37540,
13,
31092,
1330,
327,
79,
385,
11,
4942,
628,
198,
13909,
40818,
62,
51,
1921,
42,
62,
2389,
62,
47,
31688,
10426,
796,
705,
9888,
62,
13948,
6,
198,
34,
19385,
5781,
796,
28976,
31694,
3419,
628,
198,
4871,
3893,
25714,
7,
19667,
25714,
2599,
198,
220,
220,
220,
37227,
6207,
6629,
257,
4876,
326,
17706,
257,
1535,
2198,
319,
257,
10139,
13,
770,
1398,
318,
4704,
12,
21230,
13,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
33934,
62,
5631,
3620,
1340,
62,
34,
16820,
796,
362,
198,
220,
220,
220,
46663,
62,
35,
11290,
1137,
62,
4303,
11598,
62,
34,
16820,
796,
513,
198,
220,
220,
220,
33934,
62,
25294,
2257,
11211,
62,
34,
16820,
796,
604,
628,
220,
220,
220,
825,
11593,
15003,
834,
7,
944,
11,
9355,
62,
312,
11,
5797,
62,
312,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
42316,
273,
628,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
9355,
62,
312,
25,
383,
9355,
4522,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
4906,
9355,
62,
312,
25,
4731,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
5797,
62,
312,
25,
383,
5797,
4522,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
4906,
5797,
62,
312,
25,
4731,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
4876,
62,
312,
796,
705,
4,
82,
62,
4,
82,
62,
4,
67,
6,
4064,
357,
13909,
40818,
62,
51,
1921,
42,
62,
2389,
62,
47,
31688,
10426,
11,
9355,
62,
312,
11,
31404,
5781,
13,
1136,
62,
19545,
28955,
198,
220,
220,
220,
220,
220,
220,
220,
2208,
7,
18081,
25714,
11,
2116,
737,
834,
15003,
834,
7,
35943,
62,
312,
11,
705,
29990,
3893,
6822,
3256,
5797,
62,
312,
8,
628,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
2664,
62,
45986,
796,
10352,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
45986,
62,
9060,
796,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
45986,
62,
37266,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
271,
62,
45986,
62,
13776,
48446,
796,
10352,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
20270,
62,
48678,
62,
400,
10126,
796,
4818,
8079,
13,
16514,
276,
12514,
7,
1084,
1769,
28,
1314,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1535,
62,
9122,
62,
9503,
1746,
796,
17635,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
6822,
611,
36253,
2196,
2499,
357,
521,
16856,
611,
33386,
318,
1762,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2089,
62,
6814,
7966,
62,
9122,
796,
705,
45986,
2196,
6,
198,
220,
220,
220,
220,
220,
220,
220,
2089,
62,
6814,
7966,
62,
9122,
796,
705,
48678,
532,
82,
33993,
42,
8267,
838,
82,
4064,
82,
6,
4064,
2089,
62,
6814,
7966,
62,
9122,
220,
1303,
36253,
2196,
468,
838,
4201,
284,
6758,
198,
220,
220,
220,
220,
220,
220,
220,
2089,
62,
6814,
7966,
62,
9122,
796,
705,
4,
82,
26,
611,
16410,
720,
30,
14512,
657,
2361,
11208,
788,
8420,
4064,
67,
26,
25912,
6,
4064,
357,
14774,
62,
6814,
7966,
62,
9122,
11,
3893,
25714,
13,
33,
2885,
62,
5631,
3620,
1340,
62,
34,
16820,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1535,
62,
9122,
62,
9503,
1746,
13,
33295,
7,
14774,
62,
6814,
7966,
62,
9122,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
6822,
611,
36253,
26692,
2499,
357,
14508,
9217,
611,
33386,
318,
1762,
8,
198,
220,
220,
220,
220,
220,
220,
220,
36253,
62,
862,
62,
9122,
796,
705,
45986,
26692,
6,
198,
220,
220,
220,
220,
220,
220,
220,
36253,
62,
862,
62,
9122,
796,
705,
48678,
532,
82,
33993,
42,
8267,
838,
82,
4064,
82,
6,
4064,
36253,
62,
862,
62,
9122,
220,
1303,
36253,
26692,
468,
838,
4201,
284,
6758,
198,
220,
220,
220,
220,
220,
220,
220,
36253,
62,
862,
62,
9122,
796,
705,
4,
82,
26,
611,
16410,
720,
30,
14512,
657,
2361,
11208,
788,
8420,
4064,
67,
26,
25912,
6,
4064,
357,
45986,
62,
862,
62,
9122,
11,
3893,
25714,
13,
33,
2885,
62,
5631,
3620,
1340,
62,
34,
16820,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1535,
62,
9122,
62,
9503,
1746,
13,
33295,
7,
45986,
62,
862,
62,
9122,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
6822,
611,
25716,
11898,
2272,
318,
2174,
352,
8118,
33,
357,
562,
8139,
1220,
7785,
14,
8019,
14,
45986,
11,
24245,
2198,
4306,
8,
198,
220,
220,
220,
220,
220,
220,
220,
651,
62,
39531,
62,
13200,
796,
705,
7568,
1377,
22915,
28,
615,
603,
1220,
7785,
14,
8019,
14,
45986,
930,
7894,
532,
16,
6,
198,
220,
220,
220,
220,
220,
220,
220,
1332,
62,
39531,
62,
13200,
796,
705,
9288,
4600,
4,
82,
63,
532,
2528,
838,
2780,
37452,
26,
611,
16410,
720,
30,
6624,
657,
2361,
11208,
788,
8420,
4064,
67,
26,
25912,
6,
198,
220,
220,
220,
220,
220,
220,
220,
1332,
62,
39531,
62,
13200,
796,
1332,
62,
39531,
62,
13200,
4064,
357,
1136,
62,
39531,
62,
13200,
11,
3893,
25714,
13,
43,
3913,
62,
35,
11290,
1137,
62,
4303,
11598,
62,
34,
16820,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1877,
62,
45986,
62,
13200,
62,
9122,
796,
705,
361,
16410,
532,
67,
1220,
7785,
14,
8019,
14,
45986,
2361,
11208,
788,
4064,
82,
26,
25912,
6,
4064,
1332,
62,
39531,
62,
13200,
198,
220,
220,
220,
220,
220,
220,
220,
1535,
62,
9122,
62,
9503,
1746,
13,
33295,
7,
9319,
62,
45986,
62,
13200,
62,
9122,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
6822,
284,
4155,
326,
43472,
67,
318,
3151,
540,
198,
220,
220,
220,
220,
220,
220,
220,
611,
6460,
13,
25294,
38,
2751,
62,
13909,
40818,
62,
2885,
7707,
7597,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
18931,
62,
9122,
796,
705,
48678,
532,
82,
33993,
42,
8267,
642,
82,
29249,
4064,
82,
26,
611,
16410,
720,
30,
14512,
657,
2361,
11208,
788,
8420,
4064,
67,
26,
25912,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
18931,
62,
9122,
796,
18931,
62,
9122,
4064,
357,
33692,
13,
25294,
38,
2751,
62,
13909,
40818,
62,
2885,
7707,
7597,
11,
3893,
25714,
13,
33,
2885,
62,
25294,
2257,
11211,
62,
34,
16820,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1535,
62,
9122,
62,
9503,
1746,
13,
33295,
7,
6404,
2667,
62,
9122,
8,
628,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
21812,
796,
705,
11405,
45302,
22179,
7,
13948,
62,
9122,
62,
9503,
1746,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
19081,
4876,
6608,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
35943,
62,
4906,
796,
705,
13948,
12,
9122,
6,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
7839,
796,
705,
19667,
3893,
6822,
6,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
11213,
796,
705,
7376,
4657,
262,
1535,
3722,
286,
262,
10139,
6,
628,
220,
220,
220,
825,
651,
62,
37540,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
6214,
1058,
76,
2788,
25,
63,
21858,
13,
83,
6791,
13,
8692,
62,
35943,
13,
25714,
13,
1136,
62,
37540,
63,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
19081,
33236,
26933,
34,
79,
385,
7,
15,
13,
16,
828,
4942,
7,
2624,
13,
15,
8,
12962,
198
] | 2.458027 | 1,358 |
#!/usr/bin/env python
try:
from components import resistor
from components import capacitor
from components import voltage
from components import tolerance
except:
from bommerge.components import resistor
from bommerge.components import capacitor
from bommerge.components import voltage
from bommerge.components import tolerance
from gui.projectConfigurationWidget import ProjectConfigurationWidget
from parsers import csvToJson
from utils import files
import os
from decimal import *
try:
import Tkinter as tk
import ttk
except ImportError:
import tkinter as tk
from tkinter import ttk
if __name__ == "__main__":
main()
| [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
198,
198,
28311,
25,
198,
220,
220,
220,
422,
6805,
1330,
45032,
198,
220,
220,
220,
422,
6805,
1330,
43212,
198,
220,
220,
220,
422,
6805,
1330,
15004,
198,
220,
220,
220,
422,
6805,
1330,
15621,
198,
16341,
25,
198,
220,
220,
220,
422,
8626,
647,
469,
13,
5589,
3906,
1330,
45032,
198,
220,
220,
220,
422,
8626,
647,
469,
13,
5589,
3906,
1330,
43212,
198,
220,
220,
220,
422,
8626,
647,
469,
13,
5589,
3906,
1330,
15004,
198,
220,
220,
220,
422,
8626,
647,
469,
13,
5589,
3906,
1330,
15621,
198,
198,
6738,
11774,
13,
16302,
38149,
38300,
1330,
4935,
38149,
38300,
198,
6738,
13544,
364,
1330,
269,
21370,
2514,
41,
1559,
198,
6738,
3384,
4487,
1330,
3696,
198,
11748,
28686,
198,
6738,
32465,
1330,
1635,
198,
198,
28311,
25,
198,
220,
220,
220,
1330,
309,
74,
3849,
355,
256,
74,
198,
220,
220,
220,
1330,
256,
30488,
198,
16341,
17267,
12331,
25,
198,
220,
220,
220,
1330,
256,
74,
3849,
355,
256,
74,
198,
220,
220,
220,
422,
256,
74,
3849,
1330,
256,
30488,
628,
628,
628,
628,
628,
628,
628,
198,
361,
11593,
3672,
834,
6624,
366,
834,
12417,
834,
1298,
198,
220,
220,
220,
1388,
3419,
198
] | 3.301435 | 209 |
# Copyright (c) 2017-present, Facebook, Inc.
# All rights reserved.
#
# This source code is licensed under the license found in the LICENSE file in
# the root directory of this source tree. An additional grant of patent rights
# can be found in the PATENTS file in the same directory.
import math
import numpy as np
import torch
from . import FairseqDataset
class TokenBlockDataset(FairseqDataset):
"""Break a Dataset of tokens into blocks.
Args:
dataset (~torch.utils.data.Dataset): dataset to break into blocks
sizes (List[int]): sentence lengths (required for 'complete' and 'eos')
block_size (int): maximum block size (ignored in 'eos' break mode)
break_mode (str, optional): Mode used for breaking tokens. Values can
be one of:
- 'none': break tokens into equally sized blocks (up to block_size)
- 'complete': break tokens into blocks (up to block_size) such that
blocks contains complete sentences, although block_size may be
exceeded if some sentences exceed block_size
- 'eos': each block contains one sentence (block_size is ignored)
include_targets (bool, optional): return next tokens as targets
(default: False).
"""
@property
| [
2,
15069,
357,
66,
8,
2177,
12,
25579,
11,
3203,
11,
3457,
13,
198,
2,
1439,
2489,
10395,
13,
198,
2,
198,
2,
770,
2723,
2438,
318,
11971,
739,
262,
5964,
1043,
287,
262,
38559,
24290,
2393,
287,
198,
2,
262,
6808,
8619,
286,
428,
2723,
5509,
13,
1052,
3224,
7264,
286,
12701,
2489,
198,
2,
460,
307,
1043,
287,
262,
28748,
15365,
2393,
287,
262,
976,
8619,
13,
198,
198,
11748,
10688,
198,
198,
11748,
299,
32152,
355,
45941,
198,
11748,
28034,
198,
198,
6738,
764,
1330,
7011,
41068,
27354,
292,
316,
628,
198,
4871,
29130,
12235,
27354,
292,
316,
7,
30099,
41068,
27354,
292,
316,
2599,
198,
220,
220,
220,
37227,
31737,
257,
16092,
292,
316,
286,
16326,
656,
7021,
13,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
27039,
31034,
13165,
354,
13,
26791,
13,
7890,
13,
27354,
292,
316,
2599,
27039,
284,
2270,
656,
7021,
198,
220,
220,
220,
220,
220,
220,
220,
10620,
357,
8053,
58,
600,
60,
2599,
6827,
20428,
357,
35827,
329,
705,
20751,
6,
290,
705,
68,
418,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
2512,
62,
7857,
357,
600,
2599,
5415,
2512,
2546,
357,
570,
1850,
287,
705,
68,
418,
6,
2270,
4235,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2270,
62,
14171,
357,
2536,
11,
11902,
2599,
10363,
973,
329,
7163,
16326,
13,
27068,
460,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
307,
530,
286,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
532,
705,
23108,
10354,
2270,
16326,
656,
8603,
19943,
7021,
357,
929,
284,
2512,
62,
7857,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
532,
705,
20751,
10354,
2270,
16326,
656,
7021,
357,
929,
284,
2512,
62,
7857,
8,
884,
326,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7021,
4909,
1844,
13439,
11,
3584,
2512,
62,
7857,
743,
307,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
20672,
611,
617,
13439,
7074,
2512,
62,
7857,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
532,
705,
68,
418,
10354,
1123,
2512,
4909,
530,
6827,
357,
9967,
62,
7857,
318,
9514,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2291,
62,
83,
853,
1039,
357,
30388,
11,
11902,
2599,
1441,
1306,
16326,
355,
6670,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
12286,
25,
10352,
737,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
2488,
26745,
198
] | 2.927602 | 442 |
#!/usr/bin/python3
import os
from brownie import VRF_Pizza, VRF_Pizza_RNG, accounts, network, config, interface
STATIC_SEED = 123
| [
2,
48443,
14629,
14,
8800,
14,
29412,
18,
198,
11748,
28686,
198,
6738,
7586,
494,
1330,
6453,
37,
62,
47,
9990,
11,
6453,
37,
62,
47,
9990,
62,
49,
10503,
11,
5504,
11,
3127,
11,
4566,
11,
7071,
198,
198,
35744,
2149,
62,
5188,
1961,
796,
17031,
628
] | 2.75 | 48 |
"""Math utilities."""
import numpy as np
from numba import njit
rel_tol = 1e-10
abs_tol = 0.
def is_close(a, b, rel_tol=rel_tol, abs_tol=abs_tol):
"""Tell whether two values are approximately equal."""
if np.isnan(a) or np.isnan(b):
return False
if np.isinf(a) or np.isinf(b):
return False
if a == b:
return True
return abs(a - b) <= max(rel_tol * max(abs(a), abs(b)), abs_tol)
is_close_nb = njit(cache=True)(is_close)
"""Numba-compiled version of `is_close`."""
def is_close_or_less(a, b, rel_tol=rel_tol, abs_tol=abs_tol):
"""Tell whether the first value is approximately less than or equal to the second value."""
if is_close(a, b, rel_tol=rel_tol, abs_tol=abs_tol):
return True
return a < b
@njit(cache=True)
def is_close_or_less_nb(a, b, rel_tol=rel_tol, abs_tol=abs_tol):
"""Numba-compiled version of `is_close_or_less`."""
if is_close_nb(a, b, rel_tol=rel_tol, abs_tol=abs_tol):
return True
return a < b
def is_less(a, b, rel_tol=rel_tol, abs_tol=abs_tol):
"""Tell whether the first value is approximately less than the second value."""
if is_close(a, b, rel_tol=rel_tol, abs_tol=abs_tol):
return False
return a < b
@njit(cache=True)
def is_less_nb(a, b, rel_tol=rel_tol, abs_tol=abs_tol):
"""Numba-compiled version of `is_less`."""
if is_close_nb(a, b, rel_tol=rel_tol, abs_tol=abs_tol):
return False
return a < b
| [
37811,
37372,
20081,
526,
15931,
198,
198,
11748,
299,
32152,
355,
45941,
198,
6738,
997,
7012,
1330,
299,
45051,
198,
198,
2411,
62,
83,
349,
796,
352,
68,
12,
940,
198,
8937,
62,
83,
349,
796,
657,
13,
628,
198,
4299,
318,
62,
19836,
7,
64,
11,
275,
11,
823,
62,
83,
349,
28,
2411,
62,
83,
349,
11,
2352,
62,
83,
349,
28,
8937,
62,
83,
349,
2599,
198,
220,
220,
220,
37227,
24446,
1771,
734,
3815,
389,
6702,
4961,
526,
15931,
198,
220,
220,
220,
611,
45941,
13,
271,
12647,
7,
64,
8,
393,
45941,
13,
271,
12647,
7,
65,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
10352,
198,
220,
220,
220,
611,
45941,
13,
271,
10745,
7,
64,
8,
393,
45941,
13,
271,
10745,
7,
65,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
10352,
198,
220,
220,
220,
611,
257,
6624,
275,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
6407,
198,
220,
220,
220,
1441,
2352,
7,
64,
532,
275,
8,
19841,
3509,
7,
2411,
62,
83,
349,
1635,
3509,
7,
8937,
7,
64,
828,
2352,
7,
65,
36911,
2352,
62,
83,
349,
8,
628,
198,
271,
62,
19836,
62,
46803,
796,
299,
45051,
7,
23870,
28,
17821,
5769,
271,
62,
19836,
8,
198,
37811,
45,
2178,
64,
12,
5589,
3902,
2196,
286,
4600,
271,
62,
19836,
63,
526,
15931,
628,
198,
4299,
318,
62,
19836,
62,
273,
62,
1203,
7,
64,
11,
275,
11,
823,
62,
83,
349,
28,
2411,
62,
83,
349,
11,
2352,
62,
83,
349,
28,
8937,
62,
83,
349,
2599,
198,
220,
220,
220,
37227,
24446,
1771,
262,
717,
1988,
318,
6702,
1342,
621,
393,
4961,
284,
262,
1218,
1988,
526,
15931,
198,
220,
220,
220,
611,
318,
62,
19836,
7,
64,
11,
275,
11,
823,
62,
83,
349,
28,
2411,
62,
83,
349,
11,
2352,
62,
83,
349,
28,
8937,
62,
83,
349,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
6407,
198,
220,
220,
220,
1441,
257,
1279,
275,
628,
198,
31,
77,
45051,
7,
23870,
28,
17821,
8,
198,
4299,
318,
62,
19836,
62,
273,
62,
1203,
62,
46803,
7,
64,
11,
275,
11,
823,
62,
83,
349,
28,
2411,
62,
83,
349,
11,
2352,
62,
83,
349,
28,
8937,
62,
83,
349,
2599,
198,
220,
220,
220,
37227,
45,
2178,
64,
12,
5589,
3902,
2196,
286,
4600,
271,
62,
19836,
62,
273,
62,
1203,
63,
526,
15931,
198,
220,
220,
220,
611,
318,
62,
19836,
62,
46803,
7,
64,
11,
275,
11,
823,
62,
83,
349,
28,
2411,
62,
83,
349,
11,
2352,
62,
83,
349,
28,
8937,
62,
83,
349,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
6407,
198,
220,
220,
220,
1441,
257,
1279,
275,
628,
198,
4299,
318,
62,
1203,
7,
64,
11,
275,
11,
823,
62,
83,
349,
28,
2411,
62,
83,
349,
11,
2352,
62,
83,
349,
28,
8937,
62,
83,
349,
2599,
198,
220,
220,
220,
37227,
24446,
1771,
262,
717,
1988,
318,
6702,
1342,
621,
262,
1218,
1988,
526,
15931,
198,
220,
220,
220,
611,
318,
62,
19836,
7,
64,
11,
275,
11,
823,
62,
83,
349,
28,
2411,
62,
83,
349,
11,
2352,
62,
83,
349,
28,
8937,
62,
83,
349,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
10352,
198,
220,
220,
220,
1441,
257,
1279,
275,
628,
198,
31,
77,
45051,
7,
23870,
28,
17821,
8,
198,
4299,
318,
62,
1203,
62,
46803,
7,
64,
11,
275,
11,
823,
62,
83,
349,
28,
2411,
62,
83,
349,
11,
2352,
62,
83,
349,
28,
8937,
62,
83,
349,
2599,
198,
220,
220,
220,
37227,
45,
2178,
64,
12,
5589,
3902,
2196,
286,
4600,
271,
62,
1203,
63,
526,
15931,
198,
220,
220,
220,
611,
318,
62,
19836,
62,
46803,
7,
64,
11,
275,
11,
823,
62,
83,
349,
28,
2411,
62,
83,
349,
11,
2352,
62,
83,
349,
28,
8937,
62,
83,
349,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
10352,
198,
220,
220,
220,
1441,
257,
1279,
275,
198
] | 2.147059 | 680 |
"""This module contains `docker image rm` class"""
from docker.errors import APIError
from .command import Command
class Rm(Command):
"""This class implements `docker image rm` command"""
name = "image rm"
require = []
| [
37811,
1212,
8265,
4909,
4600,
45986,
2939,
42721,
63,
1398,
37811,
198,
198,
6738,
36253,
13,
48277,
1330,
7824,
12331,
198,
198,
6738,
764,
21812,
1330,
9455,
628,
198,
4871,
371,
76,
7,
21575,
2599,
198,
220,
220,
220,
37227,
1212,
1398,
23986,
4600,
45986,
2939,
42721,
63,
3141,
37811,
628,
220,
220,
220,
1438,
796,
366,
9060,
42721,
1,
198,
220,
220,
220,
2421,
796,
17635,
198
] | 3.470588 | 68 |
# -*- coding: utf-8 -*-
"""Project and solution file reader classes."""
import abc
import re
from vstools import resources
class FileReader(object):
"""File reader."""
def __init__(self, encoding='utf-8'):
"""Initializes a file reader.
Args:
encoding (str): encoding.
"""
super(FileReader, self).__init__()
self._encoding = encoding
self._file = None
self._line = None
def _ReadBinaryData(self, size):
"""Reads binary data.
Args:
size (int): number of bytes to read.
Returns:
bytes: binary data.
"""
return self._file.read(size)
def _ReadLine(self, look_ahead=False):
"""Reads a line.
Args:
look_ahead (Optional[bool]): indicated if the line should be considered
read (False) or not (True).
Returns:
str: line stripped of leading and trailing white space or None if no
input is available.
"""
if self._line is not None:
line = self._line
if not look_ahead:
self._line = None
else:
line = self._file.readline()
if line:
line = line.strip()
if look_ahead:
self._line = line
if isinstance(line, bytes):
line = line.decode(self._encoding)
return line
def Close(self):
"""Closes the file."""
self._file.close()
def Open(self, filename):
"""Opens the file.
Args:
filename (str): path of the file.
"""
self._file = open(filename, 'rb') # pylint: disable=consider-using-with
class VSProjectFileReader(FileReader):
"""Visual Studio project file reader."""
class VS2008ProjectFileReader(VSProjectFileReader):
"""Visual Studio 2008 project file reader."""
_CONFIGURATION_OPTIONS = {
'CharacterSet': 'character_set',
'ConfigurationType': 'output_type',
'ManagedExtensions': 'managed_extensions',
'WholeProgramOptimization': 'whole_program_optimization',
}
_TOOL_COMPILER_CONFIGURATION_OPTIONS = {
'AdditionalIncludeDirectories': 'include_directories',
'BasicRuntimeChecks': 'basic_runtime_checks',
'CompileAs': 'compile_as',
'DebugInformationFormat': 'debug_information_format',
'Detect64BitPortabilityProblems': 'detect_64bit_portability_problems',
'EnableFunctionLevelLinking': 'enable_function_level_linking',
'EnableIntrinsicFunctions': 'enable_intrinsic_functions',
'Optimization': 'optimization',
'PreprocessorDefinitions': 'preprocessor_definitions',
'RuntimeLibrary': 'runtime_library',
'SmallerTypeCheck': 'smaller_type_check',
'UsePrecompiledHeader': 'precompiled_header',
'WarnAsError': 'warning_as_error',
'WarningLevel': 'warning_level',
}
_TOOL_LIBRARIAN_CONFIGURATION_OPTIONS = {
'IgnoreAllDefaultLibraries': 'librarian_ignore_defaults',
'OutputFile': 'librarian_output_file',
}
_TOOL_LINKER_CONFIGURATION_OPTIONS = {
'AdditionalDependencies': 'additional_dependencies',
'AdditionalLibraryDirectories': 'library_directories',
'DataExecutionPrevention': 'data_execution_prevention',
'EnableCOMDATFolding': 'enable_comdat_folding',
'FixedBaseAddress': 'fixed_base_address',
'GenerateDebugInformation': 'generate_debug_information',
'ImportLibrary': 'linker_values_set',
'LinkIncremental': 'link_incremental',
'ModuleDefinitionFile': 'module_definition_file',
'OptimizeReferences': 'optimize_references',
'OutputDirectory': 'linker_output_directory',
'OutputFile': 'linker_output_file',
'RandomizedBaseAddress': 'randomized_base_address',
'SubSystem': 'sub_system',
'TargetMachine': 'target_machine',
}
def _ParseConfigurationOption(
self, project_configuration, definition, name, line):
"""Parses a configuration option.
Args:
project_configuration (VSProjectConfiguration): project configuration.
definition (str): definition of the configuration value in file.
name (str): name of the configuration value in the project information.
line (str): line that contains the configuration value.
"""
regex_pattern = '{0:s}="([^"]*)"'.format(definition)
values = re.findall(regex_pattern, line)
if len(values) == 1:
setattr(project_configuration, name, values[0])
def _ParseConfigurationOptions(
self, project_configuration, configuration_options, line):
"""Parses configuration options.
Args:
project_configuration (VSProjectConfiguration): project configuration.
configuration_options (dict[str, str]): configuration options defined
as a name per definition.
line (str): line that contains the configuration value.
"""
configuration_definition, _, _ = line.partition('=')
configuration_value = configuration_options.get(
configuration_definition, None)
if configuration_value:
self._ParseConfigurationOption(
project_configuration, configuration_definition, configuration_value,
line)
def _ReadConfiguration(self, line):
"""Reads a configuration.
Args:
line (str): line that contains the start of the configuration section.
Returns:
VSProjectConfiguration: configuration or None if no configuration was
found.
"""
if not line or not line.startswith('<Configuration'):
return None
project_configuration = resources.VSProjectConfiguration()
found_tool = False
found_tool_compiler = False
found_tool_librarian = False
found_tool_linker = False
while line:
line = self._ReadLine()
if line.startswith('</Configuration>'):
break
if found_tool:
if line.startswith('/>'):
found_tool = False
found_tool_compiler = False
found_tool_librarian = False
found_tool_linker = False
elif found_tool_compiler:
self._ParseConfigurationOptions(
project_configuration, self._TOOL_COMPILER_CONFIGURATION_OPTIONS,
line)
if isinstance(
project_configuration.include_directories, str):
project_configuration.include_directories = (
project_configuration.include_directories.split(';'))
elif found_tool_librarian:
self._ParseConfigurationOptions(
project_configuration, self._TOOL_LIBRARIAN_CONFIGURATION_OPTIONS,
line)
elif found_tool_linker:
self._ParseConfigurationOptions(
project_configuration, self._TOOL_LINKER_CONFIGURATION_OPTIONS,
line)
additional_dependencies = (
project_configuration.additional_dependencies)
if isinstance(additional_dependencies, str):
# pylint: disable=no-member
additional_dependencies = additional_dependencies.split(' ')
project_configuration.additional_dependencies = []
for dependency in additional_dependencies:
dependency.replace('$(ConfigurationName)', '$(Configuration)')
project_configuration.additional_dependencies.append(dependency)
if isinstance(
project_configuration.library_directories, str):
project_configuration.library_directories = (
project_configuration.library_directories.split(';'))
elif line.startswith('Name="VCCLCompilerTool"'):
found_tool_compiler = True
elif line.startswith('Name="VCLibrarianTool"'):
found_tool_librarian = True
elif line.startswith('Name="VCLinkerTool"'):
found_tool_linker = True
elif line.startswith('<Tool'):
found_tool = True
elif line.startswith('Name='):
# For more than 1 match findall will return a list with a tuple.
values = re.findall('Name="([^|]*)[|]([^"]*)"', line)[0]
if len(values) == 2:
project_configuration.name = values[0]
project_configuration.platform = values[1]
else:
self._ParseConfigurationOptions(
project_configuration, self._CONFIGURATION_OPTIONS, line)
# TODO: PlatformToolset.
# TargetFrameworkVersion ?
# Add the target machine when not defined.
if not project_configuration.target_machine:
if project_configuration.platform == 'Win32':
project_configuration.target_machine = '1'
# TODO: assuming here that 2 is x64.
elif project_configuration.platform == 'x64':
project_configuration.target_machine = '2'
return project_configuration
def _ReadConfigurations(self, project_information):
"""Reads the configurations.
Args:
project_information (VSProjectInformation): project information.
"""
# Find the start of the configurations section.
result = False
line = self._ReadLine()
while line:
result = line.startswith('<Configurations>')
if result:
break
line = self._ReadLine()
if not result:
return
while line:
line = self._ReadLine()
if line.startswith('</Configurations>'):
break
if line.startswith('<Configuration'):
project_configuration = self._ReadConfiguration(line)
if project_configuration:
project_information.configurations.Append(project_configuration)
def _ReadFiles(self, project_information):
"""Reads the files.
Args:
project_information (VSProjectInformation): project information.
"""
# Find the start of the files section.
result = False
line = self._ReadLine()
while line:
result = line.startswith('<Files>')
if result:
break
line = self._ReadLine()
if result:
found_filter = False
found_filter_source_files = False
found_filter_header_files = False
found_filter_resource_files = False
while line:
line = self._ReadLine()
if line.startswith('</Files>'):
break
if found_filter:
if line.startswith('</Filter>'):
found_filter = False
found_filter_source_files = False
found_filter_header_files = False
found_filter_resource_files = False
elif found_filter_source_files:
if line.startswith('RelativePath='):
values = re.findall('RelativePath="([^"]*)"', line)
if len(values) == 1:
project_information.source_files.append(values[0])
elif found_filter_header_files:
if line.startswith('RelativePath='):
values = re.findall('RelativePath="([^"]*)"', line)
if len(values) == 1:
project_information.header_files.append(values[0])
elif found_filter_resource_files:
if line.startswith('RelativePath='):
values = re.findall('RelativePath="([^"]*)"', line)
if len(values) == 1:
project_information.resource_files.append(values[0])
elif line.startswith('Name="Source Files"'):
found_filter_source_files = True
elif line.startswith('Name="Header Files"'):
found_filter_header_files = True
elif line.startswith('Name="Resource Files"'):
found_filter_resource_files = True
elif line.startswith('<Filter'):
found_filter = True
def _ReadProjectInformation(self, project_information):
"""Reads project information.
Args:
project_information (VSProjectInformation): project information.
"""
line = self._ReadLine()
while line:
if line.startswith('>'):
break
if line.startswith('Name='):
values = re.findall('Name="([^"]*)"', line)
if len(values) == 1:
project_information.name = values[0]
elif line.startswith('ProjectGUID='):
values = re.findall('ProjectGUID="{([^}]*)}"', line)
if len(values) == 1:
project_information.guid = values[0]
elif line.startswith('RootNamespace='):
values = re.findall('RootNamespace="([^"]*)"', line)
if len(values) == 1:
project_information.root_name_space = values[0]
elif line.startswith('Keyword='):
values = re.findall('Keyword="([^"]*)"', line)
if len(values) == 1:
project_information.keyword = values[0]
line = self._ReadLine()
def ReadHeader(self):
"""Reads a file header.
Returns:
bool: True if successful or false otherwise.
"""
# TODO check encoding?
line = self._ReadLine()
if not line or not line.startswith('<?xml version="1.0"'):
return False
line = self._ReadLine()
if not line or not line.startswith('<VisualStudioProject'):
return False
line = self._ReadLine()
if not line or not line.startswith('ProjectType="Visual C++"'):
return False
line = self._ReadLine()
if not line or not line.startswith('Version="9,00"'):
return False
return True
def ReadProject(self):
"""Reads the project.
Returns:
VSProjectInformation: project information if successful or None otherwise.
"""
project_information = resources.VSProjectInformation()
self._ReadProjectInformation(project_information)
self._ReadConfigurations(project_information)
self._ReadFiles(project_information)
return project_information
class VS2010ProjectFileReader(VSProjectFileReader):
"""Visual Studio 2010 project file reader."""
# TODO: implement.
class VS2012ProjectFileReader(VSProjectFileReader):
"""Visual Studio 2012 project file reader."""
# TODO: implement.
class VS2013ProjectFileReader(VSProjectFileReader):
"""Visual Studio 2013 project file reader."""
# TODO: implement.
class VS2015ProjectFileReader(VSProjectFileReader):
"""Visual Studio 2015 project file reader."""
# TODO: implement.
class VS2017ProjectFileReader(VSProjectFileReader):
"""Visual Studio 2017 project file reader."""
# TODO: implement.
class VS2019ProjectFileReader(VSProjectFileReader):
"""Visual Studio 2019 project file reader."""
# TODO: implement.
class VSSolutionFileReader(FileReader):
"""Visual Studio solution file reader."""
# Note that redundant-returns-doc is broken for pylint 1.7.x for abstract
# methods
# pylint: disable=redundant-returns-doc
@abc.abstractmethod
def _CheckFormatVersion(self, line):
"""Checks the format version.
Args:
line (str): line containing the Visual Studio format version.
Returns:
bool: True if successful or false otherwise.
"""
# pylint: disable=unused-argument
def _CheckVisualStudioVersion(self, line):
"""Checks the Visual Studio version.
Args:
line (str): line containing the Visual Studio format version.
Returns:
bool: True if successful or false otherwise.
"""
return False
def ReadConfigurations(self):
"""Reads the configurations.
Returns:
VSConfigurations: configurations or None if not available.
"""
solution_configurations = resources.VSConfigurations()
line = self._ReadLine(look_ahead=True)
if not line or line != 'Global':
return None
found_section = False
line = self._ReadLine()
while line and line != 'EndGlobal':
line = self._ReadLine()
if found_section:
if line == 'EndGlobalSection':
found_section = False
else:
# For more than 1 match findall will return a list with a tuple.
values = re.findall('([^|]*)[|]([^ ]*) = ([^|]*)[|]([^ ]*)', line)
if len(values) == 1:
values = values[0]
if (len(values) == 4 and values[0] == values[2] and
values[1] == values[3]):
configuration = resources.VSSolutionConfiguration()
configuration.name = values[0]
configuration.platform = values[1]
solution_configurations.Append(configuration)
elif line == ('GlobalSection(SolutionConfigurationPlatforms) = '
'preSolution'):
found_section = True
return solution_configurations
def ReadHeader(self):
"""Reads a file header.
Returns:
bool: True if successful or false otherwise.
"""
binary_data = self._ReadBinaryData(5)
if binary_data != b'\xef\xbb\xbf\r\n':
return False
line = self._ReadLine()
if not line or not line.startswith(
'Microsoft Visual Studio Solution File, Format Version '):
return False
if not self._CheckFormatVersion(line):
return False
visual_studio_version_line = None
line = self._ReadLine(look_ahead=True)
while line:
if line.startswith('# Visual C++ '):
self._ReadLine()
elif line.startswith('VisualStudioVersion = '):
visual_studio_version_line = self._ReadLine()
else:
break
line = self._ReadLine(look_ahead=True)
if visual_studio_version_line and not self._CheckVisualStudioVersion(
visual_studio_version_line):
return False
return True
def ReadProject(self):
"""Reads a project.
Returns:
VSSolutionProject: project if successful or None otherwise.
"""
# 8BC9CEB8-8B4A-11D0-8D11-00A0C91BC942 is a Visual C++ related GUID.
line = self._ReadLine(look_ahead=True)
if not line or not line.startswith(
'Project("{8BC9CEB8-8B4A-11D0-8D11-00A0C91BC942}") = '):
return None
# For more than 1 match findall will return a list with a tuple.
values = re.findall(
('Project\\("{8BC9CEB8-8B4A-11D0-8D11-00A0C91BC942}"\\) = "([^"]*)", '
'"([^"]*)\\.vcproj", '
'"{([0-9A-F]*-[0-9A-F]*-[0-9A-F]*-[0-9A-F]*-[0-9A-F]*)}"'),
line)
if len(values) != 1:
return None
values = values[0]
if len(values) != 3:
return None
solution_project = resources.VSSolutionProject(
values[0], values[1], values[2])
found_dependencies = False
line = self._ReadLine()
while line and line != 'EndProject':
line = self._ReadLine()
if found_dependencies:
if line == 'EndProjectSection':
found_dependencies = False
else:
# The dependencies are defined as: {%GUID%} = {%GUID%}
# For more than 1 match findall will return a list with a tuple.
guids = re.findall(
('{([0-9A-F]*-[0-9A-F]*-[0-9A-F]*-[0-9A-F]*-[0-9A-F]*)} = '
'{([0-9A-F]*-[0-9A-F]*-[0-9A-F]*-[0-9A-F]*-[0-9A-F]*)}'),
line)
if len(guids) == 1:
guids = guids[0]
if len(guids) == 2 and guids[0] == guids[1]:
solution_project.AddDependency(guids[0])
elif line == 'ProjectSection(ProjectDependencies) = postProject':
found_dependencies = True
return solution_project
def ReadProjects(self):
"""Reads the projects.
Returns:
list[VSSolutionProject]: projects in preserved order.
"""
solution_projects = []
solution_project = self.ReadProject()
while solution_project:
solution_projects.append(solution_project)
solution_project = self.ReadProject()
return solution_projects
class VS2008SolutionFileReader(VSSolutionFileReader):
"""Visual Studio 2008 solution file reader."""
def _CheckFormatVersion(self, line):
"""Checks the format version.
Args:
line (str): line containing the Visual Studio format version.
Returns:
bool: True if successful or false otherwise.
"""
return line.endswith(' 10.00')
class VS2010SolutionFileReader(VSSolutionFileReader):
"""Visual Studio 2010 solution file reader."""
def _CheckFormatVersion(self, line):
"""Checks the format version.
Args:
line (str): line containing the Visual Studio format version.
Returns:
bool: True if successful or false otherwise.
"""
return line.endswith(' 11.00')
class VS2012SolutionFileReader(VSSolutionFileReader):
"""Visual Studio 2012 solution file reader."""
def _CheckFormatVersion(self, line):
"""Checks the format version.
Args:
line (str): line containing the Visual Studio format version.
Returns:
bool: True if successful or false otherwise.
"""
return line.endswith(' 12.00')
class VS2013SolutionFileReader(VS2012SolutionFileReader):
"""Visual Studio 2013 solution file reader."""
def _CheckVisualStudioVersion(self, line):
"""Checks the Visual Studio version.
Args:
line (str): line containing the Visual Studio format version.
Returns:
bool: True if successful or false otherwise.
"""
version = line.split(' = ')[1]
return version.startswith('12.')
class VS2015SolutionFileReader(VS2012SolutionFileReader):
"""Visual Studio 2015 solution file reader."""
def _CheckVisualStudioVersion(self, line):
"""Checks the Visual Studio version.
Args:
line (str): line containing the Visual Studio format version.
Returns:
bool: True if successful or false otherwise.
"""
version = line.split(' = ')[1]
return version.startswith('14.')
class VS2017SolutionFileReader(VS2012SolutionFileReader):
"""Visual Studio 2017 solution file reader."""
def _CheckVisualStudioVersion(self, line):
"""Checks the Visual Studio version.
Args:
line (str): line containing the Visual Studio format version.
Returns:
bool: True if successful or false otherwise.
"""
version = line.split(' = ')[1]
return version.startswith('15.')
class VS2019SolutionFileReader(VS2012SolutionFileReader):
"""Visual Studio 2019 solution file reader."""
def _CheckVisualStudioVersion(self, line):
"""Checks the Visual Studio version.
Args:
line (str): line containing the Visual Studio format version.
Returns:
bool: True if successful or false otherwise.
"""
version = line.split(' = ')[1]
return version.startswith('15.')
| [
2,
532,
9,
12,
19617,
25,
3384,
69,
12,
23,
532,
9,
12,
198,
37811,
16775,
290,
4610,
2393,
9173,
6097,
526,
15931,
198,
198,
11748,
450,
66,
198,
11748,
302,
198,
198,
6738,
410,
301,
10141,
1330,
4133,
628,
198,
4871,
9220,
33634,
7,
15252,
2599,
198,
220,
37227,
8979,
9173,
526,
15931,
628,
220,
825,
11593,
15003,
834,
7,
944,
11,
21004,
11639,
40477,
12,
23,
6,
2599,
198,
220,
220,
220,
37227,
24243,
4340,
257,
2393,
9173,
13,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
21004,
357,
2536,
2599,
21004,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
2208,
7,
8979,
33634,
11,
2116,
737,
834,
15003,
834,
3419,
198,
220,
220,
220,
2116,
13557,
12685,
7656,
796,
21004,
198,
220,
220,
220,
2116,
13557,
7753,
796,
6045,
198,
220,
220,
220,
2116,
13557,
1370,
796,
6045,
628,
220,
825,
4808,
5569,
33,
3219,
6601,
7,
944,
11,
2546,
2599,
198,
220,
220,
220,
37227,
5569,
82,
13934,
1366,
13,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
2546,
357,
600,
2599,
1271,
286,
9881,
284,
1100,
13,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
9881,
25,
13934,
1366,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1441,
2116,
13557,
7753,
13,
961,
7,
7857,
8,
628,
220,
825,
4808,
5569,
13949,
7,
944,
11,
804,
62,
38204,
28,
25101,
2599,
198,
220,
220,
220,
37227,
5569,
82,
257,
1627,
13,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
804,
62,
38204,
357,
30719,
58,
30388,
60,
2599,
8203,
611,
262,
1627,
815,
307,
3177,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1100,
357,
25101,
8,
393,
407,
357,
17821,
737,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
965,
25,
1627,
18818,
286,
3756,
290,
25462,
2330,
2272,
393,
6045,
611,
645,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5128,
318,
1695,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
611,
2116,
13557,
1370,
318,
407,
6045,
25,
198,
220,
220,
220,
220,
220,
1627,
796,
2116,
13557,
1370,
198,
220,
220,
220,
220,
220,
611,
407,
804,
62,
38204,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
1370,
796,
6045,
628,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
1627,
796,
2116,
13557,
7753,
13,
961,
1370,
3419,
198,
220,
220,
220,
220,
220,
611,
1627,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1627,
796,
1627,
13,
36311,
3419,
198,
220,
220,
220,
220,
220,
611,
804,
62,
38204,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
1370,
796,
1627,
628,
220,
220,
220,
611,
318,
39098,
7,
1370,
11,
9881,
2599,
198,
220,
220,
220,
220,
220,
1627,
796,
1627,
13,
12501,
1098,
7,
944,
13557,
12685,
7656,
8,
628,
220,
220,
220,
1441,
1627,
628,
220,
825,
13872,
7,
944,
2599,
198,
220,
220,
220,
37227,
2601,
4629,
262,
2393,
526,
15931,
198,
220,
220,
220,
2116,
13557,
7753,
13,
19836,
3419,
628,
220,
825,
4946,
7,
944,
11,
29472,
2599,
198,
220,
220,
220,
37227,
18257,
641,
262,
2393,
13,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
29472,
357,
2536,
2599,
3108,
286,
262,
2393,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
2116,
13557,
7753,
796,
1280,
7,
34345,
11,
705,
26145,
11537,
220,
1303,
279,
2645,
600,
25,
15560,
28,
44353,
12,
3500,
12,
4480,
628,
198,
4871,
22269,
16775,
8979,
33634,
7,
8979,
33634,
2599,
198,
220,
37227,
36259,
11733,
1628,
2393,
9173,
526,
15931,
628,
198,
4871,
22269,
11528,
16775,
8979,
33634,
7,
20304,
16775,
8979,
33634,
2599,
198,
220,
37227,
36259,
11733,
3648,
1628,
2393,
9173,
526,
15931,
628,
220,
4808,
10943,
16254,
4261,
6234,
62,
3185,
51,
11053,
796,
1391,
198,
220,
220,
220,
220,
220,
705,
27275,
7248,
10354,
705,
22769,
62,
2617,
3256,
198,
220,
220,
220,
220,
220,
705,
38149,
6030,
10354,
705,
22915,
62,
4906,
3256,
198,
220,
220,
220,
220,
220,
705,
5124,
1886,
11627,
5736,
10354,
705,
39935,
62,
2302,
5736,
3256,
198,
220,
220,
220,
220,
220,
705,
1199,
2305,
15167,
27871,
320,
1634,
10354,
705,
1929,
2305,
62,
23065,
62,
40085,
1634,
3256,
198,
220,
1782,
628,
220,
4808,
10468,
3535,
62,
9858,
47,
4146,
1137,
62,
10943,
16254,
4261,
6234,
62,
3185,
51,
11053,
796,
1391,
198,
220,
220,
220,
220,
220,
705,
17699,
818,
9152,
13470,
1749,
10354,
705,
17256,
62,
12942,
1749,
3256,
198,
220,
220,
220,
220,
220,
705,
26416,
41006,
7376,
4657,
10354,
705,
35487,
62,
43282,
62,
42116,
3256,
198,
220,
220,
220,
220,
220,
705,
7293,
576,
1722,
10354,
705,
5589,
576,
62,
292,
3256,
198,
220,
220,
220,
220,
220,
705,
27509,
21918,
26227,
10354,
705,
24442,
62,
17018,
62,
18982,
3256,
198,
220,
220,
220,
220,
220,
705,
47504,
2414,
13128,
13924,
1799,
2964,
22143,
10354,
705,
15255,
478,
62,
2414,
2545,
62,
634,
1799,
62,
1676,
22143,
3256,
198,
220,
220,
220,
220,
220,
705,
36695,
22203,
4971,
43,
8040,
10354,
705,
21633,
62,
8818,
62,
5715,
62,
75,
8040,
3256,
198,
220,
220,
220,
220,
220,
705,
36695,
5317,
81,
1040,
291,
24629,
2733,
10354,
705,
21633,
62,
600,
81,
1040,
291,
62,
12543,
2733,
3256,
198,
220,
220,
220,
220,
220,
705,
27871,
320,
1634,
10354,
705,
40085,
1634,
3256,
198,
220,
220,
220,
220,
220,
705,
6719,
41341,
7469,
50101,
10354,
705,
3866,
41341,
62,
4299,
50101,
3256,
198,
220,
220,
220,
220,
220,
705,
41006,
23377,
10354,
705,
43282,
62,
32016,
3256,
198,
220,
220,
220,
220,
220,
705,
18712,
263,
6030,
9787,
10354,
705,
17470,
263,
62,
4906,
62,
9122,
3256,
198,
220,
220,
220,
220,
220,
705,
11041,
6719,
5589,
3902,
39681,
10354,
705,
3866,
5589,
3902,
62,
25677,
3256,
198,
220,
220,
220,
220,
220,
705,
54,
1501,
1722,
12331,
10354,
705,
43917,
62,
292,
62,
18224,
3256,
198,
220,
220,
220,
220,
220,
705,
20361,
4971,
10354,
705,
43917,
62,
5715,
3256,
198,
220,
1782,
628,
220,
4808,
10468,
3535,
62,
40347,
49,
1503,
16868,
62,
10943,
16254,
4261,
6234,
62,
3185,
51,
11053,
796,
1391,
198,
220,
220,
220,
220,
220,
705,
32916,
382,
3237,
19463,
43,
11127,
10354,
705,
75,
35808,
62,
46430,
62,
12286,
82,
3256,
198,
220,
220,
220,
220,
220,
705,
26410,
8979,
10354,
705,
75,
35808,
62,
22915,
62,
7753,
3256,
198,
220,
1782,
628,
220,
4808,
10468,
3535,
62,
43,
17248,
1137,
62,
10943,
16254,
4261,
6234,
62,
3185,
51,
11053,
796,
1391,
198,
220,
220,
220,
220,
220,
705,
17699,
35,
2690,
3976,
10354,
705,
2860,
1859,
62,
45841,
3976,
3256,
198,
220,
220,
220,
220,
220,
705,
17699,
23377,
13470,
1749,
10354,
705,
32016,
62,
12942,
1749,
3256,
198,
220,
220,
220,
220,
220,
705,
6601,
23002,
1009,
6719,
4018,
10354,
705,
7890,
62,
18558,
1009,
62,
3866,
4018,
3256,
198,
220,
220,
220,
220,
220,
705,
36695,
9858,
35,
1404,
37,
33266,
10354,
705,
21633,
62,
785,
19608,
62,
11379,
278,
3256,
198,
220,
220,
220,
220,
220,
705,
13715,
14881,
20231,
10354,
705,
34021,
62,
8692,
62,
21975,
3256,
198,
220,
220,
220,
220,
220,
705,
8645,
378,
27509,
21918,
10354,
705,
8612,
378,
62,
24442,
62,
17018,
3256,
198,
220,
220,
220,
220,
220,
705,
20939,
23377,
10354,
705,
8726,
263,
62,
27160,
62,
2617,
3256,
198,
220,
220,
220,
220,
220,
705,
11280,
15562,
37098,
10354,
705,
8726,
62,
24988,
37098,
3256,
198,
220,
220,
220,
220,
220,
705,
26796,
36621,
8979,
10354,
705,
21412,
62,
46758,
62,
7753,
3256,
198,
220,
220,
220,
220,
220,
705,
27871,
48439,
19927,
10354,
705,
40085,
1096,
62,
5420,
4972,
3256,
198,
220,
220,
220,
220,
220,
705,
26410,
43055,
10354,
705,
8726,
263,
62,
22915,
62,
34945,
3256,
198,
220,
220,
220,
220,
220,
705,
26410,
8979,
10354,
705,
8726,
263,
62,
22915,
62,
7753,
3256,
198,
220,
220,
220,
220,
220,
705,
29531,
1143,
14881,
20231,
10354,
705,
25120,
1143,
62,
8692,
62,
21975,
3256,
198,
220,
220,
220,
220,
220,
705,
7004,
11964,
10354,
705,
7266,
62,
10057,
3256,
198,
220,
220,
220,
220,
220,
705,
21745,
37573,
10354,
705,
16793,
62,
30243,
3256,
198,
220,
1782,
628,
220,
825,
4808,
10044,
325,
38149,
19722,
7,
198,
220,
220,
220,
220,
220,
2116,
11,
1628,
62,
11250,
3924,
11,
6770,
11,
1438,
11,
1627,
2599,
198,
220,
220,
220,
37227,
47,
945,
274,
257,
8398,
3038,
13,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
1628,
62,
11250,
3924,
357,
20304,
16775,
38149,
2599,
1628,
8398,
13,
198,
220,
220,
220,
220,
220,
6770,
357,
2536,
2599,
6770,
286,
262,
8398,
1988,
287,
2393,
13,
198,
220,
220,
220,
220,
220,
1438,
357,
2536,
2599,
1438,
286,
262,
8398,
1988,
287,
262,
1628,
1321,
13,
198,
220,
220,
220,
220,
220,
1627,
357,
2536,
2599,
1627,
326,
4909,
262,
8398,
1988,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
40364,
62,
33279,
796,
705,
90,
15,
25,
82,
92,
2625,
26933,
61,
8973,
9,
16725,
4458,
18982,
7,
46758,
8,
198,
220,
220,
220,
3815,
796,
302,
13,
19796,
439,
7,
260,
25636,
62,
33279,
11,
1627,
8,
198,
220,
220,
220,
611,
18896,
7,
27160,
8,
6624,
352,
25,
198,
220,
220,
220,
220,
220,
900,
35226,
7,
16302,
62,
11250,
3924,
11,
1438,
11,
3815,
58,
15,
12962,
628,
220,
825,
4808,
10044,
325,
38149,
29046,
7,
198,
220,
220,
220,
220,
220,
2116,
11,
1628,
62,
11250,
3924,
11,
8398,
62,
25811,
11,
1627,
2599,
198,
220,
220,
220,
37227,
47,
945,
274,
8398,
3689,
13,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
1628,
62,
11250,
3924,
357,
20304,
16775,
38149,
2599,
1628,
8398,
13,
198,
220,
220,
220,
220,
220,
8398,
62,
25811,
357,
11600,
58,
2536,
11,
965,
60,
2599,
8398,
3689,
5447,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
355,
257,
1438,
583,
6770,
13,
198,
220,
220,
220,
220,
220,
1627,
357,
2536,
2599,
1627,
326,
4909,
262,
8398,
1988,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
8398,
62,
46758,
11,
4808,
11,
4808,
796,
1627,
13,
3911,
653,
10786,
28,
11537,
628,
220,
220,
220,
8398,
62,
8367,
796,
8398,
62,
25811,
13,
1136,
7,
198,
220,
220,
220,
220,
220,
220,
220,
8398,
62,
46758,
11,
6045,
8,
628,
220,
220,
220,
611,
8398,
62,
8367,
25,
198,
220,
220,
220,
220,
220,
2116,
13557,
10044,
325,
38149,
19722,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1628,
62,
11250,
3924,
11,
8398,
62,
46758,
11,
8398,
62,
8367,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1627,
8,
628,
220,
825,
4808,
5569,
38149,
7,
944,
11,
1627,
2599,
198,
220,
220,
220,
37227,
5569,
82,
257,
8398,
13,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
1627,
357,
2536,
2599,
1627,
326,
4909,
262,
923,
286,
262,
8398,
2665,
13,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
22269,
16775,
38149,
25,
8398,
393,
6045,
611,
645,
8398,
373,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1043,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
611,
407,
1627,
393,
407,
1627,
13,
9688,
2032,
342,
10786,
27,
38149,
6,
2599,
198,
220,
220,
220,
220,
220,
1441,
6045,
628,
220,
220,
220,
1628,
62,
11250,
3924,
796,
4133,
13,
20304,
16775,
38149,
3419,
628,
220,
220,
220,
1043,
62,
25981,
796,
10352,
198,
220,
220,
220,
1043,
62,
25981,
62,
5589,
5329,
796,
10352,
198,
220,
220,
220,
1043,
62,
25981,
62,
75,
35808,
796,
10352,
198,
220,
220,
220,
1043,
62,
25981,
62,
8726,
263,
796,
10352,
628,
220,
220,
220,
981,
1627,
25,
198,
220,
220,
220,
220,
220,
1627,
796,
2116,
13557,
5569,
13949,
3419,
628,
220,
220,
220,
220,
220,
611,
1627,
13,
9688,
2032,
342,
10786,
3556,
38149,
29,
6,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
2270,
628,
220,
220,
220,
220,
220,
611,
1043,
62,
25981,
25,
198,
220,
220,
220,
220,
220,
220,
220,
611,
1627,
13,
9688,
2032,
342,
10786,
15913,
6,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1043,
62,
25981,
796,
10352,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1043,
62,
25981,
62,
5589,
5329,
796,
10352,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1043,
62,
25981,
62,
75,
35808,
796,
10352,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1043,
62,
25981,
62,
8726,
263,
796,
10352,
628,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
1043,
62,
25981,
62,
5589,
5329,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
10044,
325,
38149,
29046,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1628,
62,
11250,
3924,
11,
2116,
13557,
10468,
3535,
62,
9858,
47,
4146,
1137,
62,
10943,
16254,
4261,
6234,
62,
3185,
51,
11053,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1627,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
318,
39098,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1628,
62,
11250,
3924,
13,
17256,
62,
12942,
1749,
11,
965,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1628,
62,
11250,
3924,
13,
17256,
62,
12942,
1749,
796,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1628,
62,
11250,
3924,
13,
17256,
62,
12942,
1749,
13,
35312,
10786,
26,
6,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
1043,
62,
25981,
62,
75,
35808,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
10044,
325,
38149,
29046,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1628,
62,
11250,
3924,
11,
2116,
13557,
10468,
3535,
62,
40347,
49,
1503,
16868,
62,
10943,
16254,
4261,
6234,
62,
3185,
51,
11053,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1627,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
1043,
62,
25981,
62,
8726,
263,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
10044,
325,
38149,
29046,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1628,
62,
11250,
3924,
11,
2116,
13557,
10468,
3535,
62,
43,
17248,
1137,
62,
10943,
16254,
4261,
6234,
62,
3185,
51,
11053,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1627,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3224,
62,
45841,
3976,
796,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1628,
62,
11250,
3924,
13,
2860,
1859,
62,
45841,
3976,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
318,
39098,
7,
2860,
1859,
62,
45841,
3976,
11,
965,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
279,
2645,
600,
25,
15560,
28,
3919,
12,
19522,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3224,
62,
45841,
3976,
796,
3224,
62,
45841,
3976,
13,
35312,
10786,
705,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1628,
62,
11250,
3924,
13,
2860,
1859,
62,
45841,
3976,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
20203,
287,
3224,
62,
45841,
3976,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
20203,
13,
33491,
10786,
3,
7,
38149,
5376,
8,
3256,
705,
3,
7,
38149,
8,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1628,
62,
11250,
3924,
13,
2860,
1859,
62,
45841,
3976,
13,
33295,
7,
45841,
1387,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
318,
39098,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1628,
62,
11250,
3924,
13,
32016,
62,
12942,
1749,
11,
965,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1628,
62,
11250,
3924,
13,
32016,
62,
12942,
1749,
796,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1628,
62,
11250,
3924,
13,
32016,
62,
12942,
1749,
13,
35312,
10786,
26,
6,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
1627,
13,
9688,
2032,
342,
10786,
5376,
2625,
53,
4093,
5639,
3361,
5329,
25391,
30543,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1043,
62,
25981,
62,
5589,
5329,
796,
6407,
628,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
1627,
13,
9688,
2032,
342,
10786,
5376,
2625,
53,
5097,
35808,
25391,
30543,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1043,
62,
25981,
62,
75,
35808,
796,
6407,
628,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
1627,
13,
9688,
2032,
342,
10786,
5376,
2625,
53,
5097,
24275,
25391,
30543,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1043,
62,
25981,
62,
8726,
263,
796,
6407,
628,
220,
220,
220,
220,
220,
1288,
361,
1627,
13,
9688,
2032,
342,
10786,
27,
25391,
6,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
1043,
62,
25981,
796,
6407,
628,
220,
220,
220,
220,
220,
1288,
361,
1627,
13,
9688,
2032,
342,
10786,
5376,
11639,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
1114,
517,
621,
352,
2872,
1064,
439,
481,
1441,
257,
1351,
351,
257,
46545,
13,
198,
220,
220,
220,
220,
220,
220,
220,
3815,
796,
302,
13,
19796,
439,
10786,
5376,
2625,
26933,
61,
91,
60,
28104,
58,
91,
16151,
58,
61,
8973,
9,
16725,
3256,
1627,
38381,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
611,
18896,
7,
27160,
8,
6624,
362,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1628,
62,
11250,
3924,
13,
3672,
796,
3815,
58,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1628,
62,
11250,
3924,
13,
24254,
796,
3815,
58,
16,
60,
628,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
10044,
325,
38149,
29046,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1628,
62,
11250,
3924,
11,
2116,
13557,
10943,
16254,
4261,
6234,
62,
3185,
51,
11053,
11,
1627,
8,
628,
220,
220,
220,
220,
220,
1303,
16926,
46,
25,
19193,
25391,
2617,
13,
198,
220,
220,
220,
220,
220,
1303,
12744,
21055,
6433,
14815,
5633,
628,
220,
220,
220,
1303,
3060,
262,
2496,
4572,
618,
407,
5447,
13,
198,
220,
220,
220,
611,
407,
1628,
62,
11250,
3924,
13,
16793,
62,
30243,
25,
198,
220,
220,
220,
220,
220,
611,
1628,
62,
11250,
3924,
13,
24254,
6624,
705,
16643,
2624,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
1628,
62,
11250,
3924,
13,
16793,
62,
30243,
796,
705,
16,
6,
198,
220,
220,
220,
220,
220,
1303,
16926,
46,
25,
13148,
994,
326,
362,
318,
2124,
2414,
13,
198,
220,
220,
220,
220,
220,
1288,
361,
1628,
62,
11250,
3924,
13,
24254,
6624,
705,
87,
2414,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
1628,
62,
11250,
3924,
13,
16793,
62,
30243,
796,
705,
17,
6,
628,
220,
220,
220,
1441,
1628,
62,
11250,
3924,
628,
220,
825,
4808,
5569,
16934,
20074,
7,
944,
11,
1628,
62,
17018,
2599,
198,
220,
220,
220,
37227,
5569,
82,
262,
25412,
13,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
1628,
62,
17018,
357,
20304,
16775,
21918,
2599,
1628,
1321,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1303,
9938,
262,
923,
286,
262,
25412,
2665,
13,
198,
220,
220,
220,
1255,
796,
10352,
198,
220,
220,
220,
1627,
796,
2116,
13557,
5569,
13949,
3419,
628,
220,
220,
220,
981,
1627,
25,
198,
220,
220,
220,
220,
220,
1255,
796,
1627,
13,
9688,
2032,
342,
10786,
27,
16934,
20074,
29,
11537,
198,
220,
220,
220,
220,
220,
611,
1255,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2270,
198,
220,
220,
220,
220,
220,
1627,
796,
2116,
13557,
5569,
13949,
3419,
628,
220,
220,
220,
611,
407,
1255,
25,
198,
220,
220,
220,
220,
220,
1441,
628,
220,
220,
220,
981,
1627,
25,
198,
220,
220,
220,
220,
220,
1627,
796,
2116,
13557,
5569,
13949,
3419,
628,
220,
220,
220,
220,
220,
611,
1627,
13,
9688,
2032,
342,
10786,
3556,
16934,
20074,
29,
6,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
2270,
628,
220,
220,
220,
220,
220,
611,
1627,
13,
9688,
2032,
342,
10786,
27,
38149,
6,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
1628,
62,
11250,
3924,
796,
2116,
13557,
5569,
38149,
7,
1370,
8,
628,
220,
220,
220,
220,
220,
220,
220,
611,
1628,
62,
11250,
3924,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1628,
62,
17018,
13,
11250,
20074,
13,
4677,
437,
7,
16302,
62,
11250,
3924,
8,
628,
220,
825,
4808,
5569,
25876,
7,
944,
11,
1628,
62,
17018,
2599,
198,
220,
220,
220,
37227,
5569,
82,
262,
3696,
13,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
1628,
62,
17018,
357,
20304,
16775,
21918,
2599,
1628,
1321,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1303,
9938,
262,
923,
286,
262,
3696,
2665,
13,
198,
220,
220,
220,
1255,
796,
10352,
198,
220,
220,
220,
1627,
796,
2116,
13557,
5569,
13949,
3419,
628,
220,
220,
220,
981,
1627,
25,
198,
220,
220,
220,
220,
220,
1255,
796,
1627,
13,
9688,
2032,
342,
10786,
27,
25876,
29,
11537,
198,
220,
220,
220,
220,
220,
611,
1255,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2270,
198,
220,
220,
220,
220,
220,
1627,
796,
2116,
13557,
5569,
13949,
3419,
628,
220,
220,
220,
611,
1255,
25,
198,
220,
220,
220,
220,
220,
1043,
62,
24455,
796,
10352,
198,
220,
220,
220,
220,
220,
1043,
62,
24455,
62,
10459,
62,
16624,
796,
10352,
198,
220,
220,
220,
220,
220,
1043,
62,
24455,
62,
25677,
62,
16624,
796,
10352,
198,
220,
220,
220,
220,
220,
1043,
62,
24455,
62,
31092,
62,
16624,
796,
10352,
628,
220,
220,
220,
220,
220,
981,
1627,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1627,
796,
2116,
13557,
5569,
13949,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
611,
1627,
13,
9688,
2032,
342,
10786,
3556,
25876,
29,
6,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2270,
628,
220,
220,
220,
220,
220,
220,
220,
611,
1043,
62,
24455,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
1627,
13,
9688,
2032,
342,
10786,
3556,
22417,
29,
6,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1043,
62,
24455,
796,
10352,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1043,
62,
24455,
62,
10459,
62,
16624,
796,
10352,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1043,
62,
24455,
62,
25677,
62,
16624,
796,
10352,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1043,
62,
24455,
62,
31092,
62,
16624,
796,
10352,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
1043,
62,
24455,
62,
10459,
62,
16624,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
1627,
13,
9688,
2032,
342,
10786,
6892,
876,
15235,
11639,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3815,
796,
302,
13,
19796,
439,
10786,
6892,
876,
15235,
2625,
26933,
61,
8973,
9,
16725,
3256,
1627,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
18896,
7,
27160,
8,
6624,
352,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1628,
62,
17018,
13,
10459,
62,
16624,
13,
33295,
7,
27160,
58,
15,
12962,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
1043,
62,
24455,
62,
25677,
62,
16624,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
1627,
13,
9688,
2032,
342,
10786,
6892,
876,
15235,
11639,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3815,
796,
302,
13,
19796,
439,
10786,
6892,
876,
15235,
2625,
26933,
61,
8973,
9,
16725,
3256,
1627,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
18896,
7,
27160,
8,
6624,
352,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1628,
62,
17018,
13,
25677,
62,
16624,
13,
33295,
7,
27160,
58,
15,
12962,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
1043,
62,
24455,
62,
31092,
62,
16624,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
1627,
13,
9688,
2032,
342,
10786,
6892,
876,
15235,
11639,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3815,
796,
302,
13,
19796,
439,
10786,
6892,
876,
15235,
2625,
26933,
61,
8973,
9,
16725,
3256,
1627,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
18896,
7,
27160,
8,
6624,
352,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1628,
62,
17018,
13,
31092,
62,
16624,
13,
33295,
7,
27160,
58,
15,
12962,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
1627,
13,
9688,
2032,
342,
10786,
5376,
2625,
7416,
13283,
30543,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1043,
62,
24455,
62,
10459,
62,
16624,
796,
6407,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
1627,
13,
9688,
2032,
342,
10786,
5376,
2625,
39681,
13283,
30543,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1043,
62,
24455,
62,
25677,
62,
16624,
796,
6407,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
1627,
13,
9688,
2032,
342,
10786,
5376,
2625,
26198,
13283,
30543,
2599,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1043,
62,
24455,
62,
31092,
62,
16624,
796,
6407,
628,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
1627,
13,
9688,
2032,
342,
10786,
27,
22417,
6,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1043,
62,
24455,
796,
6407,
628,
220,
825,
4808,
5569,
16775,
21918,
7,
944,
11,
1628,
62,
17018,
2599,
198,
220,
220,
220,
37227,
5569,
82,
1628,
1321,
13,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
1628,
62,
17018,
357,
20304,
16775,
21918,
2599,
1628,
1321,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1627,
796,
2116,
13557,
5569,
13949,
3419,
198,
220,
220,
220,
981,
1627,
25,
198,
220,
220,
220,
220,
220,
611,
1627,
13,
9688,
2032,
342,
10786,
29,
6,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
2270,
628,
220,
220,
220,
220,
220,
611,
1627,
13,
9688,
2032,
342,
10786,
5376,
11639,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
3815,
796,
302,
13,
19796,
439,
10786,
5376,
2625,
26933,
61,
8973,
9,
16725,
3256,
1627,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
18896,
7,
27160,
8,
6624,
352,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1628,
62,
17018,
13,
3672,
796,
3815,
58,
15,
60,
628,
220,
220,
220,
220,
220,
1288,
361,
1627,
13,
9688,
2032,
342,
10786,
16775,
38,
27586,
11639,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
3815,
796,
302,
13,
19796,
439,
10786,
16775,
38,
27586,
2625,
90,
26933,
61,
92,
60,
28104,
36786,
3256,
1627,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
18896,
7,
27160,
8,
6624,
352,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1628,
62,
17018,
13,
5162,
312,
796,
3815,
58,
15,
60,
628,
220,
220,
220,
220,
220,
1288,
361,
1627,
13,
9688,
2032,
342,
10786,
30016,
36690,
10223,
11639,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
3815,
796,
302,
13,
19796,
439,
10786,
30016,
36690,
10223,
2625,
26933,
61,
8973,
9,
16725,
3256,
1627,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
18896,
7,
27160,
8,
6624,
352,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1628,
62,
17018,
13,
15763,
62,
3672,
62,
13200,
796,
3815,
58,
15,
60,
628,
220,
220,
220,
220,
220,
1288,
361,
1627,
13,
9688,
2032,
342,
10786,
9218,
4775,
11639,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
3815,
796,
302,
13,
19796,
439,
10786,
9218,
4775,
2625,
26933,
61,
8973,
9,
16725,
3256,
1627,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
18896,
7,
27160,
8,
6624,
352,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1628,
62,
17018,
13,
2539,
4775,
796,
3815,
58,
15,
60,
628,
220,
220,
220,
220,
220,
1627,
796,
2116,
13557,
5569,
13949,
3419,
628,
220,
825,
4149,
39681,
7,
944,
2599,
198,
220,
220,
220,
37227,
5569,
82,
257,
2393,
13639,
13,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
20512,
25,
6407,
611,
4388,
393,
3991,
4306,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1303,
16926,
46,
2198,
21004,
30,
628,
220,
220,
220,
1627,
796,
2116,
13557,
5569,
13949,
3419,
198,
220,
220,
220,
611,
407,
1627,
393,
407,
1627,
13,
9688,
2032,
342,
10786,
47934,
19875,
2196,
2625,
16,
13,
15,
30543,
2599,
198,
220,
220,
220,
220,
220,
1441,
10352,
628,
220,
220,
220,
1627,
796,
2116,
13557,
5569,
13949,
3419,
198,
220,
220,
220,
611,
407,
1627,
393,
407,
1627,
13,
9688,
2032,
342,
10786,
27,
36259,
41501,
16775,
6,
2599,
198,
220,
220,
220,
220,
220,
1441,
10352,
628,
220,
220,
220,
1627,
796,
2116,
13557,
5569,
13949,
3419,
198,
220,
220,
220,
611,
407,
1627,
393,
407,
1627,
13,
9688,
2032,
342,
10786,
16775,
6030,
2625,
36259,
327,
4880,
30543,
2599,
198,
220,
220,
220,
220,
220,
1441,
10352,
628,
220,
220,
220,
1627,
796,
2116,
13557,
5569,
13949,
3419,
198,
220,
220,
220,
611,
407,
1627,
393,
407,
1627,
13,
9688,
2032,
342,
10786,
14815,
2625,
24,
11,
405,
30543,
2599,
198,
220,
220,
220,
220,
220,
1441,
10352,
628,
220,
220,
220,
1441,
6407,
628,
220,
825,
4149,
16775,
7,
944,
2599,
198,
220,
220,
220,
37227,
5569,
82,
262,
1628,
13,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
22269,
16775,
21918,
25,
1628,
1321,
611,
4388,
393,
6045,
4306,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1628,
62,
17018,
796,
4133,
13,
20304,
16775,
21918,
3419,
628,
220,
220,
220,
2116,
13557,
5569,
16775,
21918,
7,
16302,
62,
17018,
8,
198,
220,
220,
220,
2116,
13557,
5569,
16934,
20074,
7,
16302,
62,
17018,
8,
198,
220,
220,
220,
2116,
13557,
5569,
25876,
7,
16302,
62,
17018,
8,
628,
220,
220,
220,
1441,
1628,
62,
17018,
628,
198,
4871,
22269,
10333,
16775,
8979,
33634,
7,
20304,
16775,
8979,
33634,
2599,
198,
220,
37227,
36259,
11733,
3050,
1628,
2393,
9173,
526,
15931,
628,
220,
1303,
16926,
46,
25,
3494,
13,
628,
198,
4871,
22269,
6999,
16775,
8979,
33634,
7,
20304,
16775,
8979,
33634,
2599,
198,
220,
37227,
36259,
11733,
2321,
1628,
2393,
9173,
526,
15931,
628,
220,
1303,
16926,
46,
25,
3494,
13,
628,
198,
4871,
22269,
6390,
16775,
8979,
33634,
7,
20304,
16775,
8979,
33634,
2599,
198,
220,
37227,
36259,
11733,
2211,
1628,
2393,
9173,
526,
15931,
628,
220,
1303,
16926,
46,
25,
3494,
13,
628,
198,
4871,
22269,
4626,
16775,
8979,
33634,
7,
20304,
16775,
8979,
33634,
2599,
198,
220,
37227,
36259,
11733,
1853,
1628,
2393,
9173,
526,
15931,
628,
220,
1303,
16926,
46,
25,
3494,
13,
628,
198,
4871,
22269,
5539,
16775,
8979,
33634,
7,
20304,
16775,
8979,
33634,
2599,
198,
220,
37227,
36259,
11733,
2177,
1628,
2393,
9173,
526,
15931,
628,
220,
1303,
16926,
46,
25,
3494,
13,
628,
198,
4871,
22269,
23344,
16775,
8979,
33634,
7,
20304,
16775,
8979,
33634,
2599,
198,
220,
37227,
36259,
11733,
13130,
1628,
2393,
9173,
526,
15931,
628,
220,
1303,
16926,
46,
25,
3494,
13,
628,
198,
4871,
569,
5432,
2122,
8979,
33634,
7,
8979,
33634,
2599,
198,
220,
37227,
36259,
11733,
4610,
2393,
9173,
526,
15931,
628,
220,
1303,
5740,
326,
30806,
12,
7783,
82,
12,
15390,
318,
5445,
329,
279,
2645,
600,
352,
13,
22,
13,
87,
329,
12531,
198,
220,
1303,
5050,
198,
220,
1303,
279,
2645,
600,
25,
15560,
28,
445,
917,
415,
12,
7783,
82,
12,
15390,
628,
220,
2488,
39305,
13,
397,
8709,
24396,
198,
220,
825,
4808,
9787,
26227,
14815,
7,
944,
11,
1627,
2599,
198,
220,
220,
220,
37227,
7376,
4657,
262,
5794,
2196,
13,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
1627,
357,
2536,
2599,
1627,
7268,
262,
15612,
11733,
5794,
2196,
13,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
20512,
25,
6407,
611,
4388,
393,
3991,
4306,
13,
198,
220,
220,
220,
37227,
628,
220,
1303,
279,
2645,
600,
25,
15560,
28,
403,
1484,
12,
49140,
198,
220,
825,
4808,
9787,
36259,
41501,
14815,
7,
944,
11,
1627,
2599,
198,
220,
220,
220,
37227,
7376,
4657,
262,
15612,
11733,
2196,
13,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
1627,
357,
2536,
2599,
1627,
7268,
262,
15612,
11733,
5794,
2196,
13,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
20512,
25,
6407,
611,
4388,
393,
3991,
4306,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1441,
10352,
628,
220,
825,
4149,
16934,
20074,
7,
944,
2599,
198,
220,
220,
220,
37227,
5569,
82,
262,
25412,
13,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
22269,
16934,
20074,
25,
25412,
393,
6045,
611,
407,
1695,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
4610,
62,
11250,
20074,
796,
4133,
13,
20304,
16934,
20074,
3419,
628,
220,
220,
220,
1627,
796,
2116,
13557,
5569,
13949,
7,
5460,
62,
38204,
28,
17821,
8,
198,
220,
220,
220,
611,
407,
1627,
393,
1627,
14512,
705,
22289,
10354,
198,
220,
220,
220,
220,
220,
1441,
6045,
628,
220,
220,
220,
1043,
62,
5458,
796,
10352,
628,
220,
220,
220,
1627,
796,
2116,
13557,
5569,
13949,
3419,
628,
220,
220,
220,
981,
1627,
290,
1627,
14512,
705,
12915,
22289,
10354,
198,
220,
220,
220,
220,
220,
1627,
796,
2116,
13557,
5569,
13949,
3419,
628,
220,
220,
220,
220,
220,
611,
1043,
62,
5458,
25,
198,
220,
220,
220,
220,
220,
220,
220,
611,
1627,
6624,
705,
12915,
22289,
16375,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1043,
62,
5458,
796,
10352,
628,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
1114,
517,
621,
352,
2872,
1064,
439,
481,
1441,
257,
1351,
351,
257,
46545,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3815,
796,
302,
13,
19796,
439,
10786,
26933,
61,
91,
60,
28104,
58,
91,
16151,
58,
61,
2361,
28104,
796,
29565,
61,
91,
60,
28104,
58,
91,
16151,
58,
61,
2361,
28104,
3256,
1627,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
18896,
7,
27160,
8,
6624,
352,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3815,
796,
3815,
58,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
357,
11925,
7,
27160,
8,
6624,
604,
290,
3815,
58,
15,
60,
6624,
3815,
58,
17,
60,
290,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3815,
58,
16,
60,
6624,
3815,
58,
18,
60,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8398,
796,
4133,
13,
53,
5432,
2122,
38149,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8398,
13,
3672,
796,
3815,
58,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8398,
13,
24254,
796,
3815,
58,
16,
60,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4610,
62,
11250,
20074,
13,
4677,
437,
7,
11250,
3924,
8,
628,
220,
220,
220,
220,
220,
1288,
361,
1627,
6624,
19203,
22289,
16375,
7,
46344,
38149,
37148,
82,
8,
796,
705,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
3866,
46344,
6,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
1043,
62,
5458,
796,
6407,
628,
220,
220,
220,
1441,
4610,
62,
11250,
20074,
628,
220,
825,
4149,
39681,
7,
944,
2599,
198,
220,
220,
220,
37227,
5569,
82,
257,
2393,
13639,
13,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
20512,
25,
6407,
611,
4388,
393,
3991,
4306,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
13934,
62,
7890,
796,
2116,
13557,
5569,
33,
3219,
6601,
7,
20,
8,
198,
220,
220,
220,
611,
13934,
62,
7890,
14512,
275,
6,
59,
87,
891,
59,
87,
11848,
59,
87,
19881,
59,
81,
59,
77,
10354,
198,
220,
220,
220,
220,
220,
1441,
10352,
628,
220,
220,
220,
1627,
796,
2116,
13557,
5569,
13949,
3419,
198,
220,
220,
220,
611,
407,
1627,
393,
407,
1627,
13,
9688,
2032,
342,
7,
198,
220,
220,
220,
220,
220,
220,
220,
705,
15905,
15612,
11733,
28186,
9220,
11,
18980,
10628,
705,
2599,
198,
220,
220,
220,
220,
220,
1441,
10352,
628,
220,
220,
220,
611,
407,
2116,
13557,
9787,
26227,
14815,
7,
1370,
2599,
198,
220,
220,
220,
220,
220,
1441,
10352,
628,
220,
220,
220,
5874,
62,
19149,
952,
62,
9641,
62,
1370,
796,
6045,
628,
220,
220,
220,
1627,
796,
2116,
13557,
5569,
13949,
7,
5460,
62,
38204,
28,
17821,
8,
198,
220,
220,
220,
981,
1627,
25,
198,
220,
220,
220,
220,
220,
611,
1627,
13,
9688,
2032,
342,
10786,
2,
15612,
327,
4880,
705,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
5569,
13949,
3419,
628,
220,
220,
220,
220,
220,
1288,
361,
1627,
13,
9688,
2032,
342,
10786,
36259,
41501,
14815,
796,
705,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
5874,
62,
19149,
952,
62,
9641,
62,
1370,
796,
2116,
13557,
5569,
13949,
3419,
628,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2270,
628,
220,
220,
220,
220,
220,
1627,
796,
2116,
13557,
5569,
13949,
7,
5460,
62,
38204,
28,
17821,
8,
628,
220,
220,
220,
611,
5874,
62,
19149,
952,
62,
9641,
62,
1370,
290,
407,
2116,
13557,
9787,
36259,
41501,
14815,
7,
198,
220,
220,
220,
220,
220,
220,
220,
5874,
62,
19149,
952,
62,
9641,
62,
1370,
2599,
198,
220,
220,
220,
220,
220,
1441,
10352,
628,
220,
220,
220,
1441,
6407,
628,
220,
825,
4149,
16775,
7,
944,
2599,
198,
220,
220,
220,
37227,
5569,
82,
257,
1628,
13,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
569,
5432,
2122,
16775,
25,
1628,
611,
4388,
393,
6045,
4306,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1303,
807,
2749,
24,
5222,
33,
23,
12,
23,
33,
19,
32,
12,
1157,
35,
15,
12,
23,
35,
1157,
12,
405,
32,
15,
34,
6420,
2749,
24,
3682,
318,
257,
15612,
327,
4880,
3519,
19348,
2389,
13,
628,
220,
220,
220,
1627,
796,
2116,
13557,
5569,
13949,
7,
5460,
62,
38204,
28,
17821,
8,
198,
220,
220,
220,
611,
407,
1627,
393,
407,
1627,
13,
9688,
2032,
342,
7,
198,
220,
220,
220,
220,
220,
220,
220,
705,
16775,
7203,
90,
23,
2749,
24,
5222,
33,
23,
12,
23,
33,
19,
32,
12,
1157,
35,
15,
12,
23,
35,
1157,
12,
405,
32,
15,
34,
6420,
2749,
24,
3682,
92,
4943,
796,
705,
2599,
198,
220,
220,
220,
220,
220,
1441,
6045,
628,
220,
220,
220,
1303,
1114,
517,
621,
352,
2872,
1064,
439,
481,
1441,
257,
1351,
351,
257,
46545,
13,
198,
220,
220,
220,
3815,
796,
302,
13,
19796,
439,
7,
198,
220,
220,
220,
220,
220,
220,
220,
19203,
16775,
6852,
7203,
90,
23,
2749,
24,
5222,
33,
23,
12,
23,
33,
19,
32,
12,
1157,
35,
15,
12,
23,
35,
1157,
12,
405,
32,
15,
34,
6420,
2749,
24,
3682,
36786,
6852,
8,
796,
366,
26933,
61,
8973,
28104,
1600,
705,
198,
220,
220,
220,
220,
220,
220,
220,
220,
705,
18109,
58,
61,
8973,
28104,
6852,
13,
28435,
1676,
73,
1600,
705,
198,
220,
220,
220,
220,
220,
220,
220,
220,
705,
1,
90,
26933,
15,
12,
24,
32,
12,
37,
60,
9,
49146,
15,
12,
24,
32,
12,
37,
60,
9,
49146,
15,
12,
24,
32,
12,
37,
60,
9,
49146,
15,
12,
24,
32,
12,
37,
60,
9,
49146,
15,
12,
24,
32,
12,
37,
60,
28104,
92,
30543,
828,
198,
220,
220,
220,
220,
220,
220,
220,
1627,
8,
628,
220,
220,
220,
611,
18896,
7,
27160,
8,
14512,
352,
25,
198,
220,
220,
220,
220,
220,
1441,
6045,
628,
220,
220,
220,
3815,
796,
3815,
58,
15,
60,
198,
220,
220,
220,
611,
18896,
7,
27160,
8,
14512,
513,
25,
198,
220,
220,
220,
220,
220,
1441,
6045,
628,
220,
220,
220,
4610,
62,
16302,
796,
4133,
13,
53,
5432,
2122,
16775,
7,
198,
220,
220,
220,
220,
220,
220,
220,
3815,
58,
15,
4357,
3815,
58,
16,
4357,
3815,
58,
17,
12962,
628,
220,
220,
220,
1043,
62,
45841,
3976,
796,
10352,
628,
220,
220,
220,
1627,
796,
2116,
13557,
5569,
13949,
3419,
628,
220,
220,
220,
981,
1627,
290,
1627,
14512,
705,
12915,
16775,
10354,
198,
220,
220,
220,
220,
220,
1627,
796,
2116,
13557,
5569,
13949,
3419,
628,
220,
220,
220,
220,
220,
611,
1043,
62,
45841,
3976,
25,
198,
220,
220,
220,
220,
220,
220,
220,
611,
1627,
6624,
705,
12915,
16775,
16375,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1043,
62,
45841,
3976,
796,
10352,
628,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
383,
20086,
389,
5447,
355,
25,
1391,
4,
38,
27586,
4,
92,
796,
1391,
4,
38,
27586,
4,
92,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
1114,
517,
621,
352,
2872,
1064,
439,
481,
1441,
257,
1351,
351,
257,
46545,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
915,
2340,
796,
302,
13,
19796,
439,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
19203,
90,
26933,
15,
12,
24,
32,
12,
37,
60,
9,
49146,
15,
12,
24,
32,
12,
37,
60,
9,
49146,
15,
12,
24,
32,
12,
37,
60,
9,
49146,
15,
12,
24,
32,
12,
37,
60,
9,
49146,
15,
12,
24,
32,
12,
37,
60,
28104,
92,
796,
705,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
90,
26933,
15,
12,
24,
32,
12,
37,
60,
9,
49146,
15,
12,
24,
32,
12,
37,
60,
9,
49146,
15,
12,
24,
32,
12,
37,
60,
9,
49146,
15,
12,
24,
32,
12,
37,
60,
9,
49146,
15,
12,
24,
32,
12,
37,
60,
28104,
92,
33809,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1627,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
18896,
7,
5162,
2340,
8,
6624,
352,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
915,
2340,
796,
915,
2340,
58,
15,
60,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
18896,
7,
5162,
2340,
8,
6624,
362,
290,
915,
2340,
58,
15,
60,
6624,
915,
2340,
58,
16,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4610,
62,
16302,
13,
4550,
35,
2690,
1387,
7,
5162,
2340,
58,
15,
12962,
628,
220,
220,
220,
220,
220,
1288,
361,
1627,
6624,
705,
16775,
16375,
7,
16775,
35,
2690,
3976,
8,
796,
1281,
16775,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
1043,
62,
45841,
3976,
796,
6407,
628,
220,
220,
220,
1441,
4610,
62,
16302,
628,
220,
825,
4149,
16775,
82,
7,
944,
2599,
198,
220,
220,
220,
37227,
5569,
82,
262,
4493,
13,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
1351,
58,
53,
5432,
2122,
16775,
5974,
4493,
287,
17232,
1502,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
4610,
62,
42068,
796,
17635,
198,
220,
220,
220,
4610,
62,
16302,
796,
2116,
13,
5569,
16775,
3419,
628,
220,
220,
220,
981,
4610,
62,
16302,
25,
198,
220,
220,
220,
220,
220,
4610,
62,
42068,
13,
33295,
7,
82,
2122,
62,
16302,
8,
198,
220,
220,
220,
220,
220,
4610,
62,
16302,
796,
2116,
13,
5569,
16775,
3419,
628,
220,
220,
220,
1441,
4610,
62,
42068,
628,
198,
4871,
22269,
11528,
46344,
8979,
33634,
7,
53,
5432,
2122,
8979,
33634,
2599,
198,
220,
37227,
36259,
11733,
3648,
4610,
2393,
9173,
526,
15931,
628,
220,
825,
4808,
9787,
26227,
14815,
7,
944,
11,
1627,
2599,
198,
220,
220,
220,
37227,
7376,
4657,
262,
5794,
2196,
13,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
1627,
357,
2536,
2599,
1627,
7268,
262,
15612,
11733,
5794,
2196,
13,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
20512,
25,
6407,
611,
4388,
393,
3991,
4306,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1441,
1627,
13,
437,
2032,
342,
10786,
838,
13,
405,
11537,
628,
198,
4871,
22269,
10333,
46344,
8979,
33634,
7,
53,
5432,
2122,
8979,
33634,
2599,
198,
220,
37227,
36259,
11733,
3050,
4610,
2393,
9173,
526,
15931,
628,
220,
825,
4808,
9787,
26227,
14815,
7,
944,
11,
1627,
2599,
198,
220,
220,
220,
37227,
7376,
4657,
262,
5794,
2196,
13,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
1627,
357,
2536,
2599,
1627,
7268,
262,
15612,
11733,
5794,
2196,
13,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
20512,
25,
6407,
611,
4388,
393,
3991,
4306,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1441,
1627,
13,
437,
2032,
342,
10786,
1367,
13,
405,
11537,
628,
198,
4871,
22269,
6999,
46344,
8979,
33634,
7,
53,
5432,
2122,
8979,
33634,
2599,
198,
220,
37227,
36259,
11733,
2321,
4610,
2393,
9173,
526,
15931,
628,
220,
825,
4808,
9787,
26227,
14815,
7,
944,
11,
1627,
2599,
198,
220,
220,
220,
37227,
7376,
4657,
262,
5794,
2196,
13,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
1627,
357,
2536,
2599,
1627,
7268,
262,
15612,
11733,
5794,
2196,
13,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
20512,
25,
6407,
611,
4388,
393,
3991,
4306,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1441,
1627,
13,
437,
2032,
342,
10786,
1105,
13,
405,
11537,
628,
198,
4871,
22269,
6390,
46344,
8979,
33634,
7,
20304,
6999,
46344,
8979,
33634,
2599,
198,
220,
37227,
36259,
11733,
2211,
4610,
2393,
9173,
526,
15931,
628,
220,
825,
4808,
9787,
36259,
41501,
14815,
7,
944,
11,
1627,
2599,
198,
220,
220,
220,
37227,
7376,
4657,
262,
15612,
11733,
2196,
13,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
1627,
357,
2536,
2599,
1627,
7268,
262,
15612,
11733,
5794,
2196,
13,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
20512,
25,
6407,
611,
4388,
393,
3991,
4306,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
2196,
796,
1627,
13,
35312,
10786,
796,
705,
38381,
16,
60,
198,
220,
220,
220,
1441,
2196,
13,
9688,
2032,
342,
10786,
1065,
2637,
8,
628,
198,
4871,
22269,
4626,
46344,
8979,
33634,
7,
20304,
6999,
46344,
8979,
33634,
2599,
198,
220,
37227,
36259,
11733,
1853,
4610,
2393,
9173,
526,
15931,
628,
220,
825,
4808,
9787,
36259,
41501,
14815,
7,
944,
11,
1627,
2599,
198,
220,
220,
220,
37227,
7376,
4657,
262,
15612,
11733,
2196,
13,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
1627,
357,
2536,
2599,
1627,
7268,
262,
15612,
11733,
5794,
2196,
13,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
20512,
25,
6407,
611,
4388,
393,
3991,
4306,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
2196,
796,
1627,
13,
35312,
10786,
796,
705,
38381,
16,
60,
198,
220,
220,
220,
1441,
2196,
13,
9688,
2032,
342,
10786,
1415,
2637,
8,
628,
198,
4871,
22269,
5539,
46344,
8979,
33634,
7,
20304,
6999,
46344,
8979,
33634,
2599,
198,
220,
37227,
36259,
11733,
2177,
4610,
2393,
9173,
526,
15931,
628,
220,
825,
4808,
9787,
36259,
41501,
14815,
7,
944,
11,
1627,
2599,
198,
220,
220,
220,
37227,
7376,
4657,
262,
15612,
11733,
2196,
13,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
1627,
357,
2536,
2599,
1627,
7268,
262,
15612,
11733,
5794,
2196,
13,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
20512,
25,
6407,
611,
4388,
393,
3991,
4306,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
2196,
796,
1627,
13,
35312,
10786,
796,
705,
38381,
16,
60,
198,
220,
220,
220,
1441,
2196,
13,
9688,
2032,
342,
10786,
1314,
2637,
8,
628,
198,
4871,
22269,
23344,
46344,
8979,
33634,
7,
20304,
6999,
46344,
8979,
33634,
2599,
198,
220,
37227,
36259,
11733,
13130,
4610,
2393,
9173,
526,
15931,
628,
220,
825,
4808,
9787,
36259,
41501,
14815,
7,
944,
11,
1627,
2599,
198,
220,
220,
220,
37227,
7376,
4657,
262,
15612,
11733,
2196,
13,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
1627,
357,
2536,
2599,
1627,
7268,
262,
15612,
11733,
5794,
2196,
13,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
20512,
25,
6407,
611,
4388,
393,
3991,
4306,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
2196,
796,
1627,
13,
35312,
10786,
796,
705,
38381,
16,
60,
198,
220,
220,
220,
1441,
2196,
13,
9688,
2032,
342,
10786,
1314,
2637,
8,
198
] | 2.591374 | 8,509 |
from __future__ import unicode_literals
from subprocess import PIPE, Popen as popen
from unittest import TestCase
import responses
from packaging.utils import canonicalize_name
from pip_upgrader import __version__ as VERSION
from pip_upgrader import cli
from pip_upgrader.packages_status_detector import PackagesStatusDetector
try:
from unittest.mock import patch
except ImportError:
from mock import patch
try:
from io import StringIO
except ImportError: # pragma: nocover
from cStringIO import StringIO
@patch('pip_upgrader.packages_interactive_selector.user_input', return_value='all')
@patch('pip_upgrader.virtualenv_checker.is_virtualenv', return_value=True)
| [
6738,
11593,
37443,
834,
1330,
28000,
1098,
62,
17201,
874,
198,
198,
6738,
850,
14681,
1330,
350,
4061,
36,
11,
8099,
268,
355,
1461,
268,
198,
6738,
555,
715,
395,
1330,
6208,
20448,
198,
198,
11748,
9109,
198,
6738,
16846,
13,
26791,
1330,
40091,
1096,
62,
3672,
198,
198,
6738,
7347,
62,
929,
2164,
5067,
1330,
11593,
9641,
834,
355,
44156,
2849,
198,
198,
6738,
7347,
62,
929,
2164,
5067,
1330,
537,
72,
198,
6738,
7347,
62,
929,
2164,
5067,
13,
43789,
62,
13376,
62,
15255,
9250,
1330,
6400,
1095,
19580,
11242,
9250,
198,
198,
28311,
25,
198,
220,
220,
220,
422,
555,
715,
395,
13,
76,
735,
1330,
8529,
198,
16341,
17267,
12331,
25,
198,
220,
220,
220,
422,
15290,
1330,
8529,
198,
198,
28311,
25,
198,
220,
220,
220,
422,
33245,
1330,
10903,
9399,
198,
16341,
17267,
12331,
25,
220,
1303,
23864,
2611,
25,
299,
420,
2502,
198,
220,
220,
220,
422,
269,
10100,
9399,
1330,
10903,
9399,
628,
628,
198,
31,
17147,
10786,
79,
541,
62,
929,
2164,
5067,
13,
43789,
62,
3849,
5275,
62,
19738,
273,
13,
7220,
62,
15414,
3256,
1441,
62,
8367,
11639,
439,
11537,
198,
31,
17147,
10786,
79,
541,
62,
929,
2164,
5067,
13,
32844,
24330,
62,
9122,
263,
13,
271,
62,
32844,
24330,
3256,
1441,
62,
8367,
28,
17821,
8,
198
] | 3.140909 | 220 |
#! /usr/bin/env python
import sys
speeds = dict()
# counts = dict()
# need this for extension
for line in sys.stdin:
try:
line = line.strip()
station, speed = line.split('\t')
speed = float(speed)
# Add code here to use the data
if station in speeds:
if speeds[station] < speed:
speeds[station] = speed
else:
speeds[station] = speed
except ValueError:
pass
for k, v in speeds.iteritems():
result = [k,str(v)]
print ('\t'.join(result))
# add code here to output the results | [
2,
0,
1220,
14629,
14,
8800,
14,
24330,
21015,
198,
11748,
25064,
198,
198,
4125,
5379,
796,
8633,
3419,
628,
198,
2,
9853,
796,
8633,
3419,
198,
2,
761,
428,
329,
7552,
198,
198,
1640,
1627,
287,
25064,
13,
19282,
259,
25,
198,
220,
220,
220,
1949,
25,
628,
220,
220,
220,
220,
220,
1627,
796,
1627,
13,
36311,
3419,
198,
220,
220,
220,
220,
220,
4429,
11,
2866,
796,
1627,
13,
35312,
10786,
59,
83,
11537,
628,
220,
220,
220,
220,
220,
2866,
796,
12178,
7,
12287,
8,
198,
197,
220,
1303,
3060,
2438,
994,
284,
779,
262,
1366,
198,
220,
220,
220,
220,
220,
611,
4429,
287,
12055,
25,
198,
220,
220,
220,
220,
220,
220,
197,
361,
12055,
58,
17529,
60,
1279,
2866,
25,
198,
220,
220,
220,
220,
220,
220,
220,
197,
197,
4125,
5379,
58,
17529,
60,
796,
2866,
198,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
197,
4125,
5379,
58,
17529,
60,
796,
2866,
198,
220,
220,
220,
220,
198,
220,
220,
220,
2845,
11052,
12331,
25,
198,
220,
220,
220,
220,
220,
1208,
628,
198,
1640,
479,
11,
410,
287,
12055,
13,
2676,
23814,
33529,
198,
197,
20274,
796,
685,
74,
11,
2536,
7,
85,
15437,
198,
197,
4798,
19203,
59,
83,
4458,
22179,
7,
20274,
4008,
628,
197,
2,
751,
2438,
994,
284,
5072,
262,
2482
] | 2.419913 | 231 |
#! /usr/bin/env python
import os
import h5py
import random
import time
import copy
import numpy as np
from tqdm import tqdm
from collections import OrderedDict, defaultdict
import torch
import torch.nn as nn
from torch.utils.data import Dataset, IterableDataset
from habitat import logger
from habitat.utils.geometry_utils import (
quaternion_from_coeff,
agent_state_target2ref,
)
from pointnav_vo.utils.geometry_utils import (
quaternion_to_array,
NormalizedDepth2TopDownViewHabitat,
NormalizedDepth2TopDownViewHabitatTorch,
)
from pointnav_vo.vo.dataset.regression_iter_dataset import BaseRegressionDataset
from pointnav_vo.vo.common.common_vars import *
FloatTensor = torch.FloatTensor
class StatePairRegressionDataset(BaseRegressionDataset):
r"""Data loader for state-pairs from Habitat simularo.
"""
def __init__(
self,
eval_flag=False,
data_file=None,
num_workers=0,
act_type=-1,
vis_size_w=256,
vis_size_h=256,
collision="-1",
discretize_depth="none",
discretized_depth_channels=0,
gen_top_down_view=False,
top_down_view_infos={},
geo_invariance_types=[],
partial_data_n_splits=1,
# data_aug=False,
):
f"""Valid combination of action and geometric consistency types are:
left OR right
|-- inverse_data_augment_only
left AND right
|-- inverse_joint_train
"""
assert (
np.sum(
[
"inverse_data_augment_only" in geo_invariance_types,
"inverse_joint_train" in geo_invariance_types,
]
)
<= 1
), f"inverse_data_augment_only and inverse_joint_train should not appear together."
if "inverse_joint_train" in geo_invariance_types:
assert (
isinstance(act_type, list)
and set(act_type) == set([TURN_LEFT, TURN_RIGHT])
) or (
isinstance(act_type, int) and act_type == -1
), f"When enabling joint-training with geometric inversion, action types must be [left, right] OR -1."
else:
assert isinstance(act_type, int)
if "inverse_data_augment_only" in geo_invariance_types:
assert (
act_type != MOVE_FORWARD
), f"Data augmentation for geometric consistency about inversion is not suitable for forward action."
self._eval = eval_flag
self._data_f = data_file
self._num_workers = num_workers
self._act_type = act_type
self._collision = collision
self._geo_invariance_types = geo_invariance_types
self._len = 0
self._act_left_right_len = 0
self._vis_size_w = vis_size_w
self._vis_size_h = vis_size_h
self._partial_data_n_splits = partial_data_n_splits
self._gen_top_down_view = gen_top_down_view
self._top_down_view_infos = top_down_view_infos
# RGB stored with uint8
self._rgb_pair_size = 2 * self._vis_size_w * self._vis_size_h * 3
# Depth stored with float16
self._depth_pair_size = 2 * self._vis_size_w * self._vis_size_h * 2
with h5py.File(data_file, "r", libver="latest") as f:
self._chunk_size = f[list(f.keys())[0]]["prev_rgbs"].shape[0]
# for rgb + depth
self._chunk_bytes = int(
np.ceil((self._rgb_pair_size + self._depth_pair_size) * self._chunk_size)
)
# for misc information
self._chunk_bytes += 20 * 2
logger.info(f"\nDataset: chunk bytes {self._chunk_bytes / (1024 * 1024)} MB\n")
self._discretize_depth = discretize_depth
self._discretized_depth_channels = discretized_depth_channels
if self._discretize_depth == "hard":
self._discretized_depth_end_vals = []
for i in np.arange(self._discretized_depth_channels):
self._discretized_depth_end_vals.append(
i * 1.0 / self._discretized_depth_channels
)
self._discretized_depth_end_vals.append(1.0)
logger.info("Get index mapping from h5py ...")
all_chunk_keys = []
with h5py.File(data_file, "r", libver="latest") as f:
for chunk_k in tqdm(sorted(f.keys())):
all_chunk_keys.append(chunk_k)
valid_idxes, transform_idxes = self._get_valid_idxes(f, chunk_k)
self._len += len(valid_idxes)
logger.info("... done.\n")
if not self._eval:
random.shuffle(all_chunk_keys)
if num_workers == 0:
# no separate worker
self._chunk_splits = all_chunk_keys
elif num_workers > 0:
self._chunk_splits = defaultdict(list)
for i, chunk_k in enumerate(all_chunk_keys):
self._chunk_splits[i % num_workers].append(chunk_k)
else:
raise ValueError
@property
@property
@property
@property
| [
2,
0,
1220,
14629,
14,
8800,
14,
24330,
21015,
198,
198,
11748,
28686,
198,
11748,
289,
20,
9078,
198,
11748,
4738,
198,
11748,
640,
198,
11748,
4866,
198,
11748,
299,
32152,
355,
45941,
198,
6738,
256,
80,
36020,
1330,
256,
80,
36020,
198,
6738,
17268,
1330,
14230,
1068,
35,
713,
11,
4277,
11600,
198,
198,
11748,
28034,
198,
11748,
28034,
13,
20471,
355,
299,
77,
198,
6738,
28034,
13,
26791,
13,
7890,
1330,
16092,
292,
316,
11,
40806,
540,
27354,
292,
316,
198,
198,
6738,
20018,
1330,
49706,
198,
6738,
20018,
13,
26791,
13,
469,
15748,
62,
26791,
1330,
357,
198,
220,
220,
220,
627,
9205,
295,
62,
6738,
62,
1073,
14822,
11,
198,
220,
220,
220,
5797,
62,
5219,
62,
16793,
17,
5420,
11,
198,
8,
198,
198,
6738,
966,
28341,
62,
13038,
13,
26791,
13,
469,
15748,
62,
26791,
1330,
357,
198,
220,
220,
220,
627,
9205,
295,
62,
1462,
62,
18747,
11,
198,
220,
220,
220,
14435,
1143,
48791,
17,
9126,
8048,
7680,
39,
29968,
265,
11,
198,
220,
220,
220,
14435,
1143,
48791,
17,
9126,
8048,
7680,
39,
29968,
265,
15884,
354,
11,
198,
8,
198,
6738,
966,
28341,
62,
13038,
13,
13038,
13,
19608,
292,
316,
13,
2301,
2234,
62,
2676,
62,
19608,
292,
316,
1330,
7308,
8081,
2234,
27354,
292,
316,
198,
6738,
966,
28341,
62,
13038,
13,
13038,
13,
11321,
13,
11321,
62,
85,
945,
1330,
1635,
628,
198,
43879,
51,
22854,
796,
28034,
13,
43879,
51,
22854,
628,
198,
4871,
1812,
47,
958,
8081,
2234,
27354,
292,
316,
7,
14881,
8081,
2234,
27354,
292,
316,
2599,
198,
220,
220,
220,
374,
37811,
6601,
40213,
329,
1181,
12,
79,
3468,
422,
41950,
265,
985,
934,
78,
13,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
825,
11593,
15003,
834,
7,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
11,
198,
220,
220,
220,
220,
220,
220,
220,
5418,
62,
32109,
28,
25101,
11,
198,
220,
220,
220,
220,
220,
220,
220,
1366,
62,
7753,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
220,
220,
997,
62,
22896,
28,
15,
11,
198,
220,
220,
220,
220,
220,
220,
220,
719,
62,
4906,
10779,
16,
11,
198,
220,
220,
220,
220,
220,
220,
220,
1490,
62,
7857,
62,
86,
28,
11645,
11,
198,
220,
220,
220,
220,
220,
220,
220,
1490,
62,
7857,
62,
71,
28,
11645,
11,
198,
220,
220,
220,
220,
220,
220,
220,
17661,
2625,
12,
16,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
1221,
1186,
1096,
62,
18053,
2625,
23108,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
1221,
1186,
1143,
62,
18053,
62,
354,
8961,
28,
15,
11,
198,
220,
220,
220,
220,
220,
220,
220,
2429,
62,
4852,
62,
2902,
62,
1177,
28,
25101,
11,
198,
220,
220,
220,
220,
220,
220,
220,
1353,
62,
2902,
62,
1177,
62,
10745,
418,
34758,
5512,
198,
220,
220,
220,
220,
220,
220,
220,
40087,
62,
16340,
2743,
590,
62,
19199,
41888,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
13027,
62,
7890,
62,
77,
62,
22018,
896,
28,
16,
11,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
1366,
62,
7493,
28,
25101,
11,
198,
220,
220,
220,
15179,
198,
220,
220,
220,
220,
220,
220,
220,
277,
37811,
47139,
6087,
286,
2223,
290,
38445,
15794,
3858,
389,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
1364,
6375,
826,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
44233,
34062,
62,
7890,
62,
559,
5154,
62,
8807,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
1364,
5357,
826,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
44233,
34062,
62,
73,
1563,
62,
27432,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
6818,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
45941,
13,
16345,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
685,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
259,
4399,
62,
7890,
62,
559,
5154,
62,
8807,
1,
287,
40087,
62,
16340,
2743,
590,
62,
19199,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
259,
4399,
62,
73,
1563,
62,
27432,
1,
287,
40087,
62,
16340,
2743,
590,
62,
19199,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2361,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
19841,
352,
198,
220,
220,
220,
220,
220,
220,
220,
10612,
277,
1,
259,
4399,
62,
7890,
62,
559,
5154,
62,
8807,
290,
34062,
62,
73,
1563,
62,
27432,
815,
407,
1656,
1978,
526,
628,
220,
220,
220,
220,
220,
220,
220,
611,
366,
259,
4399,
62,
73,
1563,
62,
27432,
1,
287,
40087,
62,
16340,
2743,
590,
62,
19199,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6818,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
318,
39098,
7,
529,
62,
4906,
11,
1351,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
290,
900,
7,
529,
62,
4906,
8,
6624,
900,
26933,
51,
27064,
62,
2538,
9792,
11,
309,
27064,
62,
49,
9947,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
393,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
318,
39098,
7,
529,
62,
4906,
11,
493,
8,
290,
719,
62,
4906,
6624,
532,
16,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
10612,
277,
1,
2215,
15882,
6466,
12,
34409,
351,
38445,
287,
9641,
11,
2223,
3858,
1276,
307,
685,
9464,
11,
826,
60,
6375,
532,
16,
526,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6818,
318,
39098,
7,
529,
62,
4906,
11,
493,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
366,
259,
4399,
62,
7890,
62,
559,
5154,
62,
8807,
1,
287,
40087,
62,
16340,
2743,
590,
62,
19199,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6818,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
719,
62,
4906,
14512,
13070,
6089,
62,
13775,
39743,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
10612,
277,
1,
6601,
16339,
14374,
329,
38445,
15794,
546,
287,
9641,
318,
407,
11080,
329,
2651,
2223,
526,
628,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
18206,
796,
5418,
62,
32109,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
7890,
62,
69,
796,
1366,
62,
7753,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
22510,
62,
22896,
796,
997,
62,
22896,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
529,
62,
4906,
796,
719,
62,
4906,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
26000,
1166,
796,
17661,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
469,
78,
62,
16340,
2743,
590,
62,
19199,
796,
40087,
62,
16340,
2743,
590,
62,
19199,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
11925,
796,
657,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
529,
62,
9464,
62,
3506,
62,
11925,
796,
657,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
4703,
62,
7857,
62,
86,
796,
1490,
62,
7857,
62,
86,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
4703,
62,
7857,
62,
71,
796,
1490,
62,
7857,
62,
71,
628,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
47172,
62,
7890,
62,
77,
62,
22018,
896,
796,
13027,
62,
7890,
62,
77,
62,
22018,
896,
628,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
5235,
62,
4852,
62,
2902,
62,
1177,
796,
2429,
62,
4852,
62,
2902,
62,
1177,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
4852,
62,
2902,
62,
1177,
62,
10745,
418,
796,
1353,
62,
2902,
62,
1177,
62,
10745,
418,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
25228,
8574,
351,
20398,
23,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
81,
22296,
62,
24874,
62,
7857,
796,
362,
1635,
2116,
13557,
4703,
62,
7857,
62,
86,
1635,
2116,
13557,
4703,
62,
7857,
62,
71,
1635,
513,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
36350,
8574,
351,
12178,
1433,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
18053,
62,
24874,
62,
7857,
796,
362,
1635,
2116,
13557,
4703,
62,
7857,
62,
86,
1635,
2116,
13557,
4703,
62,
7857,
62,
71,
1635,
362,
198,
220,
220,
220,
220,
220,
220,
220,
351,
289,
20,
9078,
13,
8979,
7,
7890,
62,
7753,
11,
366,
81,
1600,
9195,
332,
2625,
42861,
4943,
355,
277,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
354,
2954,
62,
7857,
796,
277,
58,
4868,
7,
69,
13,
13083,
28955,
58,
15,
60,
7131,
1,
47050,
62,
41345,
1443,
1,
4083,
43358,
58,
15,
60,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
329,
46140,
1343,
6795,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
354,
2954,
62,
33661,
796,
493,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
45941,
13,
344,
346,
19510,
944,
13557,
81,
22296,
62,
24874,
62,
7857,
1343,
2116,
13557,
18053,
62,
24874,
62,
7857,
8,
1635,
2116,
13557,
354,
2954,
62,
7857,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
329,
12747,
1321,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
354,
2954,
62,
33661,
15853,
1160,
1635,
362,
198,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
10951,
7,
69,
1,
59,
77,
27354,
292,
316,
25,
16058,
9881,
1391,
944,
13557,
354,
2954,
62,
33661,
1220,
357,
35500,
1635,
28119,
38165,
10771,
59,
77,
4943,
628,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
15410,
1186,
1096,
62,
18053,
796,
1221,
1186,
1096,
62,
18053,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
15410,
1186,
1143,
62,
18053,
62,
354,
8961,
796,
1221,
1186,
1143,
62,
18053,
62,
354,
8961,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13557,
15410,
1186,
1096,
62,
18053,
6624,
366,
10424,
1298,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
15410,
1186,
1143,
62,
18053,
62,
437,
62,
12786,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
1312,
287,
45941,
13,
283,
858,
7,
944,
13557,
15410,
1186,
1143,
62,
18053,
62,
354,
8961,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
15410,
1186,
1143,
62,
18053,
62,
437,
62,
12786,
13,
33295,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1312,
1635,
352,
13,
15,
1220,
2116,
13557,
15410,
1186,
1143,
62,
18053,
62,
354,
8961,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
15410,
1186,
1143,
62,
18053,
62,
437,
62,
12786,
13,
33295,
7,
16,
13,
15,
8,
628,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
10951,
7203,
3855,
6376,
16855,
422,
289,
20,
9078,
35713,
8,
628,
220,
220,
220,
220,
220,
220,
220,
477,
62,
354,
2954,
62,
13083,
796,
17635,
628,
220,
220,
220,
220,
220,
220,
220,
351,
289,
20,
9078,
13,
8979,
7,
7890,
62,
7753,
11,
366,
81,
1600,
9195,
332,
2625,
42861,
4943,
355,
277,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
16058,
62,
74,
287,
256,
80,
36020,
7,
82,
9741,
7,
69,
13,
13083,
28955,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
477,
62,
354,
2954,
62,
13083,
13,
33295,
7,
354,
2954,
62,
74,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4938,
62,
312,
48169,
11,
6121,
62,
312,
48169,
796,
2116,
13557,
1136,
62,
12102,
62,
312,
48169,
7,
69,
11,
16058,
62,
74,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
11925,
15853,
18896,
7,
12102,
62,
312,
48169,
8,
628,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
10951,
7203,
986,
1760,
13,
59,
77,
4943,
628,
220,
220,
220,
220,
220,
220,
220,
611,
407,
2116,
13557,
18206,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4738,
13,
1477,
18137,
7,
439,
62,
354,
2954,
62,
13083,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
997,
62,
22896,
6624,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
645,
4553,
8383,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
354,
2954,
62,
22018,
896,
796,
477,
62,
354,
2954,
62,
13083,
198,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
997,
62,
22896,
1875,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
354,
2954,
62,
22018,
896,
796,
4277,
11600,
7,
4868,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
1312,
11,
16058,
62,
74,
287,
27056,
378,
7,
439,
62,
354,
2954,
62,
13083,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13557,
354,
2954,
62,
22018,
896,
58,
72,
4064,
997,
62,
22896,
4083,
33295,
7,
354,
2954,
62,
74,
8,
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,
628,
220,
220,
220,
2488,
26745,
628,
220,
220,
220,
2488,
26745,
628,
220,
220,
220,
2488,
26745,
628,
220,
220,
220,
2488,
26745,
628,
198
] | 2.083876 | 2,456 |
import os
| [
11748,
28686,
198
] | 3.333333 | 3 |
op = {
'plus': lambda x, y: x + y,
'minus': lambda x, y: x - y,
'multiplied': lambda x, y: x * y,
'divided': lambda x, y: x / y,
}
| [
404,
796,
1391,
201,
198,
220,
220,
220,
705,
9541,
10354,
37456,
2124,
11,
331,
25,
2124,
1343,
331,
11,
201,
198,
220,
220,
220,
705,
40191,
10354,
37456,
2124,
11,
331,
25,
2124,
532,
331,
11,
201,
198,
220,
220,
220,
705,
47945,
798,
10354,
37456,
2124,
11,
331,
25,
2124,
1635,
331,
11,
201,
198,
220,
220,
220,
705,
7146,
1384,
10354,
37456,
2124,
11,
331,
25,
2124,
1220,
331,
11,
201,
198,
92,
201,
198,
201,
198
] | 1.9375 | 80 |
import numpy as np
import torch
from torch.utils.data import Dataset
| [
11748,
299,
32152,
355,
45941,
198,
11748,
28034,
198,
6738,
28034,
13,
26791,
13,
7890,
1330,
16092,
292,
316,
628
] | 3.5 | 20 |
TASK_URL = "http://code-lock.ctf.sicamp.ru"
TITLE = "Кодовый замок"
STATEMENT_TEMPLATE = f'''
"Безопасность превыше всего" - сказал ваш приятель и поставил на входную дверь кодовый замок. Но теперь вам срочно нужно попасть к нему домой, а кода вы не знаете. Что же делать?
[{TASK_URL}/{{0}}]({TASK_URL}/{{0}})
'''
tokens = ['CyCHgDjGEITw', 'mhLo7Fo1T0CB', 'MvXYeD9qdKbD', 'IcI8GUb3ifnu', 'WfClJasVVMqE', '6N111DvhAm1a', 'oKZdNHSWuEzB', '83xZkQHbnkB2', 'WAa0NtH4OhIq', 'hkiUVGhgnhQ9', 'cRx7j5c4BQ1f', 'T1HHyn3puLoX', 'Yydst5aHZyVp', 'cpnyMwLbKB5p', '8iHeN1y18NjN', 'LSwR2lsiDTA3', 'gG4EHjKbOZm2', 'zYgMKfs9y2Wc', 'oFw8MCETmi6p', '8cdmXvDNUZRM', 'HDmbVl56YPBr', 'tnBzvB42h501', 'Gk7rzhpwMyhf', 'fwHG0HAE6mpP', 'OQNSYN9nbfYR', 'w59HnPeSuwWt', 'QQpSYcygsvRy', 'dMTpLdze1Ex7', 'ULkRAfUEZy4U', 'Shpapnk5hsta', 'DVeq1osBM2YR', 'GyURFUZMB4Xm', 'X69RCwKq2u1l', 'kYPOfWmvzAWM', 'BKKTXLNiII07', '32neeyDHhzqB', 'GNwN6ZHCGCdw', '4P3IF6Upprg3', 'jTIiNfjvwByW', 'QVlqAFqMIJOf', 'jPhyNMm4X5Rn', 'AyJqWGxn89fb', 'eD526FoOaDYe', 'VKxmUzze44bm', 'SrlFcn7xYZ16', '5YPYsFFYXIVk', 'bmsWWn8pgEAS', 'yy6PPRzGx9n0', '21w2OU52qu1n', 'yz4IMAZNUxAg', 'U1BvSWxNl9Ol', 'AzWWPWmCXNyD', '2NmfDErj74Hy', 'OawqmtEXpyO5', '1t8Il35pZ4dC', 'D46PRTiXfS85', 'FALm3qlwKlby', 'y5p75Oc2Wlq1', 'KCGvCrvXm7Dv', 'kXRW6JlaWqAP', 'BRS3SNN1pE8i', '4kTbKTwv4TDa', 'seRMOBGjStBR', 'NEjfEx8hkIlw', 'CwDwPLL4lJ8h', 'JqrI0EvPVsUO', 'YuxW4zurp837', 'lqAfwBcmEIYB', 'gIEsoiXHNlaN', '9aArBkyeOkp0', 'e9fvVfyqxzMK', 'AtWnForNaW08', 'QfG31wSauKFk', 'jj8SFRXo0g10', 'UwgRJmdbVn6h', 'of7KckpcWd6l', 'vQC0iZzrFoy2', 'B35uVOu9MFP4', 'vJeWdKmi3bQ5', 'JCRWGhFBBBdT', 'zJtVGIIWcaRH', 'hCQfcouybmtC', 'I3Lvi2CBfg3r', 'hsGrtOj9RoSF', 'Z2M6Lpp38sP5', 'Ddd1Q5xIN1gF', 'vq6wMS9ot0zQ', 'hQjBcbnBCHxC', 'p1PwrBlPZ0ow', '6qJmIbbe6xoB', 'WQcb7xfEnOYR', 'Ey6vDVRYc2Vg', 'wEPIInOjeYUY', 'fb6WnAMMEgmY', 'Jm4yz5txSDmS', 'fXOMpdzreZvs', 'CkC0BkFtTlyq', 'DZ0gQRmgZsU1', 'DauMhJ1BsGza', 'hUUYMo9s2BPD', 'QQxDRxvmupZk', '4L7iiN4r06lT', '5zyfpXsYhBKg', 'JrNowXOUjujL', 'qTHahv28s258', 'rBu8EOrxNWZ5', '68pRpcX5n8Ev', 'jC6tKJcWjKtR', '8xasHzOz7jrx', 'e6OGhsh3lyer', '1Am3cf613rjd', 'VgN14kseLLgW', 'r0H7c44NjU4J', 'R8zcG9pVe4If', 'hz9enCVyG3Qe', '42ZrkxaG0Odd', 'BjAIeDoudYpr', 'c8XtYZASWW1E', 'XreXXid6ctjG', 'lu1Jl8lKScR5', 'ZbZuuURyxIxS', 'SeRZjEEHdjU5', '5wvjcDrLGtXE', 'TfoMA9ujFFZq', '2wUgbKrHw5MQ', 'bC9MrAkpJiRA', 'k8njmmSu5NXE', '0wEywfzDTs6l', 'iUVECD8GiYyE', 'O2hKKZqGekW6', 'CAXzTL2d1qO2', 'y797wsSFo5yg', '9RAhxCoi7VnP', 'MUzYZ9uHKkHp', 'hzFbJ1dTuW9l', 'xL313rNuBsdP', 'QffVzcK7XdwG', 'n0gE4RRtOLwv', 'KQOYiuUQc8ij', '9NtrplWWpd3F', '9sbNujphpvkK', 'TPo2EW4NtMms', 'lYT0LmVD3xW9', 'b1rhQTMP1Fx2', 'm6DaZ98S8G5i', 'GMYZBbKzuzlo', 'gzlFPb5KSvzm', 'RumlfxO98mbL', 'FDFcbQ3tqsqB', 'MFYBWyrNxrju', 'Yhz3FR5otGne', 'AkCV4tMFjjmN', 'DSLm94pZ7x2k', '2B3a4m8BtviD', 'DdpfmV6EcR2s', 'XZRnVv0pyTLM', 'Rec0l44sVRmo', 'ktyovd71S95u', 'RuxFDjYa3CzC', 'szRnOXD2BeKN', 'rGgeMiZEik6Q', 'ijj71npkEoqP', 'YpqcsLAkhR3n', 'dDQOSdN8opNw', 'J6Xyv2PcJIeY', 'eloBCeinF7Gp', 'YyUBfPqsv3An', 'arWweSmLMKkF', 'MhvfwsyrJXhb', 'QBqD3MDwBW6T', '1TmDk7sEdo8j', 'HnaaZYWYEhGY', '6IL7tGERPBoo', 'EdwBz7J0R1Sv', 'doKRJdkcVLOC', 'B6hAOtsGnnLb', 'gNjBR7OQuPFN', 'inMM26GlBXcY', 'sTBXHVijFmOR', 't8Lpl3Ad9rtc', '9KUt31evAPwJ', 'U0DZAVBlygDM', 'F7AGLWs6vR52', '7CeZX2qdLfKP', '4c73P4ua8mJv', 'nm84pMyyKjnT', 'JUl0SS3Oaglq', 'WtbMPWqY6n41', 'T2aTQb00cqx5', 'IB5yetiYZNGl', 'MXTPGNTcP02Q', 'PI82YnVTiBd5', 'YYyak43raQDP', 'CREXo6BLfX5Z', 'TXR49vSnEnzD', 'a5uy3qptZXQZ', 'TBnL6rzijVzJ', 'vFraC8uBBYMG', 'xoVeBYoWmkSX', 'QrkcALhYHdI4'] | [
51,
1921,
42,
62,
21886,
796,
366,
4023,
1378,
8189,
12,
5354,
13,
310,
69,
13,
21383,
696,
13,
622,
1,
201,
198,
49560,
2538,
796,
366,
140,
248,
25443,
112,
25443,
110,
45035,
140,
117,
12466,
115,
16142,
43108,
25443,
118,
1,
201,
198,
35744,
12529,
62,
51,
3620,
6489,
6158,
796,
277,
7061,
6,
201,
198,
1,
140,
239,
16843,
140,
115,
25443,
123,
16142,
21727,
22177,
15166,
21727,
20375,
45367,
12466,
123,
21169,
16843,
38857,
45035,
141,
230,
16843,
12466,
110,
21727,
16843,
140,
111,
15166,
1,
532,
220,
21727,
31583,
16142,
140,
115,
16142,
30143,
12466,
110,
16142,
141,
230,
12466,
123,
21169,
18849,
40623,
20375,
16843,
30143,
45367,
12466,
116,
12466,
123,
15166,
21727,
20375,
16142,
38857,
18849,
30143,
12466,
121,
16142,
12466,
110,
141,
227,
25443,
112,
22177,
35072,
141,
236,
12466,
112,
38857,
16843,
21169,
45367,
12466,
118,
25443,
112,
25443,
110,
45035,
140,
117,
12466,
115,
16142,
43108,
25443,
118,
13,
12466,
251,
15166,
220,
20375,
16843,
140,
123,
16843,
21169,
45367,
12466,
110,
16142,
43108,
220,
21727,
21169,
15166,
141,
229,
22177,
15166,
12466,
121,
35072,
140,
114,
22177,
15166,
12466,
123,
25443,
123,
16142,
21727,
20375,
45367,
12466,
118,
12466,
121,
16843,
43108,
35072,
12466,
112,
25443,
120,
25443,
117,
11,
12466,
108,
12466,
118,
25443,
112,
16142,
12466,
110,
45035,
12466,
121,
16843,
12466,
115,
22177,
16142,
16843,
20375,
16843,
13,
12466,
100,
20375,
15166,
12466,
114,
16843,
12466,
112,
16843,
30143,
16142,
20375,
45367,
30,
201,
198,
58,
90,
51,
1921,
42,
62,
21886,
92,
14,
27007,
15,
11709,
60,
15090,
51,
1921,
42,
62,
21886,
92,
14,
27007,
15,
11709,
8,
201,
198,
7061,
6,
201,
198,
201,
198,
201,
198,
83,
482,
641,
796,
37250,
20418,
3398,
70,
35,
73,
8264,
2043,
86,
3256,
705,
76,
71,
27654,
22,
37,
78,
16,
51,
15,
23199,
3256,
705,
44,
85,
34278,
68,
35,
24,
80,
67,
42,
65,
35,
3256,
705,
40,
66,
40,
23,
38,
36609,
18,
361,
28803,
3256,
705,
54,
69,
2601,
41,
292,
53,
15996,
80,
36,
3256,
705,
21,
45,
16243,
35,
85,
71,
5840,
16,
64,
3256,
705,
78,
42,
57,
67,
45,
7998,
54,
84,
36,
89,
33,
3256,
705,
5999,
87,
57,
74,
48,
39,
9374,
38841,
17,
3256,
705,
15543,
64,
15,
45,
83,
39,
19,
5812,
40,
80,
3256,
705,
71,
4106,
31667,
41126,
4593,
71,
48,
24,
3256,
705,
66,
49,
87,
22,
73,
20,
66,
19,
33,
48,
16,
69,
3256,
705,
51,
16,
16768,
2047,
18,
19944,
27654,
55,
3256,
705,
56,
5173,
301,
20,
64,
39,
57,
88,
53,
79,
3256,
705,
13155,
3281,
44,
86,
43,
65,
22764,
20,
79,
3256,
705,
23,
72,
1544,
45,
16,
88,
1507,
45,
73,
45,
3256,
705,
6561,
86,
49,
17,
7278,
72,
35,
5603,
18,
3256,
705,
70,
38,
19,
42413,
73,
42,
65,
46,
57,
76,
17,
3256,
705,
89,
56,
70,
33907,
9501,
24,
88,
17,
54,
66,
3256,
705,
78,
37,
86,
23,
9655,
2767,
11632,
21,
79,
3256,
705,
23,
10210,
76,
55,
85,
35504,
52,
57,
29138,
3256,
705,
10227,
2022,
53,
75,
3980,
48232,
9414,
3256,
705,
34106,
33,
89,
85,
33,
3682,
71,
33548,
3256,
705,
38,
74,
22,
81,
23548,
79,
86,
3666,
71,
69,
3256,
705,
44482,
39,
38,
15,
7801,
36,
21,
3149,
47,
3256,
705,
46,
48,
8035,
40760,
24,
77,
19881,
38162,
3256,
705,
86,
3270,
39,
77,
6435,
5606,
86,
54,
83,
3256,
705,
48,
48,
79,
23060,
948,
14542,
85,
46987,
3256,
705,
67,
13752,
79,
43,
67,
2736,
16,
3109,
22,
3256,
705,
6239,
74,
3861,
69,
8924,
57,
88,
19,
52,
3256,
705,
2484,
79,
499,
77,
74,
20,
71,
38031,
3256,
705,
35,
26979,
80,
16,
418,
12261,
17,
38162,
3256,
705,
44802,
4261,
38989,
57,
10744,
19,
55,
76,
3256,
705,
55,
3388,
7397,
86,
42,
80,
17,
84,
16,
75,
3256,
705,
74,
48232,
5189,
54,
76,
85,
89,
12298,
44,
3256,
705,
33,
16601,
29551,
43,
34153,
3978,
2998,
3256,
705,
2624,
710,
2959,
41473,
32179,
80,
33,
3256,
705,
16630,
86,
45,
21,
57,
16045,
15916,
67,
86,
3256,
705,
19,
47,
18,
5064,
21,
52,
381,
41345,
18,
3256,
705,
73,
25621,
72,
45,
69,
73,
85,
86,
3886,
54,
3256,
705,
48,
53,
75,
80,
8579,
80,
8895,
41,
5189,
3256,
705,
73,
2725,
88,
32755,
76,
19,
55,
20,
49,
77,
3256,
705,
42012,
41,
80,
54,
38,
87,
77,
4531,
21855,
3256,
705,
68,
35,
48531,
37,
78,
46,
64,
35,
35543,
3256,
705,
47191,
87,
76,
52,
89,
2736,
2598,
20475,
3256,
705,
50,
45895,
37,
31522,
22,
87,
56,
57,
1433,
3256,
705,
20,
48232,
56,
82,
5777,
56,
55,
3824,
74,
3256,
705,
65,
907,
17947,
77,
23,
6024,
36,
1921,
3256,
705,
22556,
21,
47,
4805,
89,
38,
87,
24,
77,
15,
3256,
705,
2481,
86,
17,
2606,
4309,
421,
16,
77,
3256,
705,
45579,
19,
3955,
22778,
45,
52,
87,
10262,
3256,
705,
52,
16,
33,
85,
17887,
87,
45,
75,
24,
30098,
3256,
705,
26903,
17947,
47,
54,
76,
34,
55,
45,
88,
35,
3256,
705,
17,
45,
76,
69,
7206,
81,
73,
4524,
21217,
3256,
705,
46,
707,
80,
16762,
6369,
9078,
46,
20,
3256,
705,
16,
83,
23,
33666,
2327,
79,
57,
19,
67,
34,
3256,
705,
35,
3510,
4805,
40533,
55,
69,
50,
5332,
3256,
705,
37,
1847,
76,
18,
13976,
86,
42,
75,
1525,
3256,
705,
88,
20,
79,
2425,
46,
66,
17,
54,
75,
80,
16,
3256,
705,
36222,
38,
85,
13916,
85,
55,
76,
22,
35,
85,
3256,
705,
74,
55,
46747,
21,
41,
5031,
54,
80,
2969,
3256,
705,
33,
6998,
18,
50,
6144,
16,
79,
36,
23,
72,
3256,
705,
19,
74,
51,
65,
42,
5080,
85,
19,
21016,
64,
3256,
705,
325,
29138,
9864,
38,
73,
1273,
11473,
3256,
705,
12161,
73,
69,
3109,
23,
71,
74,
33666,
86,
3256,
705,
34,
86,
35,
86,
47,
3069,
19,
75,
41,
23,
71,
3256,
705,
41,
80,
81,
40,
15,
15200,
47,
23266,
52,
46,
3256,
705,
56,
2821,
54,
19,
89,
333,
79,
23,
2718,
3256,
705,
75,
80,
17584,
86,
33,
11215,
36,
40,
56,
33,
3256,
705,
70,
10008,
568,
72,
55,
39,
45,
5031,
45,
3256,
705,
24,
64,
3163,
33,
2584,
68,
18690,
79,
15,
3256,
705,
68,
24,
69,
85,
53,
24928,
80,
87,
89,
33907,
3256,
705,
2953,
54,
77,
1890,
26705,
54,
2919,
3256,
705,
48,
69,
38,
3132,
86,
50,
559,
42,
37,
74,
3256,
705,
41098,
23,
50,
10913,
55,
78,
15,
70,
940,
3256,
705,
52,
86,
70,
49,
41,
9132,
65,
53,
77,
21,
71,
3256,
705,
1659,
22,
42,
694,
14751,
54,
67,
21,
75,
3256,
705,
85,
48,
34,
15,
72,
57,
89,
81,
37,
726,
17,
3256,
705,
33,
2327,
84,
29516,
84,
24,
44,
5837,
19,
3256,
705,
85,
40932,
54,
67,
42,
11632,
18,
65,
48,
20,
3256,
705,
41,
9419,
54,
41126,
37,
15199,
33,
67,
51,
3256,
705,
89,
41,
83,
43490,
3978,
54,
6888,
48587,
3256,
705,
71,
34,
48,
16072,
280,
88,
65,
16762,
34,
3256,
705,
40,
18,
43,
8903,
17,
23199,
40616,
18,
81,
3256,
705,
11994,
8642,
83,
46,
73,
24,
15450,
20802,
3256,
705,
57,
17,
44,
21,
43,
381,
2548,
82,
47,
20,
3256,
705,
35,
1860,
16,
48,
20,
87,
1268,
16,
70,
37,
3256,
705,
85,
80,
21,
86,
5653,
24,
313,
15,
89,
48,
3256,
705,
71,
48,
73,
33,
66,
9374,
2749,
39,
87,
34,
3256,
705,
79,
16,
47,
18351,
3629,
47,
57,
15,
322,
3256,
705,
21,
80,
41,
76,
40,
65,
1350,
21,
87,
78,
33,
3256,
705,
54,
48,
21101,
22,
26152,
4834,
21414,
49,
3256,
705,
36287,
21,
85,
35,
13024,
56,
66,
17,
53,
70,
3256,
705,
86,
8905,
40,
818,
46,
18015,
56,
52,
56,
3256,
705,
21855,
21,
54,
77,
2390,
11682,
39870,
56,
3256,
705,
41,
76,
19,
45579,
20,
17602,
10305,
76,
50,
3256,
705,
69,
55,
2662,
30094,
89,
260,
57,
14259,
3256,
705,
34,
74,
34,
15,
33,
74,
37,
83,
51,
306,
80,
3256,
705,
35,
57,
15,
70,
48,
49,
11296,
57,
82,
52,
16,
3256,
705,
35,
559,
44,
71,
41,
16,
37000,
38,
4496,
3256,
705,
71,
30100,
56,
16632,
24,
82,
17,
33,
5760,
3256,
705,
48,
48,
87,
7707,
87,
14761,
929,
57,
74,
3256,
705,
19,
43,
22,
4178,
45,
19,
81,
3312,
75,
51,
3256,
705,
20,
7357,
46428,
55,
82,
56,
71,
33,
42,
70,
3256,
705,
50123,
3844,
55,
2606,
14396,
73,
43,
3256,
705,
80,
4221,
993,
85,
2078,
82,
25600,
3256,
705,
81,
38374,
23,
4720,
40914,
27605,
57,
20,
3256,
705,
3104,
79,
49,
14751,
55,
20,
77,
23,
15200,
3256,
705,
73,
34,
21,
83,
42,
41,
66,
54,
73,
42,
83,
49,
3256,
705,
23,
87,
292,
7399,
46,
89,
22,
73,
40914,
3256,
705,
68,
21,
7730,
71,
1477,
18,
306,
263,
3256,
705,
16,
5840,
18,
12993,
47512,
81,
73,
67,
3256,
705,
53,
70,
45,
1415,
74,
325,
3069,
70,
54,
3256,
705,
81,
15,
39,
22,
66,
2598,
45,
73,
52,
19,
41,
3256,
705,
49,
23,
89,
66,
38,
24,
79,
26979,
19,
1532,
3256,
705,
32179,
24,
268,
33538,
88,
38,
18,
48,
68,
3256,
705,
3682,
57,
81,
74,
27865,
38,
15,
46,
1860,
3256,
705,
33,
73,
20185,
68,
35,
2778,
56,
1050,
3256,
705,
66,
23,
55,
83,
56,
57,
1921,
17947,
16,
36,
3256,
705,
55,
260,
8051,
312,
21,
310,
73,
38,
3256,
705,
2290,
16,
41,
75,
23,
75,
42,
3351,
49,
20,
3256,
705,
57,
65,
57,
12303,
4261,
28391,
40,
87,
50,
3256,
705,
4653,
49,
57,
73,
6500,
39,
28241,
52,
20,
3256,
705,
20,
86,
85,
48055,
6187,
41257,
83,
55,
36,
3256,
705,
51,
6513,
5673,
24,
23577,
5777,
57,
80,
3256,
705,
17,
86,
52,
22296,
42,
81,
39,
86,
20,
49215,
3256,
705,
65,
34,
24,
5246,
33901,
79,
41,
72,
3861,
3256,
705,
74,
23,
77,
73,
3020,
5606,
20,
45,
55,
36,
3256,
705,
15,
86,
36287,
86,
69,
89,
24544,
82,
21,
75,
3256,
705,
72,
31667,
27295,
23,
33704,
56,
88,
36,
3256,
705,
46,
17,
71,
16601,
57,
80,
38,
988,
54,
21,
3256,
705,
8141,
55,
89,
14990,
17,
67,
16,
80,
46,
17,
3256,
705,
88,
44673,
18504,
20802,
78,
20,
35641,
3256,
705,
24,
3861,
71,
87,
7222,
72,
22,
53,
77,
47,
3256,
705,
42422,
89,
56,
57,
24,
84,
38730,
74,
39,
79,
3256,
705,
32179,
37,
65,
41,
16,
67,
47247,
54,
24,
75,
3256,
705,
87,
43,
25838,
81,
45,
84,
33,
21282,
47,
3256,
705,
48,
487,
53,
89,
66,
42,
22,
55,
67,
86,
38,
3256,
705,
77,
15,
70,
36,
19,
21095,
83,
3535,
86,
85,
3256,
705,
42,
48,
21414,
16115,
52,
48,
66,
23,
2926,
3256,
705,
24,
45,
2213,
489,
17947,
30094,
18,
37,
3256,
705,
24,
36299,
45,
23577,
10121,
85,
74,
42,
3256,
705,
7250,
78,
17,
6217,
19,
45,
83,
44,
907,
3256,
705,
75,
56,
51,
15,
43,
76,
8898,
18,
87,
54,
24,
3256,
705,
65,
16,
17179,
48,
51,
7378,
16,
37,
87,
17,
3256,
705,
76,
21,
26531,
57,
4089,
50,
23,
38,
20,
72,
3256,
705,
15548,
56,
57,
33,
65,
42,
89,
10277,
5439,
3256,
705,
34586,
75,
5837,
65,
20,
27015,
85,
89,
76,
3256,
705,
47127,
1652,
87,
46,
4089,
2022,
43,
3256,
705,
37,
8068,
21101,
48,
18,
83,
80,
31166,
33,
3256,
705,
44,
43833,
48802,
2417,
45,
87,
81,
14396,
3256,
705,
56,
32179,
18,
10913,
20,
313,
38,
710,
3256,
705,
33901,
33538,
19,
83,
49800,
41098,
76,
45,
3256,
705,
5258,
43,
76,
5824,
79,
57,
22,
87,
17,
74,
3256,
705,
17,
33,
18,
64,
19,
76,
23,
33,
83,
8903,
35,
3256,
705,
35,
26059,
38353,
53,
21,
49136,
49,
17,
82,
3256,
705,
55,
57,
49,
77,
53,
85,
15,
9078,
14990,
44,
3256,
705,
6690,
15,
75,
2598,
82,
13024,
5908,
3256,
705,
74,
774,
709,
67,
4869,
50,
3865,
84,
3256,
705,
49,
2821,
26009,
73,
56,
64,
18,
34,
89,
34,
3256,
705,
82,
89,
49,
77,
48632,
35,
17,
3856,
29132,
3256,
705,
81,
38,
469,
41541,
21211,
1134,
21,
48,
3256,
705,
2926,
73,
4869,
37659,
74,
36,
78,
80,
47,
3256,
705,
56,
79,
80,
6359,
13534,
14636,
49,
18,
77,
3256,
705,
67,
35,
48,
2640,
67,
45,
23,
404,
45,
86,
3256,
705,
41,
21,
55,
88,
85,
17,
47,
66,
41,
40,
68,
56,
3256,
705,
22126,
2749,
68,
259,
37,
22,
38,
79,
3256,
705,
56,
88,
10526,
69,
47,
80,
21370,
18,
2025,
3256,
705,
283,
54,
732,
7556,
31288,
42,
74,
37,
3256,
705,
44,
71,
85,
44482,
1837,
81,
41,
55,
71,
65,
3256,
705,
40291,
80,
35,
18,
12740,
86,
48802,
21,
51,
3256,
705,
16,
51,
76,
35,
74,
22,
82,
36,
4598,
23,
73,
3256,
705,
39,
2616,
64,
57,
56,
54,
56,
43894,
31212,
3256,
705,
21,
4146,
22,
83,
30373,
47,
46120,
3256,
705,
7407,
86,
33,
89,
22,
41,
15,
49,
16,
50,
85,
3256,
705,
4598,
30758,
41,
34388,
66,
53,
29701,
3256,
705,
33,
21,
71,
32,
46,
912,
38,
20471,
43,
65,
3256,
705,
70,
45,
73,
11473,
22,
46,
4507,
42668,
45,
3256,
705,
259,
12038,
2075,
9861,
33,
55,
66,
56,
3256,
705,
82,
22737,
55,
39,
53,
2926,
37,
76,
1581,
3256,
705,
83,
23,
43,
489,
18,
2782,
24,
17034,
66,
3256,
705,
24,
42,
18274,
3132,
1990,
2969,
86,
41,
3256,
705,
52,
15,
35,
57,
10116,
33,
306,
70,
23127,
3256,
705,
37,
22,
4760,
43,
46456,
21,
85,
49,
4309,
3256,
705,
22,
34,
68,
40692,
17,
80,
45582,
69,
42,
47,
3256,
705,
19,
66,
4790,
47,
19,
6413,
23,
76,
41,
85,
3256,
705,
21533,
5705,
79,
3666,
88,
42,
73,
77,
51,
3256,
705,
41,
47920,
15,
5432,
18,
46,
363,
75,
80,
3256,
705,
54,
83,
65,
7378,
54,
80,
56,
21,
77,
3901,
3256,
705,
51,
17,
64,
51,
48,
65,
405,
66,
80,
87,
20,
3256,
705,
9865,
20,
25907,
72,
56,
57,
45,
9861,
3256,
705,
44,
25010,
6968,
11251,
66,
47,
2999,
48,
3256,
705,
11901,
6469,
56,
77,
36392,
72,
33,
67,
20,
3256,
705,
26314,
88,
461,
3559,
430,
48,
6322,
3256,
705,
43387,
55,
78,
21,
9148,
69,
55,
20,
57,
3256,
705,
29551,
49,
2920,
85,
16501,
4834,
89,
35,
3256,
705,
64,
20,
4669,
18,
80,
457,
40692,
48,
57,
3256,
705,
22737,
77,
43,
21,
81,
89,
2926,
53,
89,
41,
3256,
705,
85,
49562,
34,
23,
84,
15199,
56,
20474,
3256,
705,
87,
78,
26979,
17513,
78,
54,
28015,
50,
55,
3256,
705,
48,
81,
74,
66,
1847,
71,
56,
39,
67,
40,
19,
20520
] | 1.403655 | 2,517 |
c.IPEngineApp.wait_for_url_file = 30
c.RegistrationFactory.ip = '*'
| [
66,
13,
4061,
13798,
4677,
13,
17077,
62,
1640,
62,
6371,
62,
7753,
796,
1542,
198,
66,
13,
47133,
22810,
13,
541,
796,
705,
9,
6,
628
] | 2.555556 | 27 |
# Copyright 2019 The Android Open Source Project
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.
import logging
import os
import re
import sys
import shutil
import abc
import docker
from tqdm import tqdm
from emu.utils import mkdir_p
class ProgressTracker(object):
"""Tracks progress using tqdm for a set of layers that are pushed."""
def update(self, entry):
"""Update the progress bars given a an entry.."""
if "id" not in entry:
return
identity = entry["id"]
if identity not in self.progress:
self.idx += 1
self.progress[identity] = {
"tqdm": tqdm(total=0, position=self.idx, unit="B", unit_scale=True), # The progress bar
"total": 0, # Total of bytes we are shipping
"status": "", # Status message.
"current": 0, # Current of total already send.
}
prog = self.progress[identity]
total = int(entry.get("progressDetail", {}).get("total", -1))
current = int(entry.get("progressDetail", {}).get("current", 0))
if prog["total"] != total and total != -1:
prog["total"] = total
prog["tqdm"].reset(total=total)
if prog["status"] != entry["status"]:
prog["tqdm"].set_description("{0} {1}".format(entry.get("status"), identity))
if current != 0:
diff = current - prog["current"]
prog["current"] = current
prog["tqdm"].update(diff)
class DockerContainer(object):
"""A Docker Device is capable of creating and launching docker images.
In order to successfully create and launch a docker image you must either
run this as root, or have enabled sudoless docker.
"""
TAG_REGEX = re.compile(r"[a-zA-Z0-9][a-zA-Z0-9._-]*:?[a-zA-Z0-9._-]*")
def launch(self, port_map):
"""Launches the container with the given sha, publishing abd on port, and gRPC on port 8554
Returns the container.
"""
image = self.docker_image()
client = docker.from_env()
try:
container = client.containers.run(
image=image.id,
privileged=True,
publish_all_ports=True,
detach=True,
ports=port_map,
)
print("Launched {} (id:{})".format(container.name, container.id))
print("docker logs -f {}".format(container.name))
print("docker stop {}".format(container.name))
return container
except:
logging.exception("Unable to run the %s", image_sha)
print("Unable to start the container, try running it as:")
print("./run.sh ", image_sha)
def create_container(self, dest):
"""Creates the docker container, returning the sha of the container, or None in case of failure."""
identity = None
image_tag = self.full_name()
print("docker build {} -t {}".format(dest, image_tag))
try:
api_client = self.get_api_client()
logging.info("build(path=%s, tag=%s, rm=True, decode=True)", dest, image_tag)
result = api_client.build(path=dest, tag=image_tag, rm=True, decode=True)
for entry in result:
if "stream" in entry:
sys.stdout.write(entry["stream"])
if "aux" in entry and "ID" in entry["aux"]:
identity = entry["aux"]["ID"]
client = docker.from_env()
image = client.images.get(identity)
image.tag(self.repo + self.image_name(), "latest")
except:
logging.exception("Failed to create container.", exc_info=True)
logging.warning("You can manually create the container as follows:")
logging.warning("docker build -t %s %s", image_tag, dest)
return identity
def pull(self, image, tag):
"""Tries to retrieve the given image and tag.
Return True if succeeded, False when failed.
"""
client = self.get_api_client()
try:
tracker = ProgressTracker()
result = client.pull(self.repo + image, tag)
for entry in result:
tracker.update(entry)
except:
logging.info("Failed to retrieve image, this is not uncommon.", exc_info=True)
return False
return True
def docker_image(self):
"""The docker local docker image if any
Returns:
{docker.models.images.Image}: A docker image object, or None.
"""
client = self.get_client()
for img in client.images.list():
for tag in img.tags:
if self.image_name() in tag:
return img
return None
def available(self):
"""True if this container image is locally available."""
return self.docker_image() != None
def can_pull(self):
"""True if this container image can be pulled from a registry."""
return self.pull(self.image_name(), self.docker_tag())
@abc.abstractmethod
def write(self, destination):
"""Method responsible for writing the Dockerfile and all necessary files to build a container.
Args:
destination ({string}): A path to a directory where all the container files should reside.
Raises:
NotImplementedError: [description]
"""
raise NotImplementedError()
@abc.abstractmethod
def image_name(self):
"""The image name without the tag used to uniquely identify this image.
Raises:
NotImplementedError: [description]
"""
raise NotImplementedError()
@abc.abstractmethod
@abc.abstractmethod
def depends_on(self):
"""Name of the system image this container is build on."""
raise NotImplementedError()
| [
2,
15069,
13130,
383,
5565,
4946,
8090,
4935,
198,
2,
198,
2,
49962,
739,
262,
24843,
13789,
11,
10628,
362,
13,
15,
357,
1169,
366,
34156,
15341,
198,
2,
345,
743,
407,
779,
428,
2393,
2845,
287,
11846,
351,
262,
13789,
13,
198,
2,
921,
743,
7330,
257,
4866,
286,
262,
13789,
379,
198,
2,
198,
2,
220,
220,
220,
220,
2638,
1378,
2503,
13,
43073,
13,
2398,
14,
677,
4541,
14,
43,
2149,
24290,
12,
17,
13,
15,
198,
2,
198,
2,
17486,
2672,
416,
9723,
1099,
393,
4987,
284,
287,
3597,
11,
3788,
198,
2,
9387,
739,
262,
13789,
318,
9387,
319,
281,
366,
1921,
3180,
1,
29809,
1797,
11,
198,
2,
42881,
34764,
11015,
6375,
7102,
49828,
11053,
3963,
15529,
509,
12115,
11,
2035,
4911,
393,
17142,
13,
198,
2,
4091,
262,
13789,
329,
262,
2176,
3303,
15030,
21627,
290,
198,
2,
11247,
739,
262,
13789,
13,
198,
11748,
18931,
198,
11748,
28686,
198,
11748,
302,
198,
11748,
25064,
198,
11748,
4423,
346,
198,
11748,
450,
66,
198,
198,
11748,
36253,
198,
6738,
256,
80,
36020,
1330,
256,
80,
36020,
198,
6738,
795,
84,
13,
26791,
1330,
33480,
15908,
62,
79,
628,
198,
4871,
18387,
35694,
7,
15252,
2599,
198,
220,
220,
220,
37227,
2898,
4595,
4371,
1262,
256,
80,
36020,
329,
257,
900,
286,
11685,
326,
389,
7121,
526,
15931,
628,
220,
220,
220,
825,
4296,
7,
944,
11,
5726,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
10260,
262,
4371,
9210,
1813,
257,
281,
5726,
492,
37811,
198,
220,
220,
220,
220,
220,
220,
220,
611,
366,
312,
1,
407,
287,
5726,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
628,
220,
220,
220,
220,
220,
220,
220,
5369,
796,
5726,
14692,
312,
8973,
198,
220,
220,
220,
220,
220,
220,
220,
611,
5369,
407,
287,
2116,
13,
33723,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
312,
87,
15853,
352,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
33723,
58,
738,
414,
60,
796,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
83,
80,
36020,
1298,
256,
80,
36020,
7,
23350,
28,
15,
11,
2292,
28,
944,
13,
312,
87,
11,
4326,
2625,
33,
1600,
4326,
62,
9888,
28,
17821,
828,
220,
1303,
383,
4371,
2318,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
23350,
1298,
657,
11,
220,
1303,
7472,
286,
9881,
356,
389,
8440,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
13376,
1298,
366,
1600,
220,
1303,
12678,
3275,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
14421,
1298,
657,
11,
220,
1303,
9236,
286,
2472,
1541,
3758,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1782,
198,
220,
220,
220,
220,
220,
220,
220,
1172,
796,
2116,
13,
33723,
58,
738,
414,
60,
628,
220,
220,
220,
220,
220,
220,
220,
2472,
796,
493,
7,
13000,
13,
1136,
7203,
33723,
11242,
603,
1600,
23884,
737,
1136,
7203,
23350,
1600,
532,
16,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
1459,
796,
493,
7,
13000,
13,
1136,
7203,
33723,
11242,
603,
1600,
23884,
737,
1136,
7203,
14421,
1600,
657,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
611,
1172,
14692,
23350,
8973,
14512,
2472,
290,
2472,
14512,
532,
16,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1172,
14692,
23350,
8973,
796,
2472,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1172,
14692,
83,
80,
36020,
1,
4083,
42503,
7,
23350,
28,
23350,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
1172,
14692,
13376,
8973,
14512,
5726,
14692,
13376,
1,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1172,
14692,
83,
80,
36020,
1,
4083,
2617,
62,
11213,
7203,
90,
15,
92,
1391,
16,
92,
1911,
18982,
7,
13000,
13,
1136,
7203,
13376,
12340,
5369,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
611,
1459,
14512,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
814,
796,
1459,
532,
1172,
14692,
14421,
8973,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1172,
14692,
14421,
8973,
796,
1459,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1172,
14692,
83,
80,
36020,
1,
4083,
19119,
7,
26069,
8,
628,
198,
4871,
25716,
29869,
7,
15252,
2599,
198,
220,
220,
220,
37227,
32,
25716,
16232,
318,
6007,
286,
4441,
290,
13925,
36253,
4263,
13,
628,
220,
220,
220,
554,
1502,
284,
7675,
2251,
290,
4219,
257,
36253,
2939,
345,
1276,
2035,
198,
220,
220,
220,
1057,
428,
355,
6808,
11,
393,
423,
9343,
424,
67,
349,
408,
36253,
13,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
37801,
62,
31553,
6369,
796,
302,
13,
5589,
576,
7,
81,
17912,
64,
12,
89,
32,
12,
57,
15,
12,
24,
7131,
64,
12,
89,
32,
12,
57,
15,
12,
24,
13557,
12,
60,
47026,
30,
58,
64,
12,
89,
32,
12,
57,
15,
12,
24,
13557,
12,
60,
9,
4943,
628,
220,
220,
220,
825,
4219,
7,
944,
11,
2493,
62,
8899,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
46182,
2052,
262,
9290,
351,
262,
1813,
427,
64,
11,
12407,
450,
67,
319,
2493,
11,
290,
308,
49,
5662,
319,
2493,
807,
44218,
628,
220,
220,
220,
220,
220,
220,
220,
16409,
262,
9290,
13,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
2939,
796,
2116,
13,
45986,
62,
9060,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
5456,
796,
36253,
13,
6738,
62,
24330,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
1949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9290,
796,
5456,
13,
3642,
50221,
13,
5143,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2939,
28,
9060,
13,
312,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
21929,
28,
17821,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7715,
62,
439,
62,
3742,
28,
17821,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
48224,
28,
17821,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
14090,
28,
634,
62,
8899,
11,
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,
3601,
7203,
46182,
1740,
23884,
357,
312,
29164,
30072,
1911,
18982,
7,
34924,
13,
3672,
11,
9290,
13,
312,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
7203,
45986,
17259,
532,
69,
23884,
1911,
18982,
7,
34924,
13,
3672,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
7203,
45986,
2245,
23884,
1911,
18982,
7,
34924,
13,
3672,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
9290,
198,
220,
220,
220,
220,
220,
220,
220,
2845,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
18931,
13,
1069,
4516,
7203,
3118,
540,
284,
1057,
262,
4064,
82,
1600,
2939,
62,
26270,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
7203,
3118,
540,
284,
923,
262,
9290,
11,
1949,
2491,
340,
355,
25,
4943,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
7,
1911,
14,
5143,
13,
1477,
33172,
2939,
62,
26270,
8,
628,
220,
220,
220,
825,
2251,
62,
34924,
7,
944,
11,
2244,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
16719,
274,
262,
36253,
9290,
11,
8024,
262,
427,
64,
286,
262,
9290,
11,
393,
6045,
287,
1339,
286,
5287,
526,
15931,
198,
220,
220,
220,
220,
220,
220,
220,
5369,
796,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
2939,
62,
12985,
796,
2116,
13,
12853,
62,
3672,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
7203,
45986,
1382,
23884,
532,
83,
23884,
1911,
18982,
7,
16520,
11,
2939,
62,
12985,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
1949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
40391,
62,
16366,
796,
2116,
13,
1136,
62,
15042,
62,
16366,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
18931,
13,
10951,
7203,
11249,
7,
6978,
28,
4,
82,
11,
7621,
28,
4,
82,
11,
42721,
28,
17821,
11,
36899,
28,
17821,
42501,
2244,
11,
2939,
62,
12985,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1255,
796,
40391,
62,
16366,
13,
11249,
7,
6978,
28,
16520,
11,
7621,
28,
9060,
62,
12985,
11,
42721,
28,
17821,
11,
36899,
28,
17821,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
5726,
287,
1255,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
366,
5532,
1,
287,
5726,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
25064,
13,
19282,
448,
13,
13564,
7,
13000,
14692,
5532,
8973,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
366,
14644,
1,
287,
5726,
290,
366,
2389,
1,
287,
5726,
14692,
14644,
1,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5369,
796,
5726,
14692,
14644,
1,
7131,
1,
2389,
8973,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5456,
796,
36253,
13,
6738,
62,
24330,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2939,
796,
5456,
13,
17566,
13,
1136,
7,
738,
414,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2939,
13,
12985,
7,
944,
13,
260,
7501,
1343,
2116,
13,
9060,
62,
3672,
22784,
366,
42861,
4943,
198,
220,
220,
220,
220,
220,
220,
220,
2845,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
18931,
13,
1069,
4516,
7203,
37,
6255,
284,
2251,
9290,
33283,
2859,
62,
10951,
28,
17821,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
18931,
13,
43917,
7203,
1639,
460,
14500,
2251,
262,
9290,
355,
5679,
25,
4943,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
18931,
13,
43917,
7203,
45986,
1382,
532,
83,
4064,
82,
4064,
82,
1600,
2939,
62,
12985,
11,
2244,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
5369,
628,
220,
220,
220,
825,
2834,
7,
944,
11,
2939,
11,
7621,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
51,
1678,
284,
19818,
262,
1813,
2939,
290,
7621,
13,
628,
220,
220,
220,
220,
220,
220,
220,
8229,
6407,
611,
14131,
11,
10352,
618,
4054,
13,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
5456,
796,
2116,
13,
1136,
62,
15042,
62,
16366,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
1949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
30013,
796,
18387,
35694,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1255,
796,
5456,
13,
31216,
7,
944,
13,
260,
7501,
1343,
2939,
11,
7621,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
5726,
287,
1255,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
30013,
13,
19119,
7,
13000,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2845,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
18931,
13,
10951,
7203,
37,
6255,
284,
19818,
2939,
11,
428,
318,
407,
19185,
33283,
2859,
62,
10951,
28,
17821,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
10352,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
6407,
628,
220,
220,
220,
825,
36253,
62,
9060,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
464,
36253,
1957,
36253,
2939,
611,
597,
628,
220,
220,
220,
220,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1391,
45986,
13,
27530,
13,
17566,
13,
5159,
38362,
317,
36253,
2939,
2134,
11,
393,
6045,
13,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
5456,
796,
2116,
13,
1136,
62,
16366,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
329,
33705,
287,
5456,
13,
17566,
13,
4868,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
7621,
287,
33705,
13,
31499,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
9060,
62,
3672,
3419,
287,
7621,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
33705,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
6045,
628,
220,
220,
220,
825,
1695,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
17821,
611,
428,
9290,
2939,
318,
15726,
1695,
526,
15931,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
45986,
62,
9060,
3419,
14512,
6045,
628,
220,
220,
220,
825,
460,
62,
31216,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
17821,
611,
428,
9290,
2939,
460,
307,
5954,
422,
257,
20478,
526,
15931,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
31216,
7,
944,
13,
9060,
62,
3672,
22784,
2116,
13,
45986,
62,
12985,
28955,
628,
220,
220,
220,
2488,
39305,
13,
397,
8709,
24396,
198,
220,
220,
220,
825,
3551,
7,
944,
11,
10965,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
17410,
4497,
329,
3597,
262,
25716,
7753,
290,
477,
3306,
3696,
284,
1382,
257,
9290,
13,
628,
220,
220,
220,
220,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
10965,
37913,
8841,
92,
2599,
317,
3108,
284,
257,
8619,
810,
477,
262,
9290,
3696,
815,
26412,
13,
628,
220,
220,
220,
220,
220,
220,
220,
7567,
2696,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1892,
3546,
1154,
12061,
12331,
25,
685,
11213,
60,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
5298,
1892,
3546,
1154,
12061,
12331,
3419,
628,
220,
220,
220,
2488,
39305,
13,
397,
8709,
24396,
198,
220,
220,
220,
825,
2939,
62,
3672,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
464,
2939,
1438,
1231,
262,
7621,
973,
284,
24139,
5911,
428,
2939,
13,
628,
220,
220,
220,
220,
220,
220,
220,
7567,
2696,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1892,
3546,
1154,
12061,
12331,
25,
685,
11213,
60,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
5298,
1892,
3546,
1154,
12061,
12331,
3419,
628,
220,
220,
220,
2488,
39305,
13,
397,
8709,
24396,
628,
220,
220,
220,
2488,
39305,
13,
397,
8709,
24396,
198,
220,
220,
220,
825,
8338,
62,
261,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
5376,
286,
262,
1080,
2939,
428,
9290,
318,
1382,
319,
526,
15931,
198,
220,
220,
220,
220,
220,
220,
220,
5298,
1892,
3546,
1154,
12061,
12331,
3419,
198
] | 2.390398 | 2,687 |
# vi: set shiftwidth=4 tabstop=4 expandtab:
import datetime
import re
rules_re = re.compile(r"(?P<min>\d+)-(?P<max>\d+)")
if __name__ == "__main__":
begin = datetime.datetime.now()
run_tests()
get_solutions()
end = datetime.datetime.now()
print(end - begin)
| [
2,
25357,
25,
900,
6482,
10394,
28,
19,
7400,
11338,
28,
19,
4292,
8658,
25,
198,
11748,
4818,
8079,
198,
11748,
302,
198,
198,
38785,
62,
260,
796,
302,
13,
5589,
576,
7,
81,
18109,
30,
47,
27,
1084,
29,
59,
67,
10,
13219,
7,
30,
47,
27,
9806,
29,
59,
67,
28988,
4943,
628,
628,
628,
628,
628,
628,
198,
361,
11593,
3672,
834,
6624,
366,
834,
12417,
834,
1298,
198,
220,
220,
220,
2221,
796,
4818,
8079,
13,
19608,
8079,
13,
2197,
3419,
198,
220,
220,
220,
1057,
62,
41989,
3419,
198,
220,
220,
220,
651,
62,
82,
14191,
3419,
198,
220,
220,
220,
886,
796,
4818,
8079,
13,
19608,
8079,
13,
2197,
3419,
198,
220,
220,
220,
3601,
7,
437,
532,
2221,
8,
198
] | 2.291339 | 127 |
#!/usr/bin/python3
from brownie import Pokemon, accounts, network, config
from scripts.helpful_scripts import fund
import asyncio
import json
| [
2,
48443,
14629,
14,
8800,
14,
29412,
18,
198,
6738,
7586,
494,
1330,
14878,
11,
5504,
11,
3127,
11,
4566,
198,
6738,
14750,
13,
16794,
913,
62,
46521,
1330,
1814,
198,
11748,
30351,
952,
198,
11748,
33918,
628
] | 3.763158 | 38 |
from tensorflow.keras import backend as K
from tensorflow.keras import initializers
from tensorflow.keras.layers import (Activation, BatchNormalization, Conv2D,
Dense, DepthwiseConv2D, Dropout, Flatten,
PReLU)
from tensorflow.keras.regularizers import l2
| [
198,
6738,
11192,
273,
11125,
13,
6122,
292,
1330,
30203,
355,
509,
198,
6738,
11192,
273,
11125,
13,
6122,
292,
1330,
4238,
11341,
198,
6738,
11192,
273,
11125,
13,
6122,
292,
13,
75,
6962,
1330,
357,
25526,
341,
11,
347,
963,
26447,
1634,
11,
34872,
17,
35,
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,
360,
1072,
11,
36350,
3083,
3103,
85,
17,
35,
11,
14258,
448,
11,
1610,
41769,
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,
350,
3041,
41596,
8,
198,
6738,
11192,
273,
11125,
13,
6122,
292,
13,
16338,
11341,
1330,
300,
17,
628,
198
] | 2.101266 | 158 |
from .__head__ import *
class BaseDataset(torch.utils.data.Dataset):
"""
Base Dataset class to be passed to torch Dataloader so train functions can be unified.
Not particularly designed for end-user, but for pre-training models.
"""
def __len__(self):
"Total number of samples"
return self.N
def __getitem__(self, index):
"Generates one batch of data"
return (
self.X_static[index],
self.X_series[index],
self.X_mask[index],
self.y_series[index],
)
def get_whole_batch(self):
"Returns all data as a single batch"
return self.X_static, self.X_series, self.X_mask, self.y_series
class standard_dataset(BaseDataset):
"""
Dataset to be passed to a torch DataLoader
"""
| [
6738,
764,
834,
2256,
834,
1330,
1635,
628,
198,
4871,
7308,
27354,
292,
316,
7,
13165,
354,
13,
26791,
13,
7890,
13,
27354,
292,
316,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
7308,
16092,
292,
316,
1398,
284,
307,
3804,
284,
28034,
360,
10254,
1170,
263,
523,
4512,
5499,
460,
307,
22706,
13,
198,
220,
220,
220,
1892,
3573,
3562,
329,
886,
12,
7220,
11,
475,
329,
662,
12,
34409,
4981,
13,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
825,
11593,
11925,
834,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
366,
14957,
1271,
286,
8405,
1,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
45,
628,
220,
220,
220,
825,
11593,
1136,
9186,
834,
7,
944,
11,
6376,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
366,
8645,
689,
530,
15458,
286,
1366,
1,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
55,
62,
12708,
58,
9630,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
55,
62,
25076,
58,
9630,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
55,
62,
27932,
58,
9630,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
88,
62,
25076,
58,
9630,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
1267,
628,
220,
220,
220,
825,
651,
62,
1929,
2305,
62,
43501,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
366,
35561,
477,
1366,
355,
257,
2060,
15458,
1,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
55,
62,
12708,
11,
2116,
13,
55,
62,
25076,
11,
2116,
13,
55,
62,
27932,
11,
2116,
13,
88,
62,
25076,
628,
198,
4871,
3210,
62,
19608,
292,
316,
7,
14881,
27354,
292,
316,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
16092,
292,
316,
284,
307,
3804,
284,
257,
28034,
6060,
17401,
198,
220,
220,
220,
37227,
198
] | 2.338109 | 349 |
import tempsensor
import time
import btnlib as btn
import ledlib as led
red = 80
orange = 75
yellow = 70
green = 65
blue = 60
purple = 55
while btn.isOn(btn.switch): #while the switch is on:
led.turn_on(led.white)
temp = tempsensor.tempF() #get the temp
print temp
if temp > red :
led.turn_on_all()
elif temp > orange :
led.turn_off(led.red)
led.turn_on(led.orange)
led.turn_on(led.yellow)
led.turn_on(led.green)
led.turn_on(led.blue)
led.turn_on(led.purple)
elif temp > yellow :
led.turn_off(led.red)
led.turn_off(led.orange)
led.turn_on(led.yellow)
led.turn_on(led.green)
led.turn_on(led.blue)
led.turn_on(led.purple)
elif temp > green :
led.turn_off(led.red)
led.turn_off(led.orange)
led.turn_off(led.yellow)
led.turn_on(led.green)
led.turn_on(led.blue)
led.turn_on(led.purple)
elif temp > blue :
led.turn_off(led.red)
led.turn_off(led.orange)
led.turn_off(led.yellow)
led.turn_off(led.green)
led.turn_on(led.blue)
led.turn_on(led.purple)
elif temp > purple :
led.turn_off(led.red)
led.turn_off(led.orange)
led.turn_off(led.yellow)
led.turn_off(led.green)
led.turn_off(led.blue)
led.turn_on(led.purple)
else :
led.turn_off_all()
led.turn_on(led.white)
time.sleep(0.5)
led.turn_off(led.white)
time.sleep(0.5)
led.GPIO.cleanup()
| [
11748,
2169,
862,
22854,
198,
11748,
640,
198,
11748,
275,
34106,
8019,
355,
275,
34106,
198,
11748,
2957,
8019,
355,
2957,
198,
198,
445,
796,
4019,
198,
43745,
796,
5441,
198,
36022,
796,
4317,
198,
14809,
796,
6135,
198,
17585,
796,
3126,
198,
14225,
1154,
796,
5996,
198,
198,
4514,
275,
34106,
13,
271,
2202,
7,
46118,
13,
31943,
2599,
1303,
4514,
262,
5078,
318,
319,
25,
198,
197,
992,
13,
15344,
62,
261,
7,
992,
13,
11186,
8,
198,
197,
29510,
796,
2169,
862,
22854,
13,
29510,
37,
3419,
1303,
1136,
262,
20218,
198,
197,
4798,
20218,
198,
197,
361,
20218,
1875,
2266,
1058,
198,
197,
197,
992,
13,
15344,
62,
261,
62,
439,
3419,
198,
197,
417,
361,
20218,
1875,
10912,
1058,
198,
197,
197,
992,
13,
15344,
62,
2364,
7,
992,
13,
445,
8,
198,
197,
197,
992,
13,
15344,
62,
261,
7,
992,
13,
43745,
8,
198,
197,
197,
992,
13,
15344,
62,
261,
7,
992,
13,
36022,
8,
198,
197,
197,
992,
13,
15344,
62,
261,
7,
992,
13,
14809,
8,
198,
197,
197,
992,
13,
15344,
62,
261,
7,
992,
13,
17585,
8,
198,
197,
197,
992,
13,
15344,
62,
261,
7,
992,
13,
14225,
1154,
8,
198,
197,
417,
361,
20218,
1875,
7872,
1058,
198,
197,
197,
992,
13,
15344,
62,
2364,
7,
992,
13,
445,
8,
198,
197,
197,
992,
13,
15344,
62,
2364,
7,
992,
13,
43745,
8,
198,
197,
197,
992,
13,
15344,
62,
261,
7,
992,
13,
36022,
8,
198,
197,
197,
992,
13,
15344,
62,
261,
7,
992,
13,
14809,
8,
198,
197,
197,
992,
13,
15344,
62,
261,
7,
992,
13,
17585,
8,
198,
197,
197,
992,
13,
15344,
62,
261,
7,
992,
13,
14225,
1154,
8,
198,
197,
417,
361,
20218,
1875,
4077,
1058,
198,
197,
197,
992,
13,
15344,
62,
2364,
7,
992,
13,
445,
8,
198,
197,
197,
992,
13,
15344,
62,
2364,
7,
992,
13,
43745,
8,
198,
197,
197,
992,
13,
15344,
62,
2364,
7,
992,
13,
36022,
8,
198,
197,
197,
992,
13,
15344,
62,
261,
7,
992,
13,
14809,
8,
198,
197,
197,
992,
13,
15344,
62,
261,
7,
992,
13,
17585,
8,
198,
197,
197,
992,
13,
15344,
62,
261,
7,
992,
13,
14225,
1154,
8,
198,
197,
417,
361,
20218,
1875,
4171,
1058,
198,
197,
197,
992,
13,
15344,
62,
2364,
7,
992,
13,
445,
8,
198,
197,
197,
992,
13,
15344,
62,
2364,
7,
992,
13,
43745,
8,
198,
197,
197,
992,
13,
15344,
62,
2364,
7,
992,
13,
36022,
8,
198,
197,
197,
992,
13,
15344,
62,
2364,
7,
992,
13,
14809,
8,
198,
197,
197,
992,
13,
15344,
62,
261,
7,
992,
13,
17585,
8,
198,
197,
197,
992,
13,
15344,
62,
261,
7,
992,
13,
14225,
1154,
8,
198,
197,
417,
361,
20218,
1875,
14032,
1058,
198,
197,
197,
992,
13,
15344,
62,
2364,
7,
992,
13,
445,
8,
198,
197,
197,
992,
13,
15344,
62,
2364,
7,
992,
13,
43745,
8,
198,
197,
197,
992,
13,
15344,
62,
2364,
7,
992,
13,
36022,
8,
198,
197,
197,
992,
13,
15344,
62,
2364,
7,
992,
13,
14809,
8,
198,
197,
197,
992,
13,
15344,
62,
2364,
7,
992,
13,
17585,
8,
198,
197,
197,
992,
13,
15344,
62,
261,
7,
992,
13,
14225,
1154,
8,
198,
197,
17772,
1058,
198,
197,
197,
992,
13,
15344,
62,
2364,
62,
439,
3419,
198,
197,
197,
992,
13,
15344,
62,
261,
7,
992,
13,
11186,
8,
628,
197,
2435,
13,
42832,
7,
15,
13,
20,
8,
198,
197,
992,
13,
15344,
62,
2364,
7,
992,
13,
11186,
8,
198,
197,
2435,
13,
42832,
7,
15,
13,
20,
8,
198,
198,
992,
13,
16960,
9399,
13,
27773,
929,
3419,
198
] | 2.110932 | 622 |
import simulator
import numpy as np
'''
TODO Support CNN in the Hardware Evaluation
'''
weights_dir = "./data/mnist-lenet.npz"
image_dir = "./data/dataset/mnist/test.npy"
batch_size = 10 # The number of input picture
weights = np.load(weights_dir)['arr_0'].item()
data = np.load(image_dir)[:batch_size]
images = data[:, 0]
labels = data[:, 1]
params = simulator.Parameterinput() # Read parameters in simconfig
# Define the neural network
net = [
['Conv2d',],
['Conv2d',],
['Linear',],
['Linear',],
['Linear',],
]
# SIM
HWsim = simulator.SystemSim(params)
HWsim.apply(net, weights, images, labels) # Forward computing
HWsim.show() # Show the result in console
| [
11748,
35375,
201,
198,
11748,
299,
32152,
355,
45941,
201,
198,
201,
198,
7061,
6,
201,
198,
201,
198,
51,
3727,
46,
7929,
8100,
287,
262,
28715,
34959,
220,
201,
198,
7061,
6,
201,
198,
201,
198,
43775,
62,
15908,
796,
366,
19571,
7890,
14,
10295,
396,
12,
11925,
316,
13,
37659,
89,
1,
220,
201,
198,
9060,
62,
15908,
796,
366,
19571,
7890,
14,
19608,
292,
316,
14,
10295,
396,
14,
9288,
13,
77,
9078,
1,
201,
198,
43501,
62,
7857,
796,
838,
1303,
383,
1271,
286,
5128,
4286,
201,
198,
43775,
796,
45941,
13,
2220,
7,
43775,
62,
15908,
8,
17816,
3258,
62,
15,
6,
4083,
9186,
3419,
201,
198,
7890,
796,
45941,
13,
2220,
7,
9060,
62,
15908,
38381,
25,
43501,
62,
7857,
60,
201,
198,
17566,
796,
1366,
58,
45299,
657,
60,
201,
198,
23912,
1424,
796,
1366,
58,
45299,
352,
60,
201,
198,
201,
198,
37266,
796,
35375,
13,
36301,
15414,
3419,
1303,
4149,
10007,
287,
985,
11250,
201,
198,
201,
198,
2,
2896,
500,
262,
17019,
3127,
201,
198,
3262,
796,
685,
201,
198,
220,
220,
220,
37250,
3103,
85,
17,
67,
3256,
4357,
201,
198,
220,
220,
220,
37250,
3103,
85,
17,
67,
3256,
4357,
201,
198,
220,
220,
220,
37250,
14993,
451,
3256,
4357,
201,
198,
220,
220,
220,
37250,
14993,
451,
3256,
4357,
201,
198,
220,
220,
220,
37250,
14993,
451,
3256,
4357,
201,
198,
220,
220,
220,
2361,
201,
198,
201,
198,
2,
23749,
201,
198,
39,
54,
14323,
796,
35375,
13,
11964,
8890,
7,
37266,
8,
220,
201,
198,
39,
54,
14323,
13,
39014,
7,
3262,
11,
19590,
11,
4263,
11,
14722,
8,
1303,
19530,
14492,
201,
198,
39,
54,
14323,
13,
12860,
3419,
1303,
5438,
262,
1255,
287,
8624,
201,
198
] | 2.467577 | 293 |
#import config
import os
from tweepy import OAuthHandler, Stream
from tweepy.streaming import StreamListener
import json
import logging
import pymongo
import time
client = pymongo.MongoClient("mongodb")
db = client.tweets
time.sleep(10)
api_key = os.getenv('TWITTER_CONSUMER_API_KEY')
api_secret = os.getenv('TWITTER_CONSUMER_API_SECRET')
access_token = os.getenv('TWITTER_ACCESS_TOKEN')
access_secret = os.getenv('TWITTER_ACCESS_TOKEN_SECRET')
def authenticate():
'''Function for handling Twitter Auth. Pulls Env Variables in bash_profile'''
auth = OAuthHandler(api_key, api_secret)
auth.set_access_token(access_token, access_secret)
return auth
if __name__ == '__main__':
auth = authenticate()
listener = TwitterListener()
stream = Stream(auth, listener)
stream.filter(track=['marathon'], languages=['en'])
| [
2,
11748,
4566,
198,
11748,
28686,
198,
6738,
4184,
538,
88,
1330,
440,
30515,
25060,
11,
13860,
198,
6738,
4184,
538,
88,
13,
5532,
278,
1330,
13860,
33252,
198,
11748,
33918,
198,
11748,
18931,
198,
11748,
279,
4948,
25162,
198,
11748,
640,
198,
198,
16366,
796,
279,
4948,
25162,
13,
44,
25162,
11792,
7203,
31059,
375,
65,
4943,
198,
9945,
796,
5456,
13,
83,
732,
1039,
198,
198,
2435,
13,
42832,
7,
940,
8,
198,
198,
15042,
62,
2539,
796,
28686,
13,
1136,
24330,
10786,
34551,
2043,
5781,
62,
10943,
50,
5883,
1137,
62,
17614,
62,
20373,
11537,
198,
15042,
62,
21078,
796,
28686,
13,
1136,
24330,
10786,
34551,
2043,
5781,
62,
10943,
50,
5883,
1137,
62,
17614,
62,
23683,
26087,
11537,
198,
15526,
62,
30001,
796,
28686,
13,
1136,
24330,
10786,
34551,
2043,
5781,
62,
26861,
7597,
62,
10468,
43959,
11537,
198,
15526,
62,
21078,
796,
28686,
13,
1136,
24330,
10786,
34551,
2043,
5781,
62,
26861,
7597,
62,
10468,
43959,
62,
23683,
26087,
11537,
198,
198,
4299,
8323,
5344,
33529,
198,
220,
220,
220,
705,
7061,
22203,
329,
9041,
3009,
26828,
13,
21429,
82,
2039,
85,
15965,
2977,
287,
27334,
62,
13317,
7061,
6,
628,
220,
220,
220,
6284,
796,
440,
30515,
25060,
7,
15042,
62,
2539,
11,
40391,
62,
21078,
8,
198,
220,
220,
220,
6284,
13,
2617,
62,
15526,
62,
30001,
7,
15526,
62,
30001,
11,
1895,
62,
21078,
8,
628,
220,
220,
220,
1441,
6284,
198,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
628,
220,
220,
220,
6284,
796,
8323,
5344,
3419,
198,
220,
220,
220,
24783,
796,
3009,
33252,
3419,
198,
220,
220,
220,
4269,
796,
13860,
7,
18439,
11,
24783,
8,
198,
220,
220,
220,
4269,
13,
24455,
7,
11659,
28,
17816,
3876,
12938,
6,
4357,
8950,
28,
17816,
268,
6,
12962,
198
] | 2.80198 | 303 |
import clr
clr.AddReference("Aurora")
clr.AddReference("System.Drawing")
from Aurora import Global
from Aurora.Settings import KeySequence
from Aurora.Devices import DeviceKeys
from Aurora.EffectsEngine import EffectLayer
from System.Drawing import Color
import System
array_device_keys = System.Array[DeviceKeys] | [
11748,
537,
81,
198,
198,
565,
81,
13,
4550,
26687,
7203,
32,
333,
5799,
4943,
198,
565,
81,
13,
4550,
26687,
7203,
11964,
13,
25302,
278,
4943,
198,
198,
6738,
22218,
1330,
8060,
198,
6738,
22218,
13,
26232,
1330,
7383,
44015,
594,
198,
6738,
22218,
13,
13603,
1063,
1330,
16232,
40729,
198,
6738,
22218,
13,
47738,
13798,
1330,
7896,
49925,
198,
6738,
4482,
13,
25302,
278,
1330,
5315,
198,
11748,
4482,
198,
198,
18747,
62,
25202,
62,
13083,
796,
4482,
13,
19182,
58,
24728,
40729,
60
] | 3.674419 | 86 |
from pymoo.model.mutation import Mutation
from pymoo.operators.mutation.no_mutation import NoMutation
from pymoo.operators.mutation.polynomial_mutation import PolynomialMutation
from pymoo.operators.integer_from_float_operator import IntegerFromFloatMutation
from uninas.utils.args import ArgsInterface, Argument, Namespace
from uninas.register import Register
@Register.hpo_pymoo_crossover()
class NoPymooMutation(AbstractPymooCrossover):
"""
No mutation at all
"""
@classmethod
@Register.hpo_pymoo_mutation()
class PolynomialPymooMutation(AbstractPymooCrossover):
"""
IntegerFromFloatMutation for integer variables, PolynomialMutation for floats
"""
@classmethod
def args_to_add(cls, index=None) -> [Argument]:
""" list arguments to add to argparse when this class (or a child class) is chosen """
return super().args_to_add(index) + [
Argument('type', default='int', type=str, choices=['int', 'real'], help='?'),
Argument('eta', default=30, type=int, help='?'),
]
@classmethod
| [
6738,
279,
4948,
2238,
13,
19849,
13,
76,
7094,
1330,
337,
7094,
198,
6738,
279,
4948,
2238,
13,
3575,
2024,
13,
76,
7094,
13,
3919,
62,
76,
7094,
1330,
1400,
44,
7094,
198,
6738,
279,
4948,
2238,
13,
3575,
2024,
13,
76,
7094,
13,
35428,
26601,
498,
62,
76,
7094,
1330,
12280,
26601,
498,
44,
7094,
198,
6738,
279,
4948,
2238,
13,
3575,
2024,
13,
41433,
62,
6738,
62,
22468,
62,
46616,
1330,
34142,
4863,
43879,
44,
7094,
198,
6738,
555,
24252,
13,
26791,
13,
22046,
1330,
943,
14542,
39317,
11,
45751,
11,
28531,
10223,
198,
6738,
555,
24252,
13,
30238,
1330,
17296,
628,
198,
198,
31,
38804,
13,
71,
7501,
62,
79,
4948,
2238,
62,
66,
23954,
3419,
198,
4871,
1400,
47,
4948,
2238,
44,
7094,
7,
23839,
47,
4948,
2238,
34,
23954,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1400,
15148,
379,
477,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
2488,
4871,
24396,
628,
198,
31,
38804,
13,
71,
7501,
62,
79,
4948,
2238,
62,
76,
7094,
3419,
198,
4871,
12280,
26601,
498,
47,
4948,
2238,
44,
7094,
7,
23839,
47,
4948,
2238,
34,
23954,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
34142,
4863,
43879,
44,
7094,
329,
18253,
9633,
11,
12280,
26601,
498,
44,
7094,
329,
36016,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
2488,
4871,
24396,
198,
220,
220,
220,
825,
26498,
62,
1462,
62,
2860,
7,
565,
82,
11,
6376,
28,
14202,
8,
4613,
685,
28100,
1713,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
1351,
7159,
284,
751,
284,
1822,
29572,
618,
428,
1398,
357,
273,
257,
1200,
1398,
8,
318,
7147,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
2208,
22446,
22046,
62,
1462,
62,
2860,
7,
9630,
8,
1343,
685,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
45751,
10786,
4906,
3256,
4277,
11639,
600,
3256,
2099,
28,
2536,
11,
7747,
28,
17816,
600,
3256,
705,
5305,
6,
4357,
1037,
11639,
8348,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
45751,
10786,
17167,
3256,
4277,
28,
1270,
11,
2099,
28,
600,
11,
1037,
11639,
8348,
828,
198,
220,
220,
220,
220,
220,
220,
220,
2361,
628,
220,
220,
220,
2488,
4871,
24396,
198
] | 2.802083 | 384 |
import os
if __name__ == "__main__":
file_list = FileList()
file_list.list_files()
print(file_list.num_files, "files listed")
for f in file_list.files:
print(f)
| [
11748,
28686,
628,
198,
198,
361,
11593,
3672,
834,
6624,
366,
834,
12417,
834,
1298,
198,
220,
220,
220,
2393,
62,
4868,
796,
9220,
8053,
3419,
198,
220,
220,
220,
2393,
62,
4868,
13,
4868,
62,
16624,
3419,
198,
220,
220,
220,
3601,
7,
7753,
62,
4868,
13,
22510,
62,
16624,
11,
366,
16624,
5610,
4943,
198,
220,
220,
220,
329,
277,
287,
2393,
62,
4868,
13,
16624,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
7,
69,
8,
198
] | 2.292683 | 82 |
# BSD Licence
# Copyright (c) 2009, Science & Technology Facilities Council (STFC)
# All rights reserved.
#
# See the LICENSE file in the source distribution of this software for
# the full license text.
""" This module contains CSML WFS 2.0 stored query implementations.
To add a new stored query, write the functional code here, then describe the functionality as
a new query in:
wfs_csmllayer.CSMLStoredQueries.queries
These query functions should either return a resultset (python list) containing the features,
or 2 lists, one being the resultset, and the other containing string representations of XML addtional
objects - in CSML these are going to be StorageDescriptors.
"""
import wfs_csmllayer
import logging
log = logging.getLogger(__name__)
import csml.parser, csml.csmllibs.csmlextra
from xml.etree import ElementTree as etree
from pylons import request, config
# qualifiedFeatureType='{http://ndg.nerc.ac.uk/csml}' + storagedescriptor.__class__.__name__
# emptyelem=etree.Element(qualifiedFeatureType)
# log.debug(request.environ)
# storagedescriptor.fileName.CONTENT='http://'+request.environ['HTTP_HOST']+'/filestore/' +storagedescriptor.fileName.CONTENT
# csmlelem=storagedescriptor.toXML(emptyelem)
# storagedescXML=etree.tostring(csmlelem)
# return [csmlfi], [storagedescXML]
| [
2,
347,
10305,
10483,
594,
198,
2,
15069,
357,
66,
8,
3717,
11,
5800,
1222,
8987,
48939,
4281,
357,
2257,
4851,
8,
198,
2,
1439,
2489,
10395,
13,
198,
2,
198,
2,
4091,
262,
38559,
24290,
2393,
287,
262,
2723,
6082,
286,
428,
3788,
329,
198,
2,
262,
1336,
5964,
2420,
13,
198,
198,
37811,
770,
8265,
4909,
9429,
5805,
370,
10652,
362,
13,
15,
8574,
12405,
25504,
13,
220,
198,
2514,
751,
257,
649,
8574,
12405,
11,
3551,
262,
10345,
2438,
994,
11,
788,
6901,
262,
11244,
355,
220,
198,
64,
649,
12405,
287,
25,
198,
198,
86,
9501,
62,
66,
5796,
297,
2794,
13,
7902,
5805,
1273,
1850,
4507,
10640,
13,
421,
10640,
198,
198,
4711,
12405,
5499,
815,
2035,
1441,
257,
2482,
316,
357,
29412,
1351,
8,
7268,
262,
3033,
11,
198,
273,
362,
8341,
11,
530,
852,
262,
2482,
316,
11,
290,
262,
584,
7268,
4731,
24612,
286,
23735,
751,
83,
1538,
198,
48205,
532,
287,
9429,
5805,
777,
389,
1016,
284,
307,
20514,
24564,
1968,
669,
13,
198,
37811,
198,
11748,
266,
9501,
62,
66,
5796,
297,
2794,
198,
198,
11748,
18931,
198,
6404,
796,
18931,
13,
1136,
11187,
1362,
7,
834,
3672,
834,
8,
198,
11748,
50115,
4029,
13,
48610,
11,
50115,
4029,
13,
66,
5796,
297,
571,
82,
13,
66,
5796,
293,
742,
430,
198,
6738,
35555,
13,
316,
631,
1330,
11703,
27660,
355,
2123,
631,
198,
6738,
279,
2645,
684,
1330,
2581,
11,
4566,
628,
198,
2,
220,
220,
220,
10617,
38816,
6030,
11639,
90,
4023,
1378,
358,
70,
13,
1008,
66,
13,
330,
13,
2724,
14,
6359,
4029,
92,
6,
1343,
336,
273,
1886,
3798,
1968,
273,
13,
834,
4871,
834,
13,
834,
3672,
834,
220,
198,
2,
220,
220,
220,
6565,
68,
10671,
28,
316,
631,
13,
20180,
7,
22557,
38816,
6030,
8,
198,
2,
220,
220,
220,
2604,
13,
24442,
7,
25927,
13,
268,
2268,
8,
220,
220,
220,
220,
198,
2,
220,
220,
220,
336,
273,
1886,
3798,
1968,
273,
13,
7753,
5376,
13,
37815,
3525,
11639,
4023,
1378,
6,
10,
25927,
13,
268,
2268,
17816,
40717,
62,
39,
10892,
20520,
10,
26488,
10379,
395,
382,
14,
6,
1343,
301,
273,
1886,
3798,
1968,
273,
13,
7753,
5376,
13,
37815,
3525,
198,
2,
220,
220,
220,
269,
5796,
293,
10671,
28,
301,
273,
1886,
3798,
1968,
273,
13,
1462,
55,
5805,
7,
1791,
5948,
10671,
8,
198,
2,
220,
220,
220,
336,
273,
1886,
3798,
55,
5805,
28,
316,
631,
13,
83,
455,
1806,
7,
66,
5796,
293,
10671,
8,
220,
220,
220,
220,
220,
220,
198,
2,
220,
220,
220,
1441,
685,
66,
5796,
1652,
72,
4357,
685,
301,
273,
1886,
3798,
55,
5805,
60,
628,
220,
198,
220,
220,
220,
220
] | 2.947253 | 455 |
import numpy as np
from numpy.linalg import inv
from scipy.stats import binom
#a1 = failed
#a2 = passed
testPassingProbabilities = [0.7, 0.6, 0.8, 0.9]
noOfSpecialistsCurrent = [100, 70, 50, 60]
wantedSpecialists = 5
wantedWithProbability = 0.9
transitionMatrix = np.zeros((len(testPassingProbabilities) + 2, len(testPassingProbabilities) + 2))
transitionMatrix[0, 0] = 1
transitionMatrix[1, 1] = 1
for i in range(2, len(testPassingProbabilities) + 1):
listIndex = i - 2
transitionMatrix[i, 0] = 1 - testPassingProbabilities[listIndex]
transitionMatrix[i, i+1] = testPassingProbabilities[listIndex]
transitionMatrix[i+1, 0] = 1 - testPassingProbabilities[-1]
transitionMatrix[i+1, 1] = testPassingProbabilities[-1]
Q = transitionMatrix[2:,2:]
I = np.identity(len(testPassingProbabilities))
N = inv(I - Q)
R = transitionMatrix[2:,:2]
B = np.dot(N,R)
passVector = B[:, 1]
noOfSpecialistsFinal = round(sum(passVector * noOfSpecialistsCurrent), 3)
print(f"The expected number of specialists is {noOfSpecialistsFinal}.")
newStudentPassingProbability = float(passVector[0])
for employeesSentToCourse in range(wantedSpecialists, 100):
probability = 1 - binom.cdf(wantedSpecialists - 1, employeesSentToCourse, newStudentPassingProbability)
if probability > wantedWithProbability:
print(f"{employeesSentToCourse} must be sent to the course.")
break | [
11748,
299,
32152,
355,
45941,
198,
6738,
299,
32152,
13,
75,
1292,
70,
1330,
800,
198,
6738,
629,
541,
88,
13,
34242,
1330,
9874,
296,
198,
198,
2,
64,
16,
796,
4054,
198,
2,
64,
17,
796,
3804,
198,
198,
9288,
14478,
278,
2964,
65,
5738,
796,
685,
15,
13,
22,
11,
657,
13,
21,
11,
657,
13,
23,
11,
657,
13,
24,
60,
198,
3919,
5189,
13409,
1023,
11297,
796,
685,
3064,
11,
4317,
11,
2026,
11,
3126,
60,
198,
198,
86,
4126,
13409,
1023,
796,
642,
198,
86,
4126,
3152,
2964,
65,
1799,
796,
657,
13,
24,
198,
198,
7645,
653,
46912,
796,
45941,
13,
9107,
418,
19510,
11925,
7,
9288,
14478,
278,
2964,
65,
5738,
8,
1343,
362,
11,
18896,
7,
9288,
14478,
278,
2964,
65,
5738,
8,
1343,
362,
4008,
198,
7645,
653,
46912,
58,
15,
11,
657,
60,
796,
352,
198,
7645,
653,
46912,
58,
16,
11,
352,
60,
796,
352,
198,
198,
1640,
1312,
287,
2837,
7,
17,
11,
18896,
7,
9288,
14478,
278,
2964,
65,
5738,
8,
1343,
352,
2599,
198,
220,
220,
220,
1351,
15732,
796,
1312,
532,
362,
198,
220,
220,
220,
6801,
46912,
58,
72,
11,
657,
60,
796,
352,
532,
1332,
14478,
278,
2964,
65,
5738,
58,
4868,
15732,
60,
198,
220,
220,
220,
6801,
46912,
58,
72,
11,
1312,
10,
16,
60,
796,
1332,
14478,
278,
2964,
65,
5738,
58,
4868,
15732,
60,
198,
7645,
653,
46912,
58,
72,
10,
16,
11,
657,
60,
796,
352,
532,
1332,
14478,
278,
2964,
65,
5738,
58,
12,
16,
60,
198,
7645,
653,
46912,
58,
72,
10,
16,
11,
352,
60,
796,
1332,
14478,
278,
2964,
65,
5738,
58,
12,
16,
60,
198,
198,
48,
796,
6801,
46912,
58,
17,
45299,
17,
47715,
198,
40,
796,
45941,
13,
738,
414,
7,
11925,
7,
9288,
14478,
278,
2964,
65,
5738,
4008,
198,
45,
796,
800,
7,
40,
532,
1195,
8,
198,
49,
796,
6801,
46912,
58,
17,
45299,
25,
17,
60,
198,
33,
796,
45941,
13,
26518,
7,
45,
11,
49,
8,
198,
198,
6603,
38469,
796,
347,
58,
45299,
352,
60,
198,
3919,
5189,
13409,
1023,
19006,
796,
2835,
7,
16345,
7,
6603,
38469,
1635,
645,
5189,
13409,
1023,
11297,
828,
513,
8,
198,
4798,
7,
69,
1,
464,
2938,
1271,
286,
22447,
318,
1391,
3919,
5189,
13409,
1023,
19006,
92,
19570,
198,
3605,
38778,
14478,
278,
2964,
65,
1799,
796,
12178,
7,
6603,
38469,
58,
15,
12962,
198,
198,
1640,
4409,
31837,
2514,
49046,
287,
2837,
7,
86,
4126,
13409,
1023,
11,
1802,
2599,
198,
220,
220,
220,
12867,
796,
352,
532,
9874,
296,
13,
66,
7568,
7,
86,
4126,
13409,
1023,
532,
352,
11,
4409,
31837,
2514,
49046,
11,
649,
38778,
14478,
278,
2964,
65,
1799,
8,
198,
220,
220,
220,
611,
12867,
1875,
2227,
3152,
2964,
65,
1799,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
7,
69,
1,
90,
7033,
2841,
31837,
2514,
49046,
92,
1276,
307,
1908,
284,
262,
1781,
19570,
198,
220,
220,
220,
220,
220,
220,
220,
2270
] | 2.733202 | 506 |
import os
import json
import inspect
import eosfactory.core.logger as logger
import eosfactory.core.errors as errors
import eosfactory.core.setup as setup
import eosfactory.core.interface as interface
import eosfactory.core.teos as teos
if setup.node_api == "cleos":
import eosfactory.core.cleos as cleos
elif setup.node_api == "eosjs":
import eosfactory.core.eosjs as cleos
import eosfactory.core.manager as manager
class Wallet(cleos.WalletCreate):
''' Create a new wallet locally and operate it.
- **parameters**::
name: The name of the new wallet, defaults to `default`.
is_verbose: If `0`, do not print unless on error,
default is `1`.
- **attributes**::
name: The name of the wallet.
password: The password returned by wallet create.
error: Whether any error ocurred.
json: The json representation of the object.
is_verbose: Verbosity at the constraction time.
'''
wallet_keys = None
wallet = None
globals = None
setup.node_api
def index(self):
''' Lists opened wallets, * marks unlocked.
Returns `cleos.WalletList` object
'''
result = cleos.WalletList(is_verbose=0)
logger.OUT(result.out_msg)
def open(self):
''' Opens the wallet.
Returns `WalletOpen` object
'''
result = cleos.WalletOpen(self.name, is_verbose=False)
logger.TRACE('''
* Wallet ``{}`` opened.
'''.format(self.name))
def lock(self):
''' Lock the wallet.
Returns `cleos.WalletLock` object.
'''
result = cleos.WalletLock(self.name, is_verbose=False)
logger.TRACE("Wallet `{}` locked.".format(self.name))
def lock_all(self):
''' Lock the wallet.
Returns `cleos.WalletLock` object.
'''
result = cleos.WalletLockAll(is_verbose=False)
logger.TRACE("All wallets locked.")
def unlock(self):
''' Unlock the wallet.
Returns `WalletUnlock` object.
'''
result = cleos.WalletUnlock(
self.name, self.password, is_verbose=False)
logger.TRACE('''
* Wallet ``{}`` unlocked.
'''.format(self.name))
def open_unlock(self):
''' Open&Unlock automatics.
'''
cleos.WalletOpen(self.name, is_verbose=False)
cleos.WalletUnlock(
self.name, self.password, is_verbose=False)
def remove_key(self, account_or_key):
'''
'''
self.open_unlock()
removed_keys = []
account_name = None
if isinstance(account_or_key, interface.Account):
cleos.WalletRemove_key(
interface.key_arg(
account_or_key, is_owner_key=True, is_private_key=True),
self.name, is_verbose=False)
removed_keys.append(interface.key_arg(
account_or_key, is_owner_key=True, is_private_key=False))
cleos.WalletRemove_key(
interface.key_arg(
account_or_key, is_owner_key=False, is_private_key=True),
self.name, is_verbose=False)
removed_keys.append(interface.key_arg(
account_or_key, is_owner_key=False, is_private_key=False))
else:
cleos.WalletRemove_key(
interface.key_arg(
account_or_key, is_private_key=True),
self.name, is_verbose=False)
removed_keys.append(interface.key_arg(
account_or_key, is_private_key=False))
if account_name is None:
if len(removed_keys) > 0:
logger.TRACE('''
Removing key '{}'
from the wallet '{}'
'''.format(removed_keys[0], self.name),
verbosity
)
else:
logger.TRACE('''
Removing keys of the account '{}' from the wallet '{}'
'''.format(account_name, self.name)
)
wallet_keys = cleos.WalletKeys(is_verbose=False)
for key in removed_keys:
if key in wallet_keys.json:
raise errors.Error('''
Failed to remove key '{}' from the wallet '{}'
'''.format(key, self.name))
logger.TRACE('''
* Cross-checked: all listed keys removed from the wallet.
''')
return True
def import_key(self, account_or_key):
''' Imports private keys of an account into wallet.
Returns list of `cleos.WalletImport` objects
'''
self.open_unlock()
imported_keys = []
account_name = None
if isinstance(account_or_key, interface.Account):
account_name = account_or_key.name
wallet_import = cleos.WalletImport(
interface.key_arg(
account_or_key, is_owner_key=True, is_private_key=True),
self.name, is_verbose=False)
imported_keys.append(interface.key_arg(
account_or_key, is_owner_key=True, is_private_key=False))
wallet_import = cleos.WalletImport(
interface.key_arg(
account_or_key, is_owner_key=False, is_private_key=True),
self.name, is_verbose=False)
imported_keys.append(interface.key_arg(
account_or_key, is_owner_key=False, is_private_key=False))
logger.TRACE('''
* Importing keys of the account ``{}`` into the wallet ``{}``
'''.format(account_name, self.name)
)
else:
wallet_import = cleos.WalletImport(
interface.key_arg(account_or_key, is_private_key=True),
self.name, is_verbose=False)
logger.TRACE('''
* Importing keys into the wallet ``{}``
'''.format(self.name)
)
return True
wallet_keys = cleos.WalletKeys(is_verbose=False)
if len(imported_keys) == 0:
raise errors.Error('''
The list of imported keys is empty.
''')
ok = True
for key in imported_keys:
if not key in wallet_keys.json:
ok = False
raise errors.Error('''
Failed to import keys of the account '{}' into the wallet '{}'
'''.format(
account_name if account_name else "n/a", self.name))
if ok:
logger.TRACE('''
* Cross-checked: all account keys are in the wallet.
''')
return True
def restore_accounts(self):
'''
'''
self.open_unlock()
account_map = manager.account_map()
new_map = {}
wallet_keys = cleos.WalletKeys(is_verbose=0)
if len(account_map) > 0:
logger.INFO('''
######### Restore cached account objects:
''')
for name, object_name in account_map.items():
try:
account_ = cleos.GetAccount(
name, is_info=False, is_verbose=False)
if account_.owner_key in wallet_keys.json and \
account_.active_key in wallet_keys.json:
new_map[name] = object_name
from eosfactory.shell.account import create_account
create_account(
object_name, name, restore=True, verbosity=None)
except errors.AccountDoesNotExistError:
pass
manager.save_account_map(new_map)
else:
logger.INFO('''
* The wallet is empty.
''')
def keys(self):
''' Lists public keys from all unlocked wallets.
Returns `cleos.WalletKeys` object.
'''
self.open_unlock()
self.wallet_keys = cleos.WalletKeys(is_verbose=False)
logger.TRACE('''
Keys in all open walets:
{}
'''.format(self.wallet_keys.out_msg))
def private_keys(self):
''' Lists public keys from all unlocked wallets.
Returns `cleos.WalletKeys` object.
'''
self.open_unlock()
self.wallet_private_keys = cleos.WalletPrivateKeys(is_verbose=False)
logger.TRACE('''
Keys in all open walets:
{}
'''.format(json.dumps(
self.wallet_private_keys.json, indent=4)))
def map_account(self, account_object_name, account_object):
'''
'''
if not self.is_name_taken(account_object_name, account_object.name):
account_map_json = manager.account_map(self)
if account_map_json is None:
return
account_map_json[account_object.name] = account_object_name
with open(self.wallet_dir + setup.account_map, "w") as out:
out.write(json.dumps(
account_map_json, indent=3, sort_keys=True))
logger.TRACE('''
* Account object ``{}`` stored in the file
``{}`` in the wallet directory:
{}
'''.format(
account_object_name,
setup.account_map,
self.wallet_dir + setup.account_map))
| [
11748,
28686,
198,
11748,
33918,
198,
11748,
10104,
198,
198,
11748,
304,
418,
69,
9548,
13,
7295,
13,
6404,
1362,
355,
49706,
198,
11748,
304,
418,
69,
9548,
13,
7295,
13,
48277,
355,
8563,
198,
11748,
304,
418,
69,
9548,
13,
7295,
13,
40406,
355,
9058,
198,
11748,
304,
418,
69,
9548,
13,
7295,
13,
39994,
355,
7071,
198,
11748,
304,
418,
69,
9548,
13,
7295,
13,
660,
418,
355,
573,
418,
198,
361,
9058,
13,
17440,
62,
15042,
6624,
366,
2375,
418,
1298,
198,
220,
220,
220,
1330,
304,
418,
69,
9548,
13,
7295,
13,
2375,
418,
355,
1190,
418,
198,
417,
361,
9058,
13,
17440,
62,
15042,
6624,
366,
68,
418,
8457,
1298,
198,
220,
220,
220,
1330,
304,
418,
69,
9548,
13,
7295,
13,
68,
418,
8457,
355,
1190,
418,
198,
198,
11748,
304,
418,
69,
9548,
13,
7295,
13,
37153,
355,
4706,
628,
198,
198,
4871,
37249,
7,
2375,
418,
13,
47152,
16447,
2599,
198,
220,
220,
220,
705,
7061,
13610,
257,
649,
13008,
15726,
290,
8076,
340,
13,
628,
220,
220,
220,
532,
12429,
17143,
7307,
1174,
3712,
628,
220,
220,
220,
220,
220,
220,
220,
1438,
25,
383,
1438,
286,
262,
649,
13008,
11,
26235,
284,
4600,
12286,
44646,
198,
220,
220,
220,
220,
220,
220,
220,
318,
62,
19011,
577,
25,
1002,
4600,
15,
47671,
466,
407,
3601,
4556,
319,
4049,
11,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4277,
318,
4600,
16,
44646,
628,
220,
220,
220,
532,
12429,
1078,
7657,
1174,
3712,
628,
220,
220,
220,
220,
220,
220,
220,
1438,
25,
383,
1438,
286,
262,
13008,
13,
198,
220,
220,
220,
220,
220,
220,
220,
9206,
25,
383,
9206,
4504,
416,
13008,
2251,
13,
198,
220,
220,
220,
220,
220,
220,
220,
4049,
25,
10127,
597,
4049,
267,
66,
12808,
13,
198,
220,
220,
220,
220,
220,
220,
220,
33918,
25,
383,
33918,
10552,
286,
262,
2134,
13,
198,
220,
220,
220,
220,
220,
220,
220,
318,
62,
19011,
577,
25,
49973,
16579,
379,
262,
1500,
7861,
640,
13,
220,
220,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
13008,
62,
13083,
796,
6045,
198,
220,
220,
220,
13008,
796,
6045,
198,
220,
220,
220,
15095,
874,
796,
6045,
198,
220,
220,
220,
9058,
13,
17440,
62,
15042,
628,
220,
220,
220,
825,
6376,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
44968,
4721,
29608,
11,
1635,
8849,
14838,
13,
198,
220,
220,
220,
220,
220,
220,
220,
16409,
4600,
2375,
418,
13,
47152,
8053,
63,
2134,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
220,
198,
220,
220,
220,
220,
220,
220,
220,
1255,
796,
1190,
418,
13,
47152,
8053,
7,
271,
62,
19011,
577,
28,
15,
8,
198,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
12425,
7,
20274,
13,
448,
62,
19662,
8,
198,
220,
220,
220,
220,
198,
220,
220,
220,
825,
1280,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
8670,
641,
262,
13008,
13,
198,
220,
220,
220,
220,
220,
220,
220,
16409,
4600,
47152,
11505,
63,
2134,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
1255,
796,
1190,
418,
13,
47152,
11505,
7,
944,
13,
3672,
11,
318,
62,
19011,
577,
28,
25101,
8,
198,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
5446,
11598,
7,
7061,
6,
198,
220,
220,
220,
220,
220,
220,
220,
1635,
37249,
7559,
90,
92,
15506,
4721,
13,
198,
220,
220,
220,
220,
220,
220,
220,
10148,
4458,
18982,
7,
944,
13,
3672,
4008,
628,
220,
220,
220,
825,
5793,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
13656,
262,
13008,
13,
198,
220,
220,
220,
220,
220,
220,
220,
16409,
4600,
2375,
418,
13,
47152,
25392,
63,
2134,
13,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
1255,
796,
1190,
418,
13,
47152,
25392,
7,
944,
13,
3672,
11,
318,
62,
19011,
577,
28,
25101,
8,
198,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
5446,
11598,
7203,
47152,
4600,
90,
92,
63,
8970,
526,
13,
18982,
7,
944,
13,
3672,
4008,
628,
220,
220,
220,
825,
5793,
62,
439,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
13656,
262,
13008,
13,
198,
220,
220,
220,
220,
220,
220,
220,
16409,
4600,
2375,
418,
13,
47152,
25392,
63,
2134,
13,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
1255,
796,
1190,
418,
13,
47152,
25392,
3237,
7,
271,
62,
19011,
577,
28,
25101,
8,
198,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
5446,
11598,
7203,
3237,
29608,
8970,
19570,
628,
220,
220,
220,
825,
12116,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
39626,
262,
13008,
13,
198,
220,
220,
220,
220,
220,
220,
220,
16409,
4600,
47152,
3118,
5354,
63,
2134,
13,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
1255,
796,
1190,
418,
13,
47152,
3118,
5354,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
3672,
11,
2116,
13,
28712,
11,
318,
62,
19011,
577,
28,
25101,
8,
198,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
5446,
11598,
7,
7061,
6,
198,
220,
220,
220,
220,
220,
220,
220,
1635,
37249,
7559,
90,
92,
15506,
14838,
13,
198,
220,
220,
220,
220,
220,
220,
220,
10148,
4458,
18982,
7,
944,
13,
3672,
4008,
628,
220,
220,
220,
825,
1280,
62,
403,
5354,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
4946,
5,
3118,
5354,
3557,
23372,
13,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
1190,
418,
13,
47152,
11505,
7,
944,
13,
3672,
11,
318,
62,
19011,
577,
28,
25101,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1190,
418,
13,
47152,
3118,
5354,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
3672,
11,
2116,
13,
28712,
11,
318,
62,
19011,
577,
28,
25101,
8,
628,
220,
220,
220,
825,
4781,
62,
2539,
7,
944,
11,
1848,
62,
273,
62,
2539,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
9654,
62,
403,
5354,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
4615,
62,
13083,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
1848,
62,
3672,
796,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
611,
318,
39098,
7,
23317,
62,
273,
62,
2539,
11,
7071,
13,
30116,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1190,
418,
13,
47152,
27914,
62,
2539,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7071,
13,
2539,
62,
853,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1848,
62,
273,
62,
2539,
11,
318,
62,
18403,
62,
2539,
28,
17821,
11,
318,
62,
19734,
62,
2539,
28,
17821,
828,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
3672,
11,
318,
62,
19011,
577,
28,
25101,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4615,
62,
13083,
13,
33295,
7,
39994,
13,
2539,
62,
853,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1848,
62,
273,
62,
2539,
11,
318,
62,
18403,
62,
2539,
28,
17821,
11,
318,
62,
19734,
62,
2539,
28,
25101,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1190,
418,
13,
47152,
27914,
62,
2539,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7071,
13,
2539,
62,
853,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1848,
62,
273,
62,
2539,
11,
318,
62,
18403,
62,
2539,
28,
25101,
11,
318,
62,
19734,
62,
2539,
28,
17821,
828,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
3672,
11,
318,
62,
19011,
577,
28,
25101,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4615,
62,
13083,
13,
33295,
7,
39994,
13,
2539,
62,
853,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1848,
62,
273,
62,
2539,
11,
318,
62,
18403,
62,
2539,
28,
25101,
11,
318,
62,
19734,
62,
2539,
28,
25101,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1190,
418,
13,
47152,
27914,
62,
2539,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7071,
13,
2539,
62,
853,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1848,
62,
273,
62,
2539,
11,
318,
62,
19734,
62,
2539,
28,
17821,
828,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
3672,
11,
318,
62,
19011,
577,
28,
25101,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4615,
62,
13083,
13,
33295,
7,
39994,
13,
2539,
62,
853,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1848,
62,
273,
62,
2539,
11,
318,
62,
19734,
62,
2539,
28,
25101,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
611,
1848,
62,
3672,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
18896,
7,
2787,
2668,
62,
13083,
8,
1875,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
5446,
11598,
7,
7061,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3982,
5165,
1994,
705,
90,
92,
6,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
422,
262,
13008,
705,
90,
92,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
10148,
4458,
18982,
7,
2787,
2668,
62,
13083,
58,
15,
4357,
2116,
13,
3672,
828,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
15942,
16579,
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,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
5446,
11598,
7,
7061,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3982,
5165,
8251,
286,
262,
1848,
705,
90,
92,
6,
422,
262,
13008,
705,
90,
92,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
10148,
4458,
18982,
7,
23317,
62,
3672,
11,
2116,
13,
3672,
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,
1267,
220,
220,
220,
220,
220,
220,
220,
220,
628,
220,
220,
220,
220,
220,
220,
220,
13008,
62,
13083,
796,
1190,
418,
13,
47152,
40729,
7,
271,
62,
19011,
577,
28,
25101,
8,
628,
220,
220,
220,
220,
220,
220,
220,
329,
1994,
287,
4615,
62,
13083,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
1994,
287,
13008,
62,
13083,
13,
17752,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
8563,
13,
12331,
7,
7061,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
22738,
284,
4781,
1994,
705,
90,
92,
6,
422,
262,
13008,
705,
90,
92,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
10148,
4458,
18982,
7,
2539,
11,
2116,
13,
3672,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
5446,
11598,
7,
7061,
6,
198,
220,
220,
220,
220,
220,
220,
220,
1635,
6372,
12,
26752,
25,
477,
5610,
8251,
4615,
422,
262,
13008,
13,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
6407,
628,
198,
220,
220,
220,
825,
1330,
62,
2539,
7,
944,
11,
1848,
62,
273,
62,
2539,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
1846,
3742,
2839,
8251,
286,
281,
1848,
656,
13008,
13,
198,
220,
220,
220,
220,
220,
220,
220,
16409,
1351,
286,
4600,
2375,
418,
13,
47152,
20939,
63,
5563,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
9654,
62,
403,
5354,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
17392,
62,
13083,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
1848,
62,
3672,
796,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
611,
318,
39098,
7,
23317,
62,
273,
62,
2539,
11,
7071,
13,
30116,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1848,
62,
3672,
796,
1848,
62,
273,
62,
2539,
13,
3672,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
13008,
62,
11748,
796,
1190,
418,
13,
47152,
20939,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7071,
13,
2539,
62,
853,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1848,
62,
273,
62,
2539,
11,
318,
62,
18403,
62,
2539,
28,
17821,
11,
318,
62,
19734,
62,
2539,
28,
17821,
828,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
3672,
11,
318,
62,
19011,
577,
28,
25101,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
17392,
62,
13083,
13,
33295,
7,
39994,
13,
2539,
62,
853,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1848,
62,
273,
62,
2539,
11,
318,
62,
18403,
62,
2539,
28,
17821,
11,
318,
62,
19734,
62,
2539,
28,
25101,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
13008,
62,
11748,
796,
1190,
418,
13,
47152,
20939,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7071,
13,
2539,
62,
853,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1848,
62,
273,
62,
2539,
11,
318,
62,
18403,
62,
2539,
28,
25101,
11,
318,
62,
19734,
62,
2539,
28,
17821,
828,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
3672,
11,
318,
62,
19011,
577,
28,
25101,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
17392,
62,
13083,
13,
33295,
7,
39994,
13,
2539,
62,
853,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1848,
62,
273,
62,
2539,
11,
318,
62,
18403,
62,
2539,
28,
25101,
11,
318,
62,
19734,
62,
2539,
28,
25101,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
5446,
11598,
7,
7061,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1635,
17267,
278,
8251,
286,
262,
1848,
7559,
90,
92,
15506,
656,
262,
13008,
7559,
90,
92,
15506,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
10148,
4458,
18982,
7,
23317,
62,
3672,
11,
2116,
13,
3672,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
13008,
62,
11748,
796,
1190,
418,
13,
47152,
20939,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7071,
13,
2539,
62,
853,
7,
23317,
62,
273,
62,
2539,
11,
318,
62,
19734,
62,
2539,
28,
17821,
828,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
3672,
11,
318,
62,
19011,
577,
28,
25101,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
5446,
11598,
7,
7061,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1635,
17267,
278,
8251,
656,
262,
13008,
7559,
90,
92,
15506,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
10148,
4458,
18982,
7,
944,
13,
3672,
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,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
6407,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
13008,
62,
13083,
796,
1190,
418,
13,
47152,
40729,
7,
271,
62,
19011,
577,
28,
25101,
8,
628,
220,
220,
220,
220,
220,
220,
220,
611,
18896,
7,
320,
9213,
62,
13083,
8,
6624,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
8563,
13,
12331,
7,
7061,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
383,
1351,
286,
17392,
8251,
318,
6565,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
8,
628,
220,
220,
220,
220,
220,
220,
220,
12876,
796,
6407,
198,
220,
220,
220,
220,
220,
220,
220,
329,
1994,
287,
17392,
62,
13083,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
407,
1994,
287,
13008,
62,
13083,
13,
17752,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12876,
796,
10352,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
8563,
13,
12331,
7,
7061,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
22738,
284,
1330,
8251,
286,
262,
1848,
705,
90,
92,
6,
656,
262,
13008,
705,
90,
92,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
10148,
4458,
18982,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1848,
62,
3672,
611,
1848,
62,
3672,
2073,
366,
77,
14,
64,
1600,
2116,
13,
3672,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
611,
12876,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
5446,
11598,
7,
7061,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1635,
6372,
12,
26752,
25,
477,
1848,
8251,
389,
287,
262,
13008,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
6407,
628,
220,
220,
220,
825,
11169,
62,
23317,
82,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
9654,
62,
403,
5354,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
1848,
62,
8899,
796,
4706,
13,
23317,
62,
8899,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
649,
62,
8899,
796,
23884,
198,
220,
220,
220,
220,
220,
220,
220,
13008,
62,
13083,
796,
1190,
418,
13,
47152,
40729,
7,
271,
62,
19011,
577,
28,
15,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
18896,
7,
23317,
62,
8899,
8,
1875,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
10778,
7,
7061,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
7804,
42019,
39986,
1848,
5563,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
8,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
1438,
11,
2134,
62,
3672,
287,
1848,
62,
8899,
13,
23814,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1848,
62,
796,
1190,
418,
13,
3855,
30116,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1438,
11,
318,
62,
10951,
28,
25101,
11,
318,
62,
19011,
577,
28,
25101,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
1848,
44807,
18403,
62,
2539,
287,
13008,
62,
13083,
13,
17752,
290,
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,
1848,
44807,
5275,
62,
2539,
287,
13008,
62,
13083,
13,
17752,
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,
8899,
58,
3672,
60,
796,
2134,
62,
3672,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
422,
304,
418,
69,
9548,
13,
29149,
13,
23317,
1330,
2251,
62,
23317,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2251,
62,
23317,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2134,
62,
3672,
11,
1438,
11,
11169,
28,
17821,
11,
15942,
16579,
28,
14202,
8,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2845,
8563,
13,
30116,
13921,
3673,
3109,
396,
12331,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1208,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4706,
13,
21928,
62,
23317,
62,
8899,
7,
3605,
62,
8899,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
10778,
7,
7061,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1635,
383,
13008,
318,
6565,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
825,
8251,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
44968,
1171,
8251,
422,
477,
14838,
29608,
13,
198,
220,
220,
220,
220,
220,
220,
220,
16409,
4600,
2375,
418,
13,
47152,
40729,
63,
2134,
13,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
9654,
62,
403,
5354,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
44623,
62,
13083,
796,
1190,
418,
13,
47152,
40729,
7,
271,
62,
19011,
577,
28,
25101,
8,
198,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
5446,
11598,
7,
7061,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
26363,
287,
477,
1280,
6514,
1039,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
23884,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
10148,
4458,
18982,
7,
944,
13,
44623,
62,
13083,
13,
448,
62,
19662,
4008,
628,
220,
220,
220,
825,
2839,
62,
13083,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
44968,
1171,
8251,
422,
477,
14838,
29608,
13,
198,
220,
220,
220,
220,
220,
220,
220,
16409,
4600,
2375,
418,
13,
47152,
40729,
63,
2134,
13,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
9654,
62,
403,
5354,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
44623,
62,
19734,
62,
13083,
796,
1190,
418,
13,
47152,
29067,
40729,
7,
271,
62,
19011,
577,
28,
25101,
8,
198,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
5446,
11598,
7,
7061,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
26363,
287,
477,
1280,
6514,
1039,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
23884,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
10148,
4458,
18982,
7,
17752,
13,
67,
8142,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
44623,
62,
19734,
62,
13083,
13,
17752,
11,
33793,
28,
19,
22305,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
628,
220,
220,
220,
825,
3975,
62,
23317,
7,
944,
11,
1848,
62,
15252,
62,
3672,
11,
1848,
62,
15252,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
220,
220,
220,
220,
611,
407,
2116,
13,
271,
62,
3672,
62,
83,
1685,
7,
23317,
62,
15252,
62,
3672,
11,
1848,
62,
15252,
13,
3672,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1848,
62,
8899,
62,
17752,
796,
4706,
13,
23317,
62,
8899,
7,
944,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
1848,
62,
8899,
62,
17752,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1848,
62,
8899,
62,
17752,
58,
23317,
62,
15252,
13,
3672,
60,
796,
1848,
62,
15252,
62,
3672,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
351,
1280,
7,
944,
13,
44623,
62,
15908,
1343,
9058,
13,
23317,
62,
8899,
11,
366,
86,
4943,
355,
503,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
503,
13,
13564,
7,
17752,
13,
67,
8142,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1848,
62,
8899,
62,
17752,
11,
33793,
28,
18,
11,
3297,
62,
13083,
28,
17821,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
5446,
11598,
7,
7061,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1635,
10781,
2134,
7559,
90,
92,
15506,
8574,
287,
262,
2393,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7559,
90,
92,
15506,
287,
262,
13008,
8619,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
23884,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
10148,
4458,
18982,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1848,
62,
15252,
62,
3672,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9058,
13,
23317,
62,
8899,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
44623,
62,
15908,
1343,
9058,
13,
23317,
62,
8899,
4008,
628,
198
] | 1.948241 | 4,946 |
from random import randint
x = (randint(1, 10), randint(1, 10), randint(1, 10), randint(1, 10), randint(1, 10), randint(1, 10))
print('sorteei os numeros:', end='')
for n in x:
print(f'{n}', end=", ")
print(f"\nO maior valor na ordem foi {max(x)}")
print(f"\nO menor valor na ordem foi {min(x)}")
| [
6738,
4738,
1330,
220,
43720,
600,
198,
87,
796,
357,
25192,
600,
7,
16,
11,
838,
828,
43720,
600,
7,
16,
11,
838,
828,
43720,
600,
7,
16,
11,
838,
828,
43720,
600,
7,
16,
11,
838,
828,
43720,
600,
7,
16,
11,
838,
828,
43720,
600,
7,
16,
11,
838,
4008,
198,
4798,
10786,
30619,
1453,
72,
28686,
5470,
418,
25,
3256,
886,
28,
7061,
8,
198,
1640,
299,
287,
2124,
25,
198,
220,
220,
220,
3601,
7,
69,
6,
90,
77,
92,
3256,
886,
28,
1600,
366,
8,
198,
4798,
7,
69,
1,
59,
77,
46,
17266,
1504,
1188,
273,
12385,
2760,
368,
11511,
72,
1391,
9806,
7,
87,
38165,
4943,
198,
4798,
7,
69,
1,
59,
77,
46,
1450,
273,
1188,
273,
12385,
2760,
368,
11511,
72,
1391,
1084,
7,
87,
38165,
4943,
198
] | 2.20438 | 137 |
#! /usr/bin/python
# Copyright (C) 2005 Dr. Ralf Schlatterbeck Open Source Consulting.
# Reichergasse 131, A-3411 Weidling.
# Web: http://www.runtux.com Email: [email protected]
# All rights reserved
# ****************************************************************************
#
# This program is free software; you can redistribute it and/or modify
# it under the terms of the GNU General Public License as published by
# the Free Software Foundation; either version 2 of the License, or
# (at your option) any later version.
#
# This program is distributed in the hope that it will be useful,
# but WITHOUT ANY WARRANTY; without even the implied warranty of
# MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the
# GNU General Public License for more details.
#
# You should have received a copy of the GNU General Public License
# along with this program; if not, write to the Free Software
# Foundation, Inc., 675 Mass Ave, Cambridge, MA 02139, USA.
# ****************************************************************************
from cStringIO import StringIO
from os.path import splitext
from roundup.cgi.actions import Action, EditItemAction
from roundup.cgi import templating
from roundup import hyperdb
from roundup.date import Date, Interval
from roundup.cgi.exceptions import Redirect
try :
import ooopy.Transforms as Transforms
from ooopy.OOoPy import OOoPy
from ooopy.Transformer import Transformer, autosuper
from ooopy.Transforms import renumber_all, get_meta, set_meta
except ImportError :
from rsclib.autosuper import autosuper
Reject = ValueError
# end class Invoice
# end class Unmark_Invoice
# end class Mark_Invoice
# end class OOoPy_Invoice_Wrapper
# end class Generate_Invoice
# end class _Mark_Invoice
# end class Mark_Invoice_Sent
# end class Mark_Single_Invoice_Sent
# end def create_file
# end def handle
# end class Download_Letter
# end def handle
# end class Personalized_Template
class Edit_Payment_Action (EditItemAction, autosuper) :
""" Remove items that did not change (for which we defined a hidden
attribute in the mask) from the new items. Then proceed as usual
like for EditItemAction.
"""
# end def _editnodes
# end class Edit_Payment_Action
# end def init
| [
2,
0,
1220,
14629,
14,
8800,
14,
29412,
198,
2,
15069,
357,
34,
8,
5075,
1583,
13,
371,
1604,
48467,
1436,
27343,
4946,
8090,
41005,
13,
198,
2,
797,
291,
372,
70,
21612,
23134,
11,
317,
12,
2682,
1157,
775,
312,
1359,
13,
198,
2,
5313,
25,
2638,
1378,
2503,
13,
81,
2797,
2821,
13,
785,
9570,
25,
2607,
31,
81,
2797,
2821,
13,
785,
198,
2,
1439,
2489,
10395,
198,
2,
41906,
17174,
46068,
198,
2,
220,
198,
2,
770,
1430,
318,
1479,
3788,
26,
345,
460,
17678,
4163,
340,
290,
14,
273,
13096,
198,
2,
340,
739,
262,
2846,
286,
262,
22961,
3611,
5094,
13789,
355,
3199,
416,
198,
2,
262,
3232,
10442,
5693,
26,
2035,
2196,
362,
286,
262,
13789,
11,
393,
198,
2,
357,
265,
534,
3038,
8,
597,
1568,
2196,
13,
198,
2,
220,
198,
2,
770,
1430,
318,
9387,
287,
262,
2911,
326,
340,
481,
307,
4465,
11,
198,
2,
475,
42881,
15529,
34764,
56,
26,
1231,
772,
262,
17142,
18215,
286,
198,
2,
34482,
3398,
1565,
5603,
25382,
393,
376,
46144,
7473,
317,
16652,
2149,
37232,
33079,
48933,
13,
220,
4091,
262,
198,
2,
22961,
3611,
5094,
13789,
329,
517,
3307,
13,
198,
2,
220,
198,
2,
921,
815,
423,
2722,
257,
4866,
286,
262,
22961,
3611,
5094,
13789,
198,
2,
1863,
351,
428,
1430,
26,
611,
407,
11,
3551,
284,
262,
3232,
10442,
198,
2,
5693,
11,
3457,
1539,
718,
2425,
5674,
12761,
11,
14457,
11,
8779,
7816,
20219,
11,
4916,
13,
198,
2,
41906,
17174,
46068,
198,
198,
6738,
269,
10100,
9399,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1330,
10903,
9399,
198,
6738,
28686,
13,
6978,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1330,
4328,
578,
742,
198,
198,
6738,
48390,
13,
37157,
13,
4658,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1330,
7561,
11,
5312,
7449,
12502,
198,
6738,
48390,
13,
37157,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1330,
2169,
489,
803,
198,
6738,
48390,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1330,
8718,
9945,
198,
6738,
48390,
13,
4475,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1330,
7536,
11,
4225,
2100,
198,
6738,
48390,
13,
37157,
13,
1069,
11755,
220,
220,
220,
220,
220,
220,
220,
220,
1330,
2297,
1060,
198,
198,
28311,
1058,
198,
220,
220,
220,
1330,
267,
78,
11081,
13,
8291,
23914,
355,
3602,
23914,
198,
220,
220,
220,
422,
267,
78,
11081,
13,
6684,
78,
20519,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1330,
440,
46,
78,
20519,
198,
220,
220,
220,
422,
267,
78,
11081,
13,
8291,
16354,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1330,
3602,
16354,
11,
44619,
48568,
198,
220,
220,
220,
422,
267,
78,
11081,
13,
8291,
23914,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1330,
8851,
4494,
62,
439,
11,
651,
62,
28961,
11,
900,
62,
28961,
198,
16341,
17267,
12331,
1058,
198,
220,
220,
220,
422,
374,
38528,
571,
13,
2306,
418,
48568,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1330,
44619,
48568,
198,
198,
3041,
752,
796,
11052,
12331,
198,
198,
2,
886,
1398,
10001,
2942,
198,
2,
886,
1398,
791,
4102,
62,
19904,
2942,
198,
2,
886,
1398,
2940,
62,
19904,
2942,
198,
198,
2,
886,
1398,
440,
46,
78,
20519,
62,
19904,
2942,
62,
36918,
2848,
198,
2,
886,
1398,
2980,
378,
62,
19904,
2942,
198,
2,
886,
1398,
4808,
9704,
62,
19904,
2942,
198,
2,
886,
1398,
2940,
62,
19904,
2942,
62,
31837,
198,
2,
886,
1398,
2940,
62,
28008,
62,
19904,
2942,
62,
31837,
198,
220,
220,
220,
1303,
886,
825,
2251,
62,
7753,
198,
220,
220,
220,
1303,
886,
825,
5412,
198,
2,
886,
1398,
10472,
62,
45708,
198,
220,
220,
220,
1303,
886,
825,
5412,
198,
2,
886,
1398,
15644,
1143,
62,
30800,
198,
198,
4871,
5312,
62,
19197,
434,
62,
12502,
357,
18378,
7449,
12502,
11,
44619,
48568,
8,
1058,
198,
220,
220,
220,
37227,
17220,
3709,
326,
750,
407,
1487,
357,
1640,
543,
356,
5447,
257,
7104,
198,
220,
220,
220,
220,
220,
220,
220,
11688,
287,
262,
9335,
8,
422,
262,
649,
3709,
13,
3244,
5120,
355,
6678,
198,
220,
220,
220,
220,
220,
220,
220,
588,
329,
5312,
7449,
12502,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1303,
886,
825,
4808,
19312,
77,
4147,
198,
2,
886,
1398,
5312,
62,
19197,
434,
62,
12502,
198,
2,
886,
825,
2315,
198
] | 2.953181 | 833 |
# -*- coding: UTF-8 -*-
# **********************************************************************************#
# File:
# **********************************************************************************#
import time
from datetime import datetime
from utils.dict import CompositeDict
from utils.decorator import singleton
from .. configs import logger
from .. data.database_api import load_futures_rt_minute_data
def _get_minute_price_info(universe):
"""
Get the latest info of stocks.
Args:
universe(list): universe list
"""
futures_rt_minute_data = load_futures_rt_minute_data(universe)
info = dict()
for symbol, minute_bar_list in futures_rt_minute_data.iteritems():
if minute_bar_list:
item = minute_bar_list[-1]
item.update({
'secID': symbol
})
info[symbol] = minute_bar_list[-1]
return info
@singleton
| [
2,
532,
9,
12,
19617,
25,
41002,
12,
23,
532,
9,
12,
198,
2,
41906,
17174,
8412,
1174,
2,
198,
2,
220,
220,
220,
220,
9220,
25,
198,
2,
41906,
17174,
8412,
1174,
2,
198,
11748,
640,
198,
6738,
4818,
8079,
1330,
4818,
8079,
198,
6738,
3384,
4487,
13,
11600,
1330,
49355,
35,
713,
198,
6738,
3384,
4487,
13,
12501,
273,
1352,
1330,
2060,
1122,
198,
6738,
11485,
4566,
82,
1330,
49706,
198,
6738,
11485,
1366,
13,
48806,
62,
15042,
1330,
3440,
62,
69,
315,
942,
62,
17034,
62,
11374,
62,
7890,
628,
198,
4299,
4808,
1136,
62,
11374,
62,
20888,
62,
10951,
7,
403,
3997,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
3497,
262,
3452,
7508,
286,
14420,
13,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
6881,
7,
4868,
2599,
6881,
1351,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
25650,
62,
17034,
62,
11374,
62,
7890,
796,
3440,
62,
69,
315,
942,
62,
17034,
62,
11374,
62,
7890,
7,
403,
3997,
8,
198,
220,
220,
220,
7508,
796,
8633,
3419,
198,
220,
220,
220,
329,
6194,
11,
5664,
62,
5657,
62,
4868,
287,
25650,
62,
17034,
62,
11374,
62,
7890,
13,
2676,
23814,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
611,
5664,
62,
5657,
62,
4868,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2378,
796,
5664,
62,
5657,
62,
4868,
58,
12,
16,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2378,
13,
19119,
15090,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
2363,
2389,
10354,
6194,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
32092,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7508,
58,
1837,
23650,
60,
796,
5664,
62,
5657,
62,
4868,
58,
12,
16,
60,
198,
220,
220,
220,
1441,
7508,
628,
198,
31,
12215,
10565,
198
] | 2.770149 | 335 |
# Generated by Django 2.2.1 on 2019-08-03 05:44
import django.contrib.gis.db.models.fields
from django.db import migrations, models
| [
2,
2980,
515,
416,
37770,
362,
13,
17,
13,
16,
319,
13130,
12,
2919,
12,
3070,
8870,
25,
2598,
198,
198,
11748,
42625,
14208,
13,
3642,
822,
13,
70,
271,
13,
9945,
13,
27530,
13,
25747,
198,
6738,
42625,
14208,
13,
9945,
1330,
15720,
602,
11,
4981,
628
] | 2.791667 | 48 |
# encoding=utf8
import requests
import datetime
import pytz
import argparse
import random
import json
if __name__ == "__main__":
parser = argparse.ArgumentParser(description='weixin auto sport script.')
parser.add_argument('user', help='your user name', type=str)
parser.add_argument('password', help='your password', type=str)
args = parser.parse_args()
autorepoter = Report(user=args.user, password=args.password)
count = 3
while count != 0:
ret = autorepoter.report()
if ret != False:
break
print("Sport Failed, retry...")
count = count - 1
if count != 0:
exit(0)
else:
exit(-1) | [
2,
21004,
28,
40477,
23,
198,
11748,
7007,
198,
11748,
4818,
8079,
198,
11748,
12972,
22877,
198,
11748,
1822,
29572,
198,
11748,
4738,
198,
11748,
33918,
198,
198,
361,
11593,
3672,
834,
6624,
366,
834,
12417,
834,
1298,
198,
220,
220,
220,
30751,
796,
1822,
29572,
13,
28100,
1713,
46677,
7,
11213,
11639,
732,
844,
259,
8295,
6332,
4226,
2637,
8,
198,
220,
220,
220,
30751,
13,
2860,
62,
49140,
10786,
7220,
3256,
1037,
11639,
14108,
2836,
1438,
3256,
2099,
28,
2536,
8,
198,
220,
220,
220,
30751,
13,
2860,
62,
49140,
10786,
28712,
3256,
1037,
11639,
14108,
9206,
3256,
2099,
28,
2536,
8,
198,
220,
220,
220,
26498,
796,
30751,
13,
29572,
62,
22046,
3419,
198,
220,
220,
220,
1960,
382,
13059,
263,
796,
6358,
7,
7220,
28,
22046,
13,
7220,
11,
9206,
28,
22046,
13,
28712,
8,
198,
220,
220,
220,
954,
796,
513,
198,
220,
220,
220,
981,
954,
14512,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1005,
796,
1960,
382,
13059,
263,
13,
13116,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
611,
1005,
14512,
10352,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2270,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
7203,
42576,
22738,
11,
1005,
563,
9313,
8,
198,
220,
220,
220,
220,
220,
220,
220,
954,
796,
954,
532,
352,
198,
220,
220,
220,
611,
954,
14512,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
8420,
7,
15,
8,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
8420,
32590,
16,
8
] | 2.539326 | 267 |
class ObservationsSummaryDewPt:
""" Defines an object for the observations summary period temp data. """
dewpt = {}
def __init__(self, dewpt_json):
"""
Constructor - this takes an individual observations summary period's dewpoint json.
{
maxC": 5,
"maxF": 41,
"minC": -3,
"minF": 26,
"avgC": -0.6,
"avgF": 30.9,
"count": 23
},
"""
self.dewpt = dewpt_json
@property
def maxC(self) -> float:
""" The maximum dew point in Celsius. Null if unavailable. """
return self.dewpt["maxC"]
@property
def maxF(self) -> float:
""" The maximum dew point in Fahrenheit. Null if unavailable. """
return self.dewpt["maxF"]
@property
def minC(self) -> float:
""" The minimum dew point in Celsius. Null if unavailable. """
return self.dewpt["minC"]
@property
def minF(self) -> float:
""" The minimum dew point in Fahrenheit. Null if unavailable. """
return self.dewpt["minF"]
@property
def avgC(self) -> float:
""" The average dew point in Celsius. Null if unavailable. """
return self.dewpt["avgC"]
@property
def avgF(self) -> float:
""" The average dew point in Fahrenheit. Null if unavailable. """
return self.dewpt["avgF"]
@property
def count(self) -> int:
""" The total number of observations that included dew point information. """
return self.dewpt["count"]
| [
198,
198,
4871,
19243,
602,
22093,
35,
413,
47,
83,
25,
198,
220,
220,
220,
37227,
2896,
1127,
281,
2134,
329,
262,
13050,
10638,
2278,
20218,
1366,
13,
37227,
628,
220,
220,
220,
390,
86,
457,
796,
23884,
628,
220,
220,
220,
825,
11593,
15003,
834,
7,
944,
11,
390,
86,
457,
62,
17752,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
28407,
273,
532,
428,
2753,
281,
1981,
13050,
10638,
2278,
338,
390,
86,
4122,
33918,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3509,
34,
1298,
642,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
9806,
37,
1298,
6073,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
1084,
34,
1298,
532,
18,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
1084,
37,
1298,
2608,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
615,
70,
34,
1298,
532,
15,
13,
21,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
615,
70,
37,
1298,
1542,
13,
24,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
9127,
1298,
2242,
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,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
67,
413,
457,
796,
390,
86,
457,
62,
17752,
628,
220,
220,
220,
2488,
26745,
198,
220,
220,
220,
825,
3509,
34,
7,
944,
8,
4613,
12178,
25,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
220,
383,
5415,
390,
86,
966,
287,
34186,
13,
35886,
611,
23485,
13,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
67,
413,
457,
14692,
9806,
34,
8973,
628,
220,
220,
220,
2488,
26745,
198,
220,
220,
220,
825,
3509,
37,
7,
944,
8,
4613,
12178,
25,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
220,
383,
5415,
390,
86,
966,
287,
35935,
13,
35886,
611,
23485,
13,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
67,
413,
457,
14692,
9806,
37,
8973,
628,
220,
220,
220,
2488,
26745,
198,
220,
220,
220,
825,
949,
34,
7,
944,
8,
4613,
12178,
25,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
220,
383,
5288,
390,
86,
966,
287,
34186,
13,
35886,
611,
23485,
13,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
67,
413,
457,
14692,
1084,
34,
8973,
628,
220,
220,
220,
2488,
26745,
198,
220,
220,
220,
825,
949,
37,
7,
944,
8,
4613,
12178,
25,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
220,
383,
5288,
390,
86,
966,
287,
35935,
13,
35886,
611,
23485,
13,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
67,
413,
457,
14692,
1084,
37,
8973,
628,
220,
220,
220,
2488,
26745,
198,
220,
220,
220,
825,
42781,
34,
7,
944,
8,
4613,
12178,
25,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
220,
383,
2811,
390,
86,
966,
287,
34186,
13,
35886,
611,
23485,
13,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
67,
413,
457,
14692,
615,
70,
34,
8973,
628,
220,
220,
220,
2488,
26745,
198,
220,
220,
220,
825,
42781,
37,
7,
944,
8,
4613,
12178,
25,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
220,
383,
2811,
390,
86,
966,
287,
35935,
13,
35886,
611,
23485,
13,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
67,
413,
457,
14692,
615,
70,
37,
8973,
628,
220,
220,
220,
2488,
26745,
198,
220,
220,
220,
825,
954,
7,
944,
8,
4613,
493,
25,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
383,
2472,
1271,
286,
13050,
326,
3017,
390,
86,
966,
1321,
13,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
67,
413,
457,
14692,
9127,
8973,
198
] | 2.202156 | 742 |
from PyQt5.QtWidgets import QWidget
from forms.ui_receivePage import Ui_ReceivePage
class ReceivePage(QWidget, Ui_ReceivePage):
"""The page to generate bolt11 invoices"""
def clearForm(self):
"""Reset the form to the default values"""
self.spinValue.setValue(1)
self.lineLabel.setText("")
self.lineDescription.setText("")
self.spinExpiry.setValue(604800) # A week
def generateInvoice(self):
"""Generate an invoice and display it"""
amount_msat = self.spinValue.value()
label = self.lineLabel.text()
description = self.lineDescription.text()
expiry = self.spinExpiry.value()
invoice = self.plugin.rpc.invoice(amount_msat, label, description, expiry)
# Condition to prevent RPC error
if invoice:
self.textResultInvoice.setText(invoice["bolt11"])
def initUi(self):
"""Initialize the UI by connecting actions"""
self.buttonGenerate.clicked.connect(self.generateInvoice)
self.buttonClear.clicked.connect(self.clearForm)
| [
6738,
9485,
48,
83,
20,
13,
48,
83,
54,
312,
11407,
1330,
1195,
38300,
198,
198,
6738,
5107,
13,
9019,
62,
260,
15164,
9876,
1330,
471,
72,
62,
3041,
15164,
9876,
198,
198,
4871,
797,
15164,
9876,
7,
48,
38300,
11,
471,
72,
62,
3041,
15164,
9876,
2599,
198,
220,
220,
220,
37227,
464,
2443,
284,
7716,
18100,
1157,
800,
78,
1063,
37811,
628,
220,
220,
220,
825,
1598,
8479,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
4965,
316,
262,
1296,
284,
262,
4277,
3815,
37811,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
39706,
11395,
13,
2617,
11395,
7,
16,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
1370,
33986,
13,
2617,
8206,
7203,
4943,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
1370,
11828,
13,
2617,
8206,
7203,
4943,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
39706,
3109,
4063,
88,
13,
2617,
11395,
7,
1899,
2780,
405,
8,
1303,
1849,
32,
1285,
198,
220,
220,
220,
220,
198,
220,
220,
220,
825,
7716,
19904,
2942,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
8645,
378,
281,
45458,
290,
3359,
340,
37811,
198,
220,
220,
220,
220,
220,
220,
220,
2033,
62,
907,
265,
796,
2116,
13,
39706,
11395,
13,
8367,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
6167,
796,
2116,
13,
1370,
33986,
13,
5239,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
6764,
796,
2116,
13,
1370,
11828,
13,
5239,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
1033,
9045,
796,
2116,
13,
39706,
3109,
4063,
88,
13,
8367,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
45458,
796,
2116,
13,
33803,
13,
81,
14751,
13,
16340,
2942,
7,
17287,
62,
907,
265,
11,
6167,
11,
6764,
11,
1033,
9045,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
24295,
284,
2948,
39400,
4049,
198,
220,
220,
220,
220,
220,
220,
220,
611,
45458,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
5239,
23004,
19904,
2942,
13,
2617,
8206,
7,
16340,
2942,
14692,
25593,
1157,
8973,
8,
198,
220,
220,
220,
198,
220,
220,
220,
825,
2315,
52,
72,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
24243,
1096,
262,
12454,
416,
14320,
4028,
37811,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
16539,
8645,
378,
13,
565,
9484,
13,
8443,
7,
944,
13,
8612,
378,
19904,
2942,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
16539,
19856,
13,
565,
9484,
13,
8443,
7,
944,
13,
20063,
8479,
8,
198
] | 2.439189 | 444 |
import http.server, requests, json
username_cache = {}
whitelist = ("current.html", "runner64.png", "flags.min.css", "flags.png")
mimes = {
"html": "text/html",
"css": "text/css",
"png": "image/png",
"json": "application/jsonn"
}
PAGE_404 = """<!DOCTYPE html>
<html>
<head>
<meta charset="utf-8">
<title>404 Not Found</title>
</head>
<body>
nuthin to see here bruh
</body>
</html>
"""
HEADERS = {"User-Agent": "Jobicade's Magnificent PB/WR grabber"}
GAME_ID = "4pd0n31e"
CATEGORY_ID = "wk6pexd1"
USER_ID = "48g0ln2x"
BASE = "http://www.speedrun.com/api/v1/"
PB_QUERY = BASE + "users/" + USER_ID + "/personal-bests"
WR_QUERY = BASE + "leaderboards/" + GAME_ID + "/category/" + CATEGORY_ID
httpd = http.server.HTTPServer(('127.0.0.1', 80), RecordRequest)
sa = httpd.socket.getsockname()
print("Serving HTTP on", sa[0], "port", sa[1], "...")
httpd.serve_forever()
| [
11748,
2638,
13,
15388,
11,
7007,
11,
33918,
198,
198,
29460,
62,
23870,
796,
23884,
198,
1929,
270,
46331,
796,
5855,
14421,
13,
6494,
1600,
366,
16737,
2414,
13,
11134,
1600,
366,
33152,
13,
1084,
13,
25471,
1600,
366,
33152,
13,
11134,
4943,
198,
76,
999,
796,
1391,
198,
197,
1,
6494,
1298,
366,
5239,
14,
6494,
1600,
198,
197,
1,
25471,
1298,
366,
5239,
14,
25471,
1600,
198,
197,
1,
11134,
1298,
366,
9060,
14,
11134,
1600,
198,
197,
1,
17752,
1298,
366,
31438,
14,
17752,
77,
1,
198,
92,
198,
198,
4537,
8264,
62,
26429,
796,
37227,
27,
0,
18227,
4177,
56,
11401,
27711,
29,
198,
27,
6494,
29,
198,
197,
27,
2256,
29,
198,
197,
197,
27,
28961,
34534,
316,
2625,
40477,
12,
23,
5320,
198,
197,
197,
27,
7839,
29,
26429,
1892,
4062,
3556,
7839,
29,
198,
197,
3556,
2256,
29,
198,
197,
27,
2618,
29,
198,
197,
197,
77,
1071,
259,
284,
766,
994,
18145,
71,
198,
197,
3556,
2618,
29,
198,
3556,
6494,
29,
198,
37811,
198,
198,
37682,
4877,
220,
220,
220,
220,
796,
19779,
12982,
12,
36772,
1298,
366,
41,
20803,
671,
338,
14872,
21559,
30524,
14,
18564,
5552,
527,
20662,
198,
198,
47109,
62,
2389,
220,
220,
220,
220,
796,
366,
19,
30094,
15,
77,
3132,
68,
1,
198,
34,
6158,
38,
15513,
62,
2389,
796,
366,
43021,
21,
24900,
67,
16,
1,
198,
29904,
62,
2389,
220,
220,
220,
220,
796,
366,
2780,
70,
15,
18755,
17,
87,
1,
198,
198,
33,
11159,
220,
220,
220,
220,
220,
220,
220,
796,
366,
4023,
1378,
2503,
13,
12287,
5143,
13,
785,
14,
15042,
14,
85,
16,
30487,
198,
49079,
62,
10917,
19664,
220,
220,
220,
796,
49688,
1343,
366,
18417,
30487,
1343,
1294,
1137,
62,
2389,
1343,
12813,
22682,
12,
65,
3558,
1,
198,
18564,
62,
10917,
19664,
220,
220,
220,
796,
49688,
1343,
366,
27940,
12821,
30487,
1343,
30517,
62,
2389,
1343,
12813,
22872,
30487,
1343,
327,
6158,
38,
15513,
62,
2389,
198,
198,
4023,
67,
796,
2638,
13,
15388,
13,
6535,
28820,
18497,
7,
10786,
16799,
13,
15,
13,
15,
13,
16,
3256,
4019,
828,
13266,
18453,
8,
198,
198,
11400,
796,
2638,
67,
13,
44971,
13,
11407,
735,
3672,
3419,
198,
4798,
7203,
11838,
278,
14626,
319,
1600,
473,
58,
15,
4357,
366,
634,
1600,
473,
58,
16,
4357,
366,
9313,
8,
198,
4023,
67,
13,
2655,
303,
62,
754,
332,
3419,
198
] | 2.239506 | 405 |
from pydantic import BaseModel
from typing import Optional
| [
6738,
279,
5173,
5109,
1330,
7308,
17633,
198,
6738,
19720,
1330,
32233,
628
] | 4.615385 | 13 |
import logging
from typing import Optional
import torch
import tqdm
from torch.utils.data import DataLoader
from phuber.metrics import AccuracyMetric
class Evaluator:
"""Model evaluator
Args:
model: model to be evaluated
device: device on which to evaluate model
loader: dataloader on which to evaluate model
checkpoint_path: path to model checkpoint
"""
def evaluate(self) -> float:
"""Evaluates the model
Returns:
(float) accuracy (on a 0 to 1 scale)
"""
# Progress bar
pbar = tqdm.tqdm(total=len(self.loader), leave=False)
pbar.set_description("Evaluating... ")
# Set to eval
self.model.eval()
# Loop
for data, target in self.loader:
with torch.no_grad():
# To device
data, target = data.to(self.device), target.to(self.device)
# Forward
out = self.model(data)
self.acc_metric.update(out, target)
# Update progress bar
pbar.update()
pbar.close()
accuracy = self.acc_metric.compute()
self.logger.info(f"Accuracy: {accuracy:.4f}\n")
return accuracy
| [
11748,
18931,
198,
6738,
19720,
1330,
32233,
198,
198,
11748,
28034,
198,
11748,
256,
80,
36020,
198,
6738,
28034,
13,
26791,
13,
7890,
1330,
6060,
17401,
198,
198,
6738,
872,
18478,
13,
4164,
10466,
1330,
33222,
9171,
1173,
628,
198,
4871,
26439,
84,
1352,
25,
198,
220,
220,
220,
37227,
17633,
5418,
84,
1352,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2746,
25,
2746,
284,
307,
16726,
198,
220,
220,
220,
220,
220,
220,
220,
3335,
25,
3335,
319,
543,
284,
13446,
2746,
198,
220,
220,
220,
220,
220,
220,
220,
40213,
25,
4818,
282,
1170,
263,
319,
543,
284,
13446,
2746,
198,
220,
220,
220,
220,
220,
220,
220,
26954,
62,
6978,
25,
3108,
284,
2746,
26954,
628,
220,
220,
220,
37227,
628,
220,
220,
220,
825,
13446,
7,
944,
8,
4613,
12178,
25,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
36,
2100,
12632,
262,
2746,
628,
220,
220,
220,
220,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
22468,
8,
9922,
357,
261,
257,
657,
284,
352,
5046,
8,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
18387,
2318,
198,
220,
220,
220,
220,
220,
220,
220,
279,
5657,
796,
256,
80,
36020,
13,
83,
80,
36020,
7,
23350,
28,
11925,
7,
944,
13,
29356,
828,
2666,
28,
25101,
8,
198,
220,
220,
220,
220,
220,
220,
220,
279,
5657,
13,
2617,
62,
11213,
7203,
36,
2100,
11927,
986,
366,
8,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
5345,
284,
5418,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
19849,
13,
18206,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
26304,
198,
220,
220,
220,
220,
220,
220,
220,
329,
1366,
11,
2496,
287,
2116,
13,
29356,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
351,
28034,
13,
3919,
62,
9744,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
1675,
3335,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1366,
11,
2496,
796,
1366,
13,
1462,
7,
944,
13,
25202,
828,
2496,
13,
1462,
7,
944,
13,
25202,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
19530,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
503,
796,
2116,
13,
19849,
7,
7890,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
4134,
62,
4164,
1173,
13,
19119,
7,
448,
11,
2496,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
10133,
4371,
2318,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
279,
5657,
13,
19119,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
279,
5657,
13,
19836,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
9922,
796,
2116,
13,
4134,
62,
4164,
1173,
13,
5589,
1133,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
6404,
1362,
13,
10951,
7,
69,
1,
17320,
23843,
25,
1391,
4134,
23843,
25,
13,
19,
69,
32239,
77,
4943,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
9922,
198
] | 2.194444 | 576 |
import functools
import idna
import logging
import re
import requests
import rfc3339
import time
from bottle import Bottle, request, response, static_file, template, redirect
from datetime import timedelta
from publicsuffixlist import PublicSuffixList
from requests_oauthlib import OAuth1
from urllib.parse import urlsplit
from utils.param_parse import (ParamParseError, parse_params,
integer_param, string_param, boolean_param)
from .misc import html_default_error_hander, security_headers, set_headers
log = logging.getLogger(__name__)
# Disable some logging to reduce log spam.
# Elasticsearch logs all requests at (at least) INFO level.
logging.getLogger('elasticsearch').setLevel(logging.WARNING)
PSL_CACHE_SIZE = 10_000
psl = PublicSuffixList()
# Domains are a series of two or more names, separated by periods, with an optional trailing period.
# (Technically one name is allowed, but TLDs aren't usually HTTP sites.)
# (Note that we actually strip any trailing period during normalization - along with lowercasing
# characters - but support has been left in the regex for completeness.)
# Each name can contain latin characters (case insensitive), digits, or dashes.
# Names can't be longer than 63 characters, or start/end with a dash.
# The final name - the TLD - can't be numeric (only digits).
DOMAIN_REGEX = re.compile(r'^(?:[a-z\d](?:[a-z\d-]{0,61}[a-z\d])?\.)+(?!\d+\.?$)[a-z\d](?:[a-z\d-]{0,61}[a-z\d])?\.?$')
DOMAIN_MAX_LENGTH = 253
REQUEST_TIMEOUT_INDIVIDUAL = 5
SCAN_START_TIMEOUT = 20
SCAN_TIMEOUT = 30
SCAN_AGENT = 'GpcSupBot'
SCAN_HEADERS = {'User-Agent': f'{SCAN_AGENT}/0.1 (https://gpcsup.com)'}
ROBOTS_MAX_CONTENT_LENGTH = 512 * 1024 # 512kB
GPC_PATH = '/.well-known/gpc.json'
GPC_MAX_CONTENT_LENGTH = 1024 # 1kB
SCAN_TTL = timedelta(minutes=10)
NEXT_SCAN_OFFSET = timedelta(days=7)
SCAN_FAIL_OFFSETS = [
timedelta(days=1),
timedelta(days=7),
timedelta(days=30),
]
SCAN_RESULT_MAX_AGE_SECS = SCAN_TTL.seconds
SCAN_RESULT_HEADERS = {'Cache-Control': f'max-age={SCAN_RESULT_MAX_AGE_SECS}'}
STATIC_FILE_MAX_AGE_SECS = timedelta(hours=1).seconds
STATIC_FILE_HEADERS = {'Cache-Control': f'max-age={STATIC_FILE_MAX_AGE_SECS}'}
SITES_PAGE_SIZE = 8
SERVER_READY = True
class ScanError(Exception):
"""The scan has failed, and the user should be shown the specified template."""
@functools.lru_cache(maxsize=PSL_CACHE_SIZE)
| [
11748,
1257,
310,
10141,
198,
11748,
4686,
2616,
198,
11748,
18931,
198,
11748,
302,
198,
11748,
7007,
198,
11748,
374,
16072,
2091,
2670,
198,
11748,
640,
198,
198,
6738,
9294,
1330,
33608,
11,
2581,
11,
2882,
11,
9037,
62,
7753,
11,
11055,
11,
18941,
198,
6738,
4818,
8079,
1330,
28805,
12514,
198,
6738,
1171,
37333,
844,
4868,
1330,
5094,
50,
1648,
844,
8053,
198,
6738,
7007,
62,
12162,
1071,
8019,
1330,
440,
30515,
16,
198,
6738,
2956,
297,
571,
13,
29572,
1330,
2956,
7278,
489,
270,
198,
198,
6738,
3384,
4487,
13,
17143,
62,
29572,
1330,
357,
22973,
10044,
325,
12331,
11,
21136,
62,
37266,
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,
18253,
62,
17143,
11,
4731,
62,
17143,
11,
25131,
62,
17143,
8,
198,
198,
6738,
764,
44374,
1330,
27711,
62,
12286,
62,
18224,
62,
44510,
11,
2324,
62,
50145,
11,
900,
62,
50145,
628,
198,
6404,
796,
18931,
13,
1136,
11187,
1362,
7,
834,
3672,
834,
8,
198,
198,
2,
31529,
617,
18931,
284,
4646,
2604,
18084,
13,
198,
2,
48567,
12947,
17259,
477,
7007,
379,
357,
265,
1551,
8,
24890,
1241,
13,
198,
6404,
2667,
13,
1136,
11187,
1362,
10786,
417,
3477,
12947,
27691,
2617,
4971,
7,
6404,
2667,
13,
31502,
8,
198,
198,
3705,
43,
62,
34,
2246,
13909,
62,
33489,
796,
838,
62,
830,
198,
862,
75,
796,
5094,
50,
1648,
844,
8053,
3419,
198,
198,
2,
9666,
1299,
389,
257,
2168,
286,
734,
393,
517,
3891,
11,
11266,
416,
9574,
11,
351,
281,
11902,
25462,
2278,
13,
198,
2,
357,
25574,
1146,
530,
1438,
318,
3142,
11,
475,
309,
11163,
82,
3588,
470,
3221,
14626,
5043,
2014,
198,
2,
357,
6425,
326,
356,
1682,
10283,
597,
25462,
2278,
1141,
3487,
1634,
532,
1863,
351,
2793,
66,
2313,
198,
2,
220,
3435,
532,
475,
1104,
468,
587,
1364,
287,
262,
40364,
329,
1224,
43205,
2014,
198,
2,
5501,
1438,
460,
3994,
3042,
259,
3435,
357,
7442,
41246,
828,
19561,
11,
393,
288,
7465,
13,
198,
2,
28531,
460,
470,
307,
2392,
621,
8093,
3435,
11,
393,
923,
14,
437,
351,
257,
14470,
13,
198,
2,
383,
2457,
1438,
532,
262,
309,
11163,
532,
460,
470,
307,
35575,
357,
8807,
19561,
737,
198,
39170,
29833,
62,
31553,
6369,
796,
302,
13,
5589,
576,
7,
81,
6,
61,
7,
27514,
58,
64,
12,
89,
59,
67,
16151,
27514,
58,
64,
12,
89,
59,
67,
12,
60,
90,
15,
11,
5333,
92,
58,
64,
12,
89,
59,
67,
12962,
30,
59,
2014,
33747,
12248,
59,
67,
10,
17405,
30,
3,
38381,
64,
12,
89,
59,
67,
16151,
27514,
58,
64,
12,
89,
59,
67,
12,
60,
90,
15,
11,
5333,
92,
58,
64,
12,
89,
59,
67,
12962,
30,
17405,
30,
3,
11537,
198,
39170,
29833,
62,
22921,
62,
43,
49494,
796,
32056,
198,
198,
2200,
35780,
62,
34694,
12425,
62,
12115,
3824,
2389,
25620,
796,
642,
198,
198,
6173,
1565,
62,
2257,
7227,
62,
34694,
12425,
796,
1160,
198,
6173,
1565,
62,
34694,
12425,
796,
1542,
198,
6173,
1565,
62,
4760,
3525,
796,
705,
38,
14751,
40784,
20630,
6,
198,
6173,
1565,
62,
37682,
4877,
796,
1391,
6,
12982,
12,
36772,
10354,
277,
6,
90,
6173,
1565,
62,
4760,
3525,
92,
14,
15,
13,
16,
357,
5450,
1378,
31197,
6359,
929,
13,
785,
33047,
92,
198,
49,
9864,
33472,
62,
22921,
62,
37815,
3525,
62,
43,
49494,
796,
22243,
1635,
28119,
220,
1303,
22243,
38841,
198,
38,
5662,
62,
34219,
796,
705,
11757,
4053,
12,
4002,
14,
70,
14751,
13,
17752,
6,
198,
38,
5662,
62,
22921,
62,
37815,
3525,
62,
43,
49494,
796,
28119,
220,
1303,
352,
38841,
198,
198,
6173,
1565,
62,
51,
14990,
796,
28805,
12514,
7,
1084,
1769,
28,
940,
8,
198,
45,
13918,
62,
6173,
1565,
62,
27977,
28480,
796,
28805,
12514,
7,
12545,
28,
22,
8,
198,
6173,
1565,
62,
7708,
4146,
62,
27977,
28480,
50,
796,
685,
198,
220,
220,
220,
28805,
12514,
7,
12545,
28,
16,
828,
198,
220,
220,
220,
28805,
12514,
7,
12545,
28,
22,
828,
198,
220,
220,
220,
28805,
12514,
7,
12545,
28,
1270,
828,
198,
60,
198,
198,
6173,
1565,
62,
19535,
16724,
62,
22921,
62,
11879,
62,
23683,
50,
796,
6374,
1565,
62,
51,
14990,
13,
43012,
198,
6173,
1565,
62,
19535,
16724,
62,
37682,
4877,
796,
1391,
6,
30562,
12,
15988,
10354,
277,
1101,
897,
12,
496,
34758,
6173,
1565,
62,
19535,
16724,
62,
22921,
62,
11879,
62,
23683,
50,
92,
6,
92,
198,
198,
35744,
2149,
62,
25664,
62,
22921,
62,
11879,
62,
23683,
50,
796,
28805,
12514,
7,
24425,
28,
16,
737,
43012,
198,
35744,
2149,
62,
25664,
62,
37682,
4877,
796,
1391,
6,
30562,
12,
15988,
10354,
277,
1101,
897,
12,
496,
34758,
35744,
2149,
62,
25664,
62,
22921,
62,
11879,
62,
23683,
50,
92,
6,
92,
198,
198,
50,
2043,
1546,
62,
4537,
8264,
62,
33489,
796,
807,
198,
198,
35009,
5959,
62,
15675,
56,
796,
6407,
628,
198,
4871,
20937,
12331,
7,
16922,
2599,
198,
220,
220,
220,
37227,
464,
9367,
468,
4054,
11,
290,
262,
2836,
815,
307,
3402,
262,
7368,
11055,
526,
15931,
628,
198,
31,
12543,
310,
10141,
13,
75,
622,
62,
23870,
7,
9806,
7857,
28,
3705,
43,
62,
34,
2246,
13909,
62,
33489,
8,
628,
628,
628,
198
] | 2.679245 | 901 |
import myhdl
from myhdl import delay
| [
198,
11748,
616,
71,
25404,
198,
6738,
616,
71,
25404,
1330,
5711,
628
] | 3 | 13 |
import operator
import re
from typing import Any, Dict, List, Tuple, Union
import frappe
from frappe import _
from frappe.query_builder import Criterion, Field, Order
def like(key: str, value: str) -> frappe.qb:
"""Wrapper method for `LIKE`
Args:
key (str): field
value (str): criterion
Returns:
frappe.qb: `frappe.qb object with `LIKE`
"""
return Field(key).like(value)
def func_in(key: str, value: Union[List, Tuple]) -> frappe.qb:
"""Wrapper method for `IN`
Args:
key (str): field
value (Union[int, str]): criterion
Returns:
frappe.qb: `frappe.qb object with `IN`
"""
return Field(key).isin(value)
def not_like(key: str, value: str) -> frappe.qb:
"""Wrapper method for `NOT LIKE`
Args:
key (str): field
value (str): criterion
Returns:
frappe.qb: `frappe.qb object with `NOT LIKE`
"""
return Field(key).not_like(value)
def func_not_in(key: str, value: Union[List, Tuple]):
"""Wrapper method for `NOT IN`
Args:
key (str): field
value (Union[int, str]): criterion
Returns:
frappe.qb: `frappe.qb object with `NOT IN`
"""
return Field(key).notin(value)
def func_regex(key: str, value: str) -> frappe.qb:
"""Wrapper method for `REGEX`
Args:
key (str): field
value (str): criterion
Returns:
frappe.qb: `frappe.qb object with `REGEX`
"""
return Field(key).regex(value)
def func_between(key: str, value: Union[List, Tuple]) -> frappe.qb:
"""Wrapper method for `BETWEEN`
Args:
key (str): field
value (Union[int, str]): criterion
Returns:
frappe.qb: `frappe.qb object with `BETWEEN`
"""
return Field(key)[slice(*value)]
def make_function(key: Any, value: Union[int, str]):
"""returns fucntion query
Args:
key (Any): field
value (Union[int, str]): criterion
Returns:
frappe.qb: frappe.qb object
"""
return OPERATOR_MAP[value[0]](key, value[1])
def change_orderby(order: str):
"""Convert orderby to standart Order object
Args:
order (str): Field, order
Returns:
tuple: field, order
"""
order = order.split()
if order[1].lower() == "asc":
orderby, order = order[0], Order.asc
return orderby, order
orderby, order = order[0], Order.desc
return orderby, order
OPERATOR_MAP = {
"+": operator.add,
"=": operator.eq,
"-": operator.sub,
"!=": operator.ne,
"<": operator.lt,
">": operator.gt,
"<=": operator.le,
">=": operator.ge,
"in": func_in,
"not in": func_not_in,
"like": like,
"not like": not_like,
"regex": func_regex,
"between": func_between
}
| [
11748,
10088,
198,
11748,
302,
198,
6738,
19720,
1330,
4377,
11,
360,
713,
11,
7343,
11,
309,
29291,
11,
4479,
198,
198,
11748,
5306,
27768,
198,
6738,
5306,
27768,
1330,
4808,
198,
6738,
5306,
27768,
13,
22766,
62,
38272,
1330,
10056,
28019,
11,
7663,
11,
8284,
628,
198,
4299,
588,
7,
2539,
25,
965,
11,
1988,
25,
965,
8,
4613,
5306,
27768,
13,
80,
65,
25,
198,
197,
37811,
36918,
2848,
2446,
329,
4600,
31271,
7336,
63,
628,
197,
42035,
25,
198,
197,
197,
2539,
357,
2536,
2599,
2214,
198,
197,
197,
8367,
357,
2536,
2599,
34054,
628,
197,
35561,
25,
198,
197,
197,
69,
430,
27768,
13,
80,
65,
25,
4600,
69,
430,
27768,
13,
80,
65,
2134,
351,
4600,
31271,
7336,
63,
198,
197,
37811,
198,
197,
7783,
7663,
7,
2539,
737,
2339,
7,
8367,
8,
628,
198,
4299,
25439,
62,
259,
7,
2539,
25,
965,
11,
1988,
25,
4479,
58,
8053,
11,
309,
29291,
12962,
4613,
5306,
27768,
13,
80,
65,
25,
198,
197,
37811,
36918,
2848,
2446,
329,
4600,
1268,
63,
628,
197,
42035,
25,
198,
197,
197,
2539,
357,
2536,
2599,
2214,
198,
197,
197,
8367,
357,
38176,
58,
600,
11,
965,
60,
2599,
34054,
628,
197,
35561,
25,
198,
197,
197,
69,
430,
27768,
13,
80,
65,
25,
4600,
69,
430,
27768,
13,
80,
65,
2134,
351,
4600,
1268,
63,
198,
197,
37811,
198,
197,
7783,
7663,
7,
2539,
737,
45763,
7,
8367,
8,
628,
198,
4299,
407,
62,
2339,
7,
2539,
25,
965,
11,
1988,
25,
965,
8,
4613,
5306,
27768,
13,
80,
65,
25,
198,
197,
37811,
36918,
2848,
2446,
329,
4600,
11929,
34178,
63,
628,
197,
42035,
25,
198,
197,
197,
2539,
357,
2536,
2599,
2214,
198,
197,
197,
8367,
357,
2536,
2599,
34054,
628,
197,
35561,
25,
198,
197,
197,
69,
430,
27768,
13,
80,
65,
25,
4600,
69,
430,
27768,
13,
80,
65,
2134,
351,
4600,
11929,
34178,
63,
198,
197,
37811,
198,
197,
7783,
7663,
7,
2539,
737,
1662,
62,
2339,
7,
8367,
8,
628,
198,
4299,
25439,
62,
1662,
62,
259,
7,
2539,
25,
965,
11,
1988,
25,
4479,
58,
8053,
11,
309,
29291,
60,
2599,
198,
197,
37811,
36918,
2848,
2446,
329,
4600,
11929,
3268,
63,
628,
197,
42035,
25,
198,
197,
197,
2539,
357,
2536,
2599,
2214,
198,
197,
197,
8367,
357,
38176,
58,
600,
11,
965,
60,
2599,
34054,
628,
197,
35561,
25,
198,
197,
197,
69,
430,
27768,
13,
80,
65,
25,
4600,
69,
430,
27768,
13,
80,
65,
2134,
351,
4600,
11929,
3268,
63,
198,
197,
37811,
198,
197,
7783,
7663,
7,
2539,
737,
1662,
259,
7,
8367,
8,
628,
198,
4299,
25439,
62,
260,
25636,
7,
2539,
25,
965,
11,
1988,
25,
965,
8,
4613,
5306,
27768,
13,
80,
65,
25,
198,
197,
37811,
36918,
2848,
2446,
329,
4600,
31553,
6369,
63,
628,
197,
42035,
25,
198,
197,
197,
2539,
357,
2536,
2599,
2214,
198,
197,
197,
8367,
357,
2536,
2599,
34054,
628,
197,
35561,
25,
198,
197,
197,
69,
430,
27768,
13,
80,
65,
25,
4600,
69,
430,
27768,
13,
80,
65,
2134,
351,
4600,
31553,
6369,
63,
198,
197,
37811,
198,
197,
7783,
7663,
7,
2539,
737,
260,
25636,
7,
8367,
8,
628,
198,
4299,
25439,
62,
23395,
7,
2539,
25,
965,
11,
1988,
25,
4479,
58,
8053,
11,
309,
29291,
12962,
4613,
5306,
27768,
13,
80,
65,
25,
198,
197,
37811,
36918,
2848,
2446,
329,
4600,
33,
2767,
8845,
1677,
63,
628,
197,
42035,
25,
198,
197,
197,
2539,
357,
2536,
2599,
2214,
198,
197,
197,
8367,
357,
38176,
58,
600,
11,
965,
60,
2599,
34054,
628,
197,
35561,
25,
198,
197,
197,
69,
430,
27768,
13,
80,
65,
25,
4600,
69,
430,
27768,
13,
80,
65,
2134,
351,
4600,
33,
2767,
8845,
1677,
63,
198,
197,
37811,
198,
197,
7783,
7663,
7,
2539,
38381,
48369,
46491,
8367,
15437,
198,
198,
4299,
787,
62,
8818,
7,
2539,
25,
4377,
11,
1988,
25,
4479,
58,
600,
11,
965,
60,
2599,
198,
197,
37811,
7783,
82,
277,
1229,
429,
295,
12405,
628,
197,
42035,
25,
198,
197,
197,
2539,
357,
7149,
2599,
2214,
198,
197,
197,
8367,
357,
38176,
58,
600,
11,
965,
60,
2599,
34054,
628,
197,
35561,
25,
198,
197,
197,
69,
430,
27768,
13,
80,
65,
25,
5306,
27768,
13,
80,
65,
2134,
198,
197,
37811,
198,
197,
7783,
43521,
25633,
62,
33767,
58,
8367,
58,
15,
11907,
7,
2539,
11,
1988,
58,
16,
12962,
628,
198,
4299,
1487,
62,
2875,
1525,
7,
2875,
25,
965,
2599,
198,
197,
37811,
3103,
1851,
1502,
1525,
284,
1302,
433,
8284,
2134,
628,
197,
42035,
25,
198,
197,
197,
2875,
357,
2536,
2599,
7663,
11,
1502,
628,
197,
35561,
25,
198,
197,
197,
83,
29291,
25,
2214,
11,
1502,
198,
197,
37811,
198,
197,
2875,
796,
1502,
13,
35312,
3419,
198,
197,
361,
1502,
58,
16,
4083,
21037,
3419,
6624,
366,
3372,
1298,
198,
197,
197,
2875,
1525,
11,
1502,
796,
1502,
58,
15,
4357,
8284,
13,
3372,
198,
197,
197,
7783,
1502,
1525,
11,
1502,
198,
197,
2875,
1525,
11,
1502,
796,
1502,
58,
15,
4357,
8284,
13,
20147,
198,
197,
7783,
1502,
1525,
11,
1502,
628,
198,
31054,
25633,
62,
33767,
796,
1391,
198,
197,
197,
197,
197,
197,
1,
10,
1298,
10088,
13,
2860,
11,
198,
197,
197,
197,
197,
197,
1,
28,
1298,
10088,
13,
27363,
11,
198,
197,
197,
197,
197,
197,
26793,
1298,
10088,
13,
7266,
11,
198,
197,
197,
197,
197,
197,
40484,
28,
1298,
10088,
13,
710,
11,
198,
197,
197,
197,
197,
197,
1,
27,
1298,
10088,
13,
2528,
11,
198,
197,
197,
197,
197,
197,
5320,
1298,
10088,
13,
13655,
11,
198,
197,
197,
197,
197,
197,
1,
27,
28,
1298,
10088,
13,
293,
11,
198,
197,
197,
197,
197,
197,
5320,
28,
1298,
10088,
13,
469,
11,
198,
197,
197,
197,
197,
197,
1,
259,
1298,
25439,
62,
259,
11,
198,
197,
197,
197,
197,
197,
1,
1662,
287,
1298,
25439,
62,
1662,
62,
259,
11,
198,
197,
197,
197,
197,
197,
1,
2339,
1298,
588,
11,
198,
197,
197,
197,
197,
197,
1,
1662,
588,
1298,
407,
62,
2339,
11,
198,
197,
197,
197,
197,
197,
1,
260,
25636,
1298,
25439,
62,
260,
25636,
11,
198,
197,
197,
197,
197,
197,
1,
23395,
1298,
25439,
62,
23395,
198,
197,
197,
197,
197,
92,
628
] | 2.401515 | 1,056 |
import json
from decimal import Decimal
from typing import Optional, Dict
from lib.exchange.upbit.model.post_orders_response import PostOrdersResponse
from lib.order.order import Order
from lib.order.order_type import OrderType
from lib.type import JsonString
| [
11748,
33918,
198,
6738,
32465,
1330,
4280,
4402,
198,
6738,
19720,
1330,
32233,
11,
360,
713,
198,
198,
6738,
9195,
13,
1069,
3803,
13,
929,
2545,
13,
19849,
13,
7353,
62,
6361,
62,
26209,
1330,
2947,
35422,
364,
31077,
198,
6738,
9195,
13,
2875,
13,
2875,
1330,
8284,
198,
6738,
9195,
13,
2875,
13,
2875,
62,
4906,
1330,
8284,
6030,
198,
6738,
9195,
13,
4906,
1330,
449,
1559,
10100,
628
] | 3.742857 | 70 |
import pytest
from lhotse.cut import make_windowed_cuts_from_features
from lhotse.features import Features, FeatureSet
def features(rec_id, start, duration):
"""Helper method for fixture readability (specify only relevant attributes)."""
return Features(
recording_id=rec_id,
channels=0,
start=start,
duration=duration,
sampling_rate=16000,
type="irrelevant",
num_frames=round(duration / 0.01),
num_features=23,
storage_type="irrelevant",
storage_path="irrelevant",
storage_key="irrelevant",
frame_shift=0.01,
)
@pytest.fixture
# noinspection PyMethodMayBeStatic
| [
11748,
12972,
9288,
198,
198,
6738,
300,
8940,
325,
13,
8968,
1330,
787,
62,
7972,
6972,
62,
23779,
62,
6738,
62,
40890,
198,
6738,
300,
8940,
325,
13,
40890,
1330,
17571,
11,
27018,
7248,
628,
198,
4299,
3033,
7,
8344,
62,
312,
11,
923,
11,
9478,
2599,
198,
220,
220,
220,
37227,
47429,
2446,
329,
29220,
1100,
1799,
357,
16684,
1958,
691,
5981,
12608,
21387,
15931,
198,
220,
220,
220,
1441,
17571,
7,
198,
220,
220,
220,
220,
220,
220,
220,
8296,
62,
312,
28,
8344,
62,
312,
11,
198,
220,
220,
220,
220,
220,
220,
220,
9619,
28,
15,
11,
198,
220,
220,
220,
220,
220,
220,
220,
923,
28,
9688,
11,
198,
220,
220,
220,
220,
220,
220,
220,
9478,
28,
32257,
11,
198,
220,
220,
220,
220,
220,
220,
220,
19232,
62,
4873,
28,
1433,
830,
11,
198,
220,
220,
220,
220,
220,
220,
220,
2099,
2625,
343,
49659,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
997,
62,
37805,
28,
744,
7,
32257,
1220,
657,
13,
486,
828,
198,
220,
220,
220,
220,
220,
220,
220,
997,
62,
40890,
28,
1954,
11,
198,
220,
220,
220,
220,
220,
220,
220,
6143,
62,
4906,
2625,
343,
49659,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
6143,
62,
6978,
2625,
343,
49659,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
6143,
62,
2539,
2625,
343,
49659,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
5739,
62,
30846,
28,
15,
13,
486,
11,
198,
220,
220,
220,
1267,
628,
198,
31,
9078,
9288,
13,
69,
9602,
628,
198,
2,
645,
1040,
14978,
9485,
17410,
6747,
3856,
45442,
198
] | 2.483516 | 273 |
import builtins
import collections
import copy
import functools
import itertools
import math
import operator
import types
import warnings
from functools import lru_cache
import numpy
import torch
from . import config
@lru_cache(None)
@lru_cache(None)
def _allowed_function_ids():
"""
Walk torch.* and get the ids of all the stuff in it
"""
warnings.filterwarnings("ignore", category=UserWarning, module="torch.distributed")
torch.distributions.Distribution.set_default_validate_args(False)
torch_object_ids = dict()
_find_torch_objects(torch)
_find_torch_objects(math)
for idx in _disallowed_function_ids():
if idx in torch_object_ids:
del torch_object_ids[idx]
return torch_object_ids
def is_allowed(obj):
"""Is this safe to trace like torch.add ?"""
return id(obj) in _allowed_function_ids()
def is_disallowed(obj):
"""Is this safe to trace like torch.add ?"""
return id(obj) in _disallowed_function_ids()
@lru_cache(None)
@lru_cache(None)
| [
11748,
3170,
1040,
198,
11748,
17268,
198,
11748,
4866,
198,
11748,
1257,
310,
10141,
198,
11748,
340,
861,
10141,
198,
11748,
10688,
198,
11748,
10088,
198,
11748,
3858,
198,
11748,
14601,
198,
6738,
1257,
310,
10141,
1330,
300,
622,
62,
23870,
198,
198,
11748,
299,
32152,
198,
11748,
28034,
198,
198,
6738,
764,
1330,
4566,
628,
198,
31,
75,
622,
62,
23870,
7,
14202,
8,
628,
198,
31,
75,
622,
62,
23870,
7,
14202,
8,
198,
4299,
4808,
40845,
62,
8818,
62,
2340,
33529,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
6857,
28034,
15885,
290,
651,
262,
220,
2340,
286,
477,
262,
3404,
287,
340,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
14601,
13,
24455,
40539,
654,
7203,
46430,
1600,
6536,
28,
12982,
20361,
11,
8265,
2625,
13165,
354,
13,
17080,
6169,
4943,
198,
220,
220,
220,
28034,
13,
17080,
2455,
507,
13,
20344,
3890,
13,
2617,
62,
12286,
62,
12102,
378,
62,
22046,
7,
25101,
8,
198,
220,
220,
220,
28034,
62,
15252,
62,
2340,
796,
8633,
3419,
628,
220,
220,
220,
4808,
19796,
62,
13165,
354,
62,
48205,
7,
13165,
354,
8,
198,
220,
220,
220,
4808,
19796,
62,
13165,
354,
62,
48205,
7,
11018,
8,
628,
220,
220,
220,
329,
4686,
87,
287,
4808,
6381,
40845,
62,
8818,
62,
2340,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
611,
4686,
87,
287,
28034,
62,
15252,
62,
2340,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1619,
28034,
62,
15252,
62,
2340,
58,
312,
87,
60,
628,
220,
220,
220,
1441,
28034,
62,
15252,
62,
2340,
628,
198,
4299,
318,
62,
40845,
7,
26801,
2599,
198,
220,
220,
220,
37227,
3792,
428,
3338,
284,
12854,
588,
28034,
13,
2860,
220,
1701,
15931,
198,
220,
220,
220,
1441,
4686,
7,
26801,
8,
287,
4808,
40845,
62,
8818,
62,
2340,
3419,
628,
198,
4299,
318,
62,
6381,
40845,
7,
26801,
2599,
198,
220,
220,
220,
37227,
3792,
428,
3338,
284,
12854,
588,
28034,
13,
2860,
220,
1701,
15931,
198,
220,
220,
220,
1441,
4686,
7,
26801,
8,
287,
4808,
6381,
40845,
62,
8818,
62,
2340,
3419,
628,
198,
31,
75,
622,
62,
23870,
7,
14202,
8,
628,
198,
198,
31,
75,
622,
62,
23870,
7,
14202,
8,
628
] | 2.743386 | 378 |
from transformers import BertConfig, BertForSequenceClassification, BertTokenizer
import torch
import os
import json
import logging
MAX_CONTEXT_LEN = 120
if __name__ == "__main__":
cloze_model = ClozeMCModel("cuda:0")
split_dir="/mnt/sharedfolder/hpchan/datasets/cased-cnn-dailymail_coref/train"
with open(os.path.join(split_dir, "{}.json".format(0))) as f:
js = json.loads(f.read())
"""
masked_questions_ids_list = js["masked_question_ids_list"]
multiple_choices_ids_list = js["multiple_choices_ids_list"]
answer_id_list = js["answer_idx_list"]
summary_sent_list = js["abstract"]
summary_str = ' '.join(summary_sent_list)
context_str_list = [summary_str for i in range(len(answer_id_list))]
context_str_list[-1] = "Mentally ill inmates in Miami are housed on the `` forgotten floor '' Judge Steven Leifman says most are there as a result of `` avoidable felonies ''"
confidence_score = cloze_model.compute_confidence_score(masked_questions_ids_list, multiple_choices_ids_list, answer_id_list, context_str_list)
print(masked_questions_ids_list)
print(multiple_choices_ids_list)
print(context_str_list)
print(answer_id_list)
print(len(answer_id_list))
print(confidence_score)
"""
masked_questions_ids_2dlist = []
multiple_choices_ids_2dlist = []
answer_id_2dlist = []
context_str_2dlist = []
for i in range(3):
with open(os.path.join(split_dir, "{}.json".format(i))) as f:
js = json.loads(f.read())
masked_questions_ids_list = js["masked_question_ids_list"]
multiple_choices_ids_list = js["multiple_choices_ids_list"]
answer_id_list = js["answer_idx_list"]
summary_sent_list = js["abstract"]
summary_str = ' '.join(summary_sent_list)
context_str_list = [summary_str for i in range(len(answer_id_list))]
masked_questions_ids_2dlist.append(masked_questions_ids_list)
multiple_choices_ids_2dlist.append(multiple_choices_ids_list)
answer_id_2dlist.append(answer_id_list)
context_str_2dlist.append(context_str_list)
num_questions_per_sample = [len(questions) for questions in masked_questions_ids_2dlist]
print(num_questions_per_sample)
flattened_masked_questions_ids_list = []
flattened_answer_id_list = []
flattened_multiple_choices_ids_list = []
flattened_context_str_list = []
for masked_question_ids_list, answer_id_list, multiple_choices_ids_list, context_str_list in zip(masked_questions_ids_2dlist, answer_id_2dlist,
multiple_choices_ids_2dlist, context_str_2dlist):
flattened_masked_questions_ids_list += masked_question_ids_list
flattened_answer_id_list += answer_id_list
flattened_multiple_choices_ids_list += multiple_choices_ids_list
flattened_context_str_list += context_str_list
print(flattened_context_str_list)
print(len(flattened_context_str_list))
print(len(flattened_masked_questions_ids_list))
print(len(flattened_answer_id_list))
print(len(flattened_multiple_choices_ids_list))
confidence_score = cloze_model.compute_confidence_score(flattened_masked_questions_ids_list, flattened_multiple_choices_ids_list, flattened_answer_id_list, flattened_context_str_list)
print(confidence_score)
num_processed_samples = 0
score_for_each_batch = []
for i in range(len(num_questions_per_sample)):
# average for each batch
avg_score = confidence_score[num_processed_samples:num_processed_samples+num_questions_per_sample[i]].mean(dim=0)
score_for_each_batch.append(avg_score)
print(num_processed_samples)
print(num_processed_samples+num_questions_per_sample[i])
num_processed_samples += num_questions_per_sample[i]
print(score_for_each_batch)
score_for_each_batch = torch.cat(score_for_each_batch, dim=0)
print(score_for_each_batch)
print(score_for_each_batch.size())
| [
6738,
6121,
364,
1330,
22108,
16934,
11,
22108,
1890,
44015,
594,
9487,
2649,
11,
22108,
30642,
7509,
198,
11748,
28034,
198,
11748,
28686,
198,
11748,
33918,
198,
11748,
18931,
628,
198,
22921,
62,
10943,
32541,
62,
43,
1677,
796,
7982,
628,
198,
198,
361,
11593,
3672,
834,
6624,
366,
834,
12417,
834,
1298,
198,
220,
220,
220,
28050,
2736,
62,
19849,
796,
38700,
2736,
9655,
17633,
7203,
66,
15339,
25,
15,
4943,
198,
220,
220,
220,
6626,
62,
15908,
35922,
76,
429,
14,
28710,
43551,
14,
24831,
3147,
14,
19608,
292,
1039,
14,
66,
839,
12,
66,
20471,
12,
29468,
4529,
62,
7295,
69,
14,
27432,
1,
198,
220,
220,
220,
351,
1280,
7,
418,
13,
6978,
13,
22179,
7,
35312,
62,
15908,
11,
45144,
27422,
17752,
1911,
18982,
7,
15,
22305,
355,
277,
25,
198,
220,
220,
220,
220,
220,
220,
220,
44804,
796,
33918,
13,
46030,
7,
69,
13,
961,
28955,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
29229,
62,
6138,
507,
62,
2340,
62,
4868,
796,
44804,
14692,
27932,
276,
62,
25652,
62,
2340,
62,
4868,
8973,
198,
220,
220,
220,
3294,
62,
6679,
1063,
62,
2340,
62,
4868,
796,
44804,
14692,
48101,
62,
6679,
1063,
62,
2340,
62,
4868,
8973,
198,
220,
220,
220,
3280,
62,
312,
62,
4868,
796,
44804,
14692,
41484,
62,
312,
87,
62,
4868,
8973,
198,
220,
220,
220,
10638,
62,
34086,
62,
4868,
796,
44804,
14692,
397,
8709,
8973,
198,
220,
220,
220,
10638,
62,
2536,
796,
705,
45302,
22179,
7,
49736,
62,
34086,
62,
4868,
8,
198,
220,
220,
220,
4732,
62,
2536,
62,
4868,
796,
685,
49736,
62,
2536,
329,
1312,
287,
2837,
7,
11925,
7,
41484,
62,
312,
62,
4868,
4008,
60,
198,
220,
220,
220,
4732,
62,
2536,
62,
4868,
58,
12,
16,
60,
796,
366,
44,
298,
453,
2801,
16831,
287,
8437,
389,
23707,
319,
262,
7559,
11564,
4314,
10148,
8974,
8239,
1004,
361,
805,
1139,
749,
389,
612,
355,
257,
1255,
286,
7559,
3368,
540,
10756,
17300,
10148,
1,
198,
220,
220,
220,
6628,
62,
26675,
796,
28050,
2736,
62,
19849,
13,
5589,
1133,
62,
39745,
62,
26675,
7,
27932,
276,
62,
6138,
507,
62,
2340,
62,
4868,
11,
3294,
62,
6679,
1063,
62,
2340,
62,
4868,
11,
3280,
62,
312,
62,
4868,
11,
4732,
62,
2536,
62,
4868,
8,
198,
220,
220,
220,
3601,
7,
27932,
276,
62,
6138,
507,
62,
2340,
62,
4868,
8,
198,
220,
220,
220,
3601,
7,
48101,
62,
6679,
1063,
62,
2340,
62,
4868,
8,
198,
220,
220,
220,
3601,
7,
22866,
62,
2536,
62,
4868,
8,
198,
220,
220,
220,
3601,
7,
41484,
62,
312,
62,
4868,
8,
198,
220,
220,
220,
3601,
7,
11925,
7,
41484,
62,
312,
62,
4868,
4008,
198,
220,
220,
220,
3601,
7,
39745,
62,
26675,
8,
198,
220,
220,
220,
220,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
29229,
62,
6138,
507,
62,
2340,
62,
17,
67,
4868,
796,
17635,
198,
220,
220,
220,
3294,
62,
6679,
1063,
62,
2340,
62,
17,
67,
4868,
796,
17635,
198,
220,
220,
220,
3280,
62,
312,
62,
17,
67,
4868,
796,
17635,
198,
220,
220,
220,
4732,
62,
2536,
62,
17,
67,
4868,
796,
17635,
198,
220,
220,
220,
329,
1312,
287,
2837,
7,
18,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
351,
1280,
7,
418,
13,
6978,
13,
22179,
7,
35312,
62,
15908,
11,
45144,
27422,
17752,
1911,
18982,
7,
72,
22305,
355,
277,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
44804,
796,
33918,
13,
46030,
7,
69,
13,
961,
28955,
198,
220,
220,
220,
220,
220,
220,
220,
29229,
62,
6138,
507,
62,
2340,
62,
4868,
796,
44804,
14692,
27932,
276,
62,
25652,
62,
2340,
62,
4868,
8973,
198,
220,
220,
220,
220,
220,
220,
220,
3294,
62,
6679,
1063,
62,
2340,
62,
4868,
796,
44804,
14692,
48101,
62,
6679,
1063,
62,
2340,
62,
4868,
8973,
198,
220,
220,
220,
220,
220,
220,
220,
3280,
62,
312,
62,
4868,
796,
44804,
14692,
41484,
62,
312,
87,
62,
4868,
8973,
198,
220,
220,
220,
220,
220,
220,
220,
10638,
62,
34086,
62,
4868,
796,
44804,
14692,
397,
8709,
8973,
198,
220,
220,
220,
220,
220,
220,
220,
10638,
62,
2536,
796,
705,
45302,
22179,
7,
49736,
62,
34086,
62,
4868,
8,
198,
220,
220,
220,
220,
220,
220,
220,
4732,
62,
2536,
62,
4868,
796,
685,
49736,
62,
2536,
329,
1312,
287,
2837,
7,
11925,
7,
41484,
62,
312,
62,
4868,
4008,
60,
198,
220,
220,
220,
220,
220,
220,
220,
29229,
62,
6138,
507,
62,
2340,
62,
17,
67,
4868,
13,
33295,
7,
27932,
276,
62,
6138,
507,
62,
2340,
62,
4868,
8,
198,
220,
220,
220,
220,
220,
220,
220,
3294,
62,
6679,
1063,
62,
2340,
62,
17,
67,
4868,
13,
33295,
7,
48101,
62,
6679,
1063,
62,
2340,
62,
4868,
8,
198,
220,
220,
220,
220,
220,
220,
220,
3280,
62,
312,
62,
17,
67,
4868,
13,
33295,
7,
41484,
62,
312,
62,
4868,
8,
198,
220,
220,
220,
220,
220,
220,
220,
4732,
62,
2536,
62,
17,
67,
4868,
13,
33295,
7,
22866,
62,
2536,
62,
4868,
8,
628,
220,
220,
220,
997,
62,
6138,
507,
62,
525,
62,
39873,
796,
685,
11925,
7,
6138,
507,
8,
329,
2683,
287,
29229,
62,
6138,
507,
62,
2340,
62,
17,
67,
4868,
60,
198,
220,
220,
220,
3601,
7,
22510,
62,
6138,
507,
62,
525,
62,
39873,
8,
198,
220,
220,
220,
45096,
62,
27932,
276,
62,
6138,
507,
62,
2340,
62,
4868,
796,
17635,
198,
220,
220,
220,
45096,
62,
41484,
62,
312,
62,
4868,
796,
17635,
198,
220,
220,
220,
45096,
62,
48101,
62,
6679,
1063,
62,
2340,
62,
4868,
796,
17635,
198,
220,
220,
220,
45096,
62,
22866,
62,
2536,
62,
4868,
796,
17635,
198,
220,
220,
220,
329,
29229,
62,
25652,
62,
2340,
62,
4868,
11,
3280,
62,
312,
62,
4868,
11,
3294,
62,
6679,
1063,
62,
2340,
62,
4868,
11,
4732,
62,
2536,
62,
4868,
287,
19974,
7,
27932,
276,
62,
6138,
507,
62,
2340,
62,
17,
67,
4868,
11,
3280,
62,
312,
62,
17,
67,
4868,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3294,
62,
6679,
1063,
62,
2340,
62,
17,
67,
4868,
11,
4732,
62,
2536,
62,
17,
67,
4868,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
45096,
62,
27932,
276,
62,
6138,
507,
62,
2340,
62,
4868,
15853,
29229,
62,
25652,
62,
2340,
62,
4868,
198,
220,
220,
220,
220,
220,
220,
220,
45096,
62,
41484,
62,
312,
62,
4868,
15853,
3280,
62,
312,
62,
4868,
198,
220,
220,
220,
220,
220,
220,
220,
45096,
62,
48101,
62,
6679,
1063,
62,
2340,
62,
4868,
15853,
3294,
62,
6679,
1063,
62,
2340,
62,
4868,
198,
220,
220,
220,
220,
220,
220,
220,
45096,
62,
22866,
62,
2536,
62,
4868,
15853,
4732,
62,
2536,
62,
4868,
628,
220,
220,
220,
3601,
7,
2704,
1078,
2945,
62,
22866,
62,
2536,
62,
4868,
8,
198,
220,
220,
220,
3601,
7,
11925,
7,
2704,
1078,
2945,
62,
22866,
62,
2536,
62,
4868,
4008,
198,
220,
220,
220,
3601,
7,
11925,
7,
2704,
1078,
2945,
62,
27932,
276,
62,
6138,
507,
62,
2340,
62,
4868,
4008,
198,
220,
220,
220,
3601,
7,
11925,
7,
2704,
1078,
2945,
62,
41484,
62,
312,
62,
4868,
4008,
198,
220,
220,
220,
3601,
7,
11925,
7,
2704,
1078,
2945,
62,
48101,
62,
6679,
1063,
62,
2340,
62,
4868,
4008,
198,
220,
220,
220,
6628,
62,
26675,
796,
28050,
2736,
62,
19849,
13,
5589,
1133,
62,
39745,
62,
26675,
7,
2704,
1078,
2945,
62,
27932,
276,
62,
6138,
507,
62,
2340,
62,
4868,
11,
45096,
62,
48101,
62,
6679,
1063,
62,
2340,
62,
4868,
11,
45096,
62,
41484,
62,
312,
62,
4868,
11,
45096,
62,
22866,
62,
2536,
62,
4868,
8,
198,
220,
220,
220,
3601,
7,
39745,
62,
26675,
8,
198,
220,
220,
220,
997,
62,
14681,
276,
62,
82,
12629,
796,
657,
198,
220,
220,
220,
4776,
62,
1640,
62,
27379,
62,
43501,
796,
17635,
198,
220,
220,
220,
329,
1312,
287,
2837,
7,
11925,
7,
22510,
62,
6138,
507,
62,
525,
62,
39873,
8,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
2811,
329,
1123,
15458,
198,
220,
220,
220,
220,
220,
220,
220,
42781,
62,
26675,
796,
6628,
62,
26675,
58,
22510,
62,
14681,
276,
62,
82,
12629,
25,
22510,
62,
14681,
276,
62,
82,
12629,
10,
22510,
62,
6138,
507,
62,
525,
62,
39873,
58,
72,
60,
4083,
32604,
7,
27740,
28,
15,
8,
198,
220,
220,
220,
220,
220,
220,
220,
4776,
62,
1640,
62,
27379,
62,
43501,
13,
33295,
7,
615,
70,
62,
26675,
8,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
7,
22510,
62,
14681,
276,
62,
82,
12629,
8,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
7,
22510,
62,
14681,
276,
62,
82,
12629,
10,
22510,
62,
6138,
507,
62,
525,
62,
39873,
58,
72,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
997,
62,
14681,
276,
62,
82,
12629,
15853,
997,
62,
6138,
507,
62,
525,
62,
39873,
58,
72,
60,
198,
220,
220,
220,
3601,
7,
26675,
62,
1640,
62,
27379,
62,
43501,
8,
198,
220,
220,
220,
4776,
62,
1640,
62,
27379,
62,
43501,
796,
28034,
13,
9246,
7,
26675,
62,
1640,
62,
27379,
62,
43501,
11,
5391,
28,
15,
8,
198,
220,
220,
220,
3601,
7,
26675,
62,
1640,
62,
27379,
62,
43501,
8,
198,
220,
220,
220,
3601,
7,
26675,
62,
1640,
62,
27379,
62,
43501,
13,
7857,
28955,
198
] | 2.431942 | 1,653 |
from __future__ import division
from __future__ import print_function
from __future__ import absolute_import
from builtins import range
from past.utils import old_div
from .tesisfunctions import Plotim,overlay,padVH
import cv2
import numpy as np
#from invariantMoments import centroid,invmoments,normalizedinvariantmoment,bwmoment
from .tesisfunctions import sigmoid,histogram,brightness,getthresh,threshold,pad,graphpolygontest, polygontest
#http://stackoverflow.com/questions/14725181/speed-up-iteration-over-numpy-arrays-opencv-cv2-image
#http://opencv-python-tutroals.readthedocs.org/en/latest/py_tutorials/py_imgproc/py_contours/py_contour_features/py_contour_features.html
fn1 = r'im1_2.jpg'
#fn1 = r"asift2Result_with_alfa1.png"
#fn1 = r"im_completer_Result2.png"
fore = cv2.imread(fn1)
fore = cv2.resize(fore,(300,300))
name = fn1.split('\\')[-1].split(".")[0]
fore2 = fore.copy()
"""
fore = fore.astype("float")
fb = fore[:,:,0]
fg = fore[:,:,1]
fr = fore[:,:,2]
# threshold retinal area
alfa = -1
beta = 50 # if alfa >0 :if beta = 50 with noise, if beta = 200 without noise
th = 1
kernel = np.ones((100,100),np.uint8)
enhanced = sigmoid(fr,alfa,beta)
thresh = cv2.threshold(enhanced.astype("uint8"),th,1,cv2.THRESH_BINARY_INV)[1]
#dilation = cv2.dilate(thresh,kernel,iterations = 1)
#erosion = cv2.erode(dilation,kernel,iterations = 1)
#closing = cv2.morphologyEx(thresh, cv2.MORPH_CLOSE, kernel)
opening = cv2.morphologyEx(thresh, cv2.MORPH_OPEN, kernel)
#dilation = cv2.dilate(opening,kernel,iterations = 1)
lastthresh = opening
"""
P = brightness(fore)
thresh = getthresh(cv2.resize(P,(300,300)))
print(thresh)
lastthresh=threshold(P,thresh,1,0)
thresh,lastthresh = cv2.threshold(P,0,1,cv2.THRESH_BINARY+cv2.THRESH_OTSU)
#lastthresh = pad(lastthresh,1)
plotc = Plotim(name + " overlayed lastthresh", overlay(fore.copy(), lastthresh * 255, alpha=lastthresh))
plotc.show()
# find biggest area
contours,hierarchy = cv2.findContours(lastthresh.copy(),cv2.RETR_TREE,cv2.CHAIN_APPROX_SIMPLE)
print("objects: ",len(contours))
index = 0
maxarea = 0
#objectarea = np.sum(lastthresh)
for i in range(len(contours)):
area = cv2.contourArea(contours[i])
if area>maxarea:
index = i
maxarea = area
print("area contour:",maxarea,"index: ",index)
cnt = contours[index]
print("optaining polygon test...")
polygontest = graphpolygontest((P,cnt)).show()
#DEFECTS
pallet = [[0,0,0],[255,255,255]]
pallet = np.array(pallet,np.uint8)
imdefects = pallet[lastthresh]
hull = cv2.convexHull(cnt,returnPoints = False)
defects = cv2.convexityDefects(cnt,hull)
distances = defects[:,0,3]
two_max = np.argpartition(distances, -2)[-2:] # get indeces of two maximum values
for i in range(defects.shape[0]):
s,e,f,d = defects[i,0]
start = tuple(cnt[s][0])
end = tuple(cnt[e][0])
far = tuple(cnt[f][0])
cv2.line(imdefects,start,end,[0,255,0],2)
cv2.circle(imdefects,far,5,[0,0,255],-1)
#SEPARATING LINE
points = defects[:,0,2]
x1,y1 = tuple(cnt[points[two_max[0]]][0])
x2,y2 = tuple(cnt[points[two_max[1]]][0])
m = old_div((y2-y1),float(x2-x1))
b = int(y1-x1*m)
# find interception with xf and yf axis
if b>imdefects.shape[0]: # if start outside yf
start = int(old_div((imdefects.shape[0]-b),m)),imdefects.shape[0] # (yf-b)/m, yf
else: # if start inside yf
start = 0,b # 0,y
y = int(m*imdefects.shape[1]+b) # m*xf+b
if y<0: # if end outside yf
end = int(old_div(-b,m)),0# x,0
else: # if end inside yf
end = imdefects.shape[1],y # xf, y
cv2.line(imdefects,start,end,[0,0,100],2)
plotc = Plotim(name + " defects", imdefects)
plotc.show()
#ROI
ROI = np.zeros(P.shape,dtype=np.uint8)
cv2.drawContours(ROI,[cnt],0,1,-1)
plotc = Plotim(name + " ROI", ROI)
plotc.show()
M = cv2.moments(cnt) # find moments
#M2 = invmoments(ROI,Area=None,center=None)
#cx = int(M['m10']/M['m00'])
#cy = int(M['m01']/M['m00'])
#x,y = centroid(ROI,maxarea)
#normalizedinvariantmoment(ROI,maxarea,0,0,x,y)
#n00 = bwmoment(ROI,0,0,cx,cy)
#print "(cx,cy)",(cx,cy)
#print "x,y",x,y
#cv2.circle(fore, (cx,cy), 10, (0, 0, 255), -1, 8)
#cv2.circle(fore, (int(x),int(y)), 10, (0, 255, 255), -1, 8)
cv2.drawContours(fore,[cnt],0,(0, 0, 255),2)
ellipse = cv2.fitEllipse(cnt)
cv2.ellipse(fore,ellipse,(0,255,0),2)
plotc = Plotim(name + " description", fore)
plotc.show()
mask = np.ones(P.shape,dtype=np.uint8)
cv2.ellipse(mask,ellipse,0,-1)
fore2[mask>0]=0
plotc = Plotim(name + " result", fore2)
plotc.show()
cv2.imwrite("mask_"+name+".png",fore2)
"""
# Saving the objects:
import pickle
data = {"thresh":thresh,"lastthresh":lastthresh,"cnt":cnt,"ellipse":ellipse,"polygontest":polygontest}
with open("masks_"+name+'.pickle', 'w') as f:
pickle.dump(data, f)""" | [
6738,
11593,
37443,
834,
1330,
7297,
198,
6738,
11593,
37443,
834,
1330,
3601,
62,
8818,
198,
6738,
11593,
37443,
834,
1330,
4112,
62,
11748,
198,
6738,
3170,
1040,
1330,
2837,
198,
6738,
1613,
13,
26791,
1330,
1468,
62,
7146,
198,
198,
6738,
764,
4879,
4468,
46797,
1330,
28114,
320,
11,
2502,
10724,
11,
15636,
53,
39,
198,
11748,
269,
85,
17,
198,
11748,
299,
32152,
355,
45941,
198,
2,
6738,
25275,
415,
29252,
658,
1330,
1247,
3882,
11,
259,
14761,
296,
658,
11,
11265,
1143,
16340,
2743,
415,
32542,
298,
11,
65,
26377,
296,
298,
198,
6738,
764,
4879,
4468,
46797,
1330,
264,
17225,
1868,
11,
10034,
21857,
11,
29199,
1108,
11,
1136,
400,
3447,
11,
400,
10126,
11,
15636,
11,
34960,
35428,
70,
756,
395,
11,
25052,
756,
395,
198,
198,
2,
4023,
1378,
25558,
2502,
11125,
13,
785,
14,
6138,
507,
14,
20198,
1495,
27057,
14,
12287,
12,
929,
12,
2676,
341,
12,
2502,
12,
77,
32152,
12,
3258,
592,
12,
9654,
33967,
12,
33967,
17,
12,
9060,
198,
2,
4023,
1378,
9654,
33967,
12,
29412,
12,
83,
315,
305,
874,
13,
961,
83,
704,
420,
82,
13,
2398,
14,
268,
14,
42861,
14,
9078,
62,
83,
44917,
82,
14,
9078,
62,
9600,
36942,
14,
9078,
62,
3642,
4662,
14,
9078,
62,
3642,
454,
62,
40890,
14,
9078,
62,
3642,
454,
62,
40890,
13,
6494,
198,
198,
22184,
16,
796,
374,
6,
320,
16,
62,
17,
13,
9479,
6,
198,
2,
22184,
16,
796,
374,
1,
292,
2135,
17,
23004,
62,
4480,
62,
1604,
64,
16,
13,
11134,
1,
198,
2,
22184,
16,
796,
374,
1,
320,
62,
785,
1154,
353,
62,
23004,
17,
13,
11134,
1,
198,
754,
796,
269,
85,
17,
13,
320,
961,
7,
22184,
16,
8,
198,
754,
796,
269,
85,
17,
13,
411,
1096,
7,
754,
11,
7,
6200,
11,
6200,
4008,
198,
3672,
796,
24714,
16,
13,
35312,
10786,
6852,
11537,
58,
12,
16,
4083,
35312,
7203,
19570,
58,
15,
60,
198,
754,
17,
796,
1674,
13,
30073,
3419,
198,
37811,
198,
754,
796,
1674,
13,
459,
2981,
7203,
22468,
4943,
198,
21855,
796,
1674,
58,
45299,
45299,
15,
60,
198,
40616,
796,
1674,
58,
45299,
45299,
16,
60,
198,
8310,
796,
1674,
58,
45299,
45299,
17,
60,
198,
198,
2,
11387,
1005,
1292,
1989,
198,
1604,
64,
796,
532,
16,
198,
31361,
796,
2026,
1303,
611,
435,
13331,
1875,
15,
1058,
361,
12159,
796,
2026,
351,
7838,
11,
611,
12159,
796,
939,
1231,
7838,
198,
400,
796,
352,
198,
33885,
796,
45941,
13,
1952,
19510,
3064,
11,
3064,
828,
37659,
13,
28611,
23,
8,
198,
16550,
2903,
796,
264,
17225,
1868,
7,
8310,
11,
1604,
64,
11,
31361,
8,
198,
400,
3447,
796,
269,
85,
17,
13,
400,
10126,
7,
16550,
2903,
13,
459,
2981,
7203,
28611,
23,
12340,
400,
11,
16,
11,
33967,
17,
13,
4221,
19535,
39,
62,
33,
1268,
13153,
62,
1268,
53,
38381,
16,
60,
198,
2,
67,
10520,
796,
269,
85,
17,
13,
67,
346,
378,
7,
400,
3447,
11,
33885,
11,
2676,
602,
796,
352,
8,
198,
2,
263,
18442,
796,
269,
85,
17,
13,
263,
1098,
7,
67,
10520,
11,
33885,
11,
2676,
602,
796,
352,
8,
198,
2,
565,
2752,
796,
269,
85,
17,
13,
24503,
1435,
3109,
7,
400,
3447,
11,
269,
85,
17,
13,
44,
1581,
11909,
62,
32737,
11,
9720,
8,
198,
29443,
796,
269,
85,
17,
13,
24503,
1435,
3109,
7,
400,
3447,
11,
269,
85,
17,
13,
44,
1581,
11909,
62,
3185,
1677,
11,
9720,
8,
198,
2,
67,
10520,
796,
269,
85,
17,
13,
67,
346,
378,
7,
29443,
11,
33885,
11,
2676,
602,
796,
352,
8,
198,
12957,
400,
3447,
796,
4756,
198,
37811,
198,
47,
796,
22204,
7,
754,
8,
198,
400,
3447,
796,
651,
400,
3447,
7,
33967,
17,
13,
411,
1096,
7,
47,
11,
7,
6200,
11,
6200,
22305,
198,
4798,
7,
400,
3447,
8,
198,
12957,
400,
3447,
28,
400,
10126,
7,
47,
11,
400,
3447,
11,
16,
11,
15,
8,
198,
400,
3447,
11,
12957,
400,
3447,
796,
269,
85,
17,
13,
400,
10126,
7,
47,
11,
15,
11,
16,
11,
33967,
17,
13,
4221,
19535,
39,
62,
33,
1268,
13153,
10,
33967,
17,
13,
4221,
19535,
39,
62,
2394,
12564,
8,
198,
2,
12957,
400,
3447,
796,
14841,
7,
12957,
400,
3447,
11,
16,
8,
198,
29487,
66,
796,
28114,
320,
7,
3672,
1343,
366,
33345,
276,
938,
400,
3447,
1600,
33345,
7,
754,
13,
30073,
22784,
938,
400,
3447,
1635,
14280,
11,
17130,
28,
12957,
400,
3447,
4008,
198,
29487,
66,
13,
12860,
3419,
198,
198,
2,
1064,
4094,
1989,
198,
3642,
4662,
11,
71,
959,
9282,
796,
269,
85,
17,
13,
19796,
4264,
4662,
7,
12957,
400,
3447,
13,
30073,
22784,
33967,
17,
13,
2200,
5446,
62,
51,
11587,
11,
33967,
17,
13,
3398,
29833,
62,
2969,
31190,
55,
62,
48913,
16437,
8,
198,
4798,
7203,
48205,
25,
33172,
11925,
7,
3642,
4662,
4008,
198,
9630,
796,
657,
198,
9806,
20337,
796,
657,
198,
2,
15252,
20337,
796,
45941,
13,
16345,
7,
12957,
400,
3447,
8,
198,
1640,
1312,
287,
2837,
7,
11925,
7,
3642,
4662,
8,
2599,
198,
220,
220,
220,
1989,
796,
269,
85,
17,
13,
3642,
454,
30547,
7,
3642,
4662,
58,
72,
12962,
198,
220,
220,
220,
611,
1989,
29,
9806,
20337,
25,
198,
220,
220,
220,
220,
220,
220,
220,
6376,
796,
1312,
198,
220,
220,
220,
220,
220,
220,
220,
3509,
20337,
796,
1989,
198,
198,
4798,
7203,
20337,
542,
454,
25,
1600,
9806,
20337,
553,
9630,
25,
33172,
9630,
8,
198,
66,
429,
796,
542,
4662,
58,
9630,
60,
198,
4798,
7203,
404,
7339,
7514,
14520,
1332,
9313,
8,
198,
35428,
70,
756,
395,
796,
4823,
35428,
70,
756,
395,
19510,
47,
11,
66,
429,
29720,
12860,
3419,
198,
198,
2,
32988,
2943,
4694,
198,
18596,
1616,
796,
16410,
15,
11,
15,
11,
15,
38430,
13381,
11,
13381,
11,
13381,
11907,
198,
18596,
1616,
796,
45941,
13,
18747,
7,
18596,
1616,
11,
37659,
13,
28611,
23,
8,
198,
320,
4299,
478,
82,
796,
6340,
1616,
58,
12957,
400,
3447,
60,
198,
198,
71,
724,
796,
269,
85,
17,
13,
1102,
303,
87,
39,
724,
7,
66,
429,
11,
7783,
40710,
796,
10352,
8,
198,
4299,
478,
82,
796,
269,
85,
17,
13,
1102,
303,
87,
414,
7469,
478,
82,
7,
66,
429,
11,
71,
724,
8,
198,
17080,
1817,
796,
22448,
58,
45299,
15,
11,
18,
60,
198,
11545,
62,
9806,
796,
45941,
13,
853,
3911,
653,
7,
17080,
1817,
11,
532,
17,
38381,
12,
17,
47715,
1303,
651,
29077,
274,
286,
734,
5415,
3815,
198,
198,
1640,
1312,
287,
2837,
7,
4299,
478,
82,
13,
43358,
58,
15,
60,
2599,
198,
220,
220,
220,
264,
11,
68,
11,
69,
11,
67,
796,
22448,
58,
72,
11,
15,
60,
198,
220,
220,
220,
923,
796,
46545,
7,
66,
429,
58,
82,
7131,
15,
12962,
198,
220,
220,
220,
886,
796,
46545,
7,
66,
429,
58,
68,
7131,
15,
12962,
198,
220,
220,
220,
1290,
796,
46545,
7,
66,
429,
58,
69,
7131,
15,
12962,
198,
220,
220,
220,
269,
85,
17,
13,
1370,
7,
320,
4299,
478,
82,
11,
9688,
11,
437,
17414,
15,
11,
13381,
11,
15,
4357,
17,
8,
198,
220,
220,
220,
269,
85,
17,
13,
45597,
7,
320,
4299,
478,
82,
11,
16370,
11,
20,
17414,
15,
11,
15,
11,
13381,
4357,
12,
16,
8,
198,
198,
2,
5188,
27082,
33881,
48920,
198,
13033,
796,
22448,
58,
45299,
15,
11,
17,
60,
198,
87,
16,
11,
88,
16,
796,
46545,
7,
66,
429,
58,
13033,
58,
11545,
62,
9806,
58,
15,
11907,
7131,
15,
12962,
198,
87,
17,
11,
88,
17,
796,
46545,
7,
66,
429,
58,
13033,
58,
11545,
62,
9806,
58,
16,
11907,
7131,
15,
12962,
198,
76,
796,
1468,
62,
7146,
19510,
88,
17,
12,
88,
16,
828,
22468,
7,
87,
17,
12,
87,
16,
4008,
198,
65,
796,
493,
7,
88,
16,
12,
87,
16,
9,
76,
8,
198,
2,
1064,
28759,
351,
2124,
69,
290,
331,
69,
16488,
198,
361,
275,
29,
320,
4299,
478,
82,
13,
43358,
58,
15,
5974,
1303,
611,
923,
2354,
331,
69,
198,
220,
220,
220,
923,
796,
493,
7,
727,
62,
7146,
19510,
320,
4299,
478,
82,
13,
43358,
58,
15,
45297,
65,
828,
76,
36911,
320,
4299,
478,
82,
13,
43358,
58,
15,
60,
1303,
357,
88,
69,
12,
65,
20679,
76,
11,
331,
69,
198,
17772,
25,
1303,
611,
923,
2641,
331,
69,
198,
220,
220,
220,
923,
796,
657,
11,
65,
1303,
657,
11,
88,
198,
88,
796,
493,
7,
76,
9,
320,
4299,
478,
82,
13,
43358,
58,
16,
48688,
65,
8,
1303,
285,
9,
26152,
10,
65,
198,
361,
331,
27,
15,
25,
1303,
611,
886,
2354,
331,
69,
198,
220,
220,
220,
886,
796,
493,
7,
727,
62,
7146,
32590,
65,
11,
76,
36911,
15,
2,
2124,
11,
15,
198,
17772,
25,
1303,
611,
886,
2641,
331,
69,
198,
220,
220,
220,
886,
796,
545,
4299,
478,
82,
13,
43358,
58,
16,
4357,
88,
1303,
2124,
69,
11,
331,
198,
198,
33967,
17,
13,
1370,
7,
320,
4299,
478,
82,
11,
9688,
11,
437,
17414,
15,
11,
15,
11,
3064,
4357,
17,
8,
198,
198,
29487,
66,
796,
28114,
320,
7,
3672,
1343,
366,
22448,
1600,
545,
4299,
478,
82,
8,
198,
29487,
66,
13,
12860,
3419,
198,
198,
2,
13252,
40,
198,
13252,
40,
796,
45941,
13,
9107,
418,
7,
47,
13,
43358,
11,
67,
4906,
28,
37659,
13,
28611,
23,
8,
198,
33967,
17,
13,
19334,
4264,
4662,
7,
13252,
40,
17414,
66,
429,
4357,
15,
11,
16,
12095,
16,
8,
198,
29487,
66,
796,
28114,
320,
7,
3672,
1343,
366,
15107,
40,
1600,
15107,
40,
8,
198,
29487,
66,
13,
12860,
3419,
198,
44,
796,
269,
85,
17,
13,
32542,
658,
7,
66,
429,
8,
1303,
1064,
7188,
198,
2,
44,
17,
796,
800,
32542,
658,
7,
13252,
40,
11,
30547,
28,
14202,
11,
16159,
28,
14202,
8,
198,
2,
66,
87,
796,
493,
7,
44,
17816,
76,
940,
20520,
14,
44,
17816,
76,
405,
6,
12962,
198,
2,
948,
796,
493,
7,
44,
17816,
76,
486,
20520,
14,
44,
17816,
76,
405,
6,
12962,
198,
2,
87,
11,
88,
796,
1247,
3882,
7,
13252,
40,
11,
9806,
20337,
8,
198,
2,
11265,
1143,
16340,
2743,
415,
32542,
298,
7,
13252,
40,
11,
9806,
20337,
11,
15,
11,
15,
11,
87,
11,
88,
8,
198,
2,
77,
405,
796,
275,
26377,
296,
298,
7,
13252,
40,
11,
15,
11,
15,
11,
66,
87,
11,
948,
8,
198,
2,
4798,
30629,
66,
87,
11,
948,
42501,
7,
66,
87,
11,
948,
8,
198,
2,
4798,
366,
87,
11,
88,
1600,
87,
11,
88,
198,
2,
33967,
17,
13,
45597,
7,
754,
11,
357,
66,
87,
11,
948,
828,
838,
11,
357,
15,
11,
657,
11,
14280,
828,
532,
16,
11,
807,
8,
198,
2,
33967,
17,
13,
45597,
7,
754,
11,
357,
600,
7,
87,
828,
600,
7,
88,
36911,
838,
11,
357,
15,
11,
14280,
11,
14280,
828,
532,
16,
11,
807,
8,
198,
33967,
17,
13,
19334,
4264,
4662,
7,
754,
17414,
66,
429,
4357,
15,
11,
7,
15,
11,
657,
11,
14280,
828,
17,
8,
198,
695,
541,
325,
796,
269,
85,
17,
13,
11147,
30639,
541,
325,
7,
66,
429,
8,
198,
33967,
17,
13,
695,
541,
325,
7,
754,
11,
695,
541,
325,
11,
7,
15,
11,
13381,
11,
15,
828,
17,
8,
198,
198,
29487,
66,
796,
28114,
320,
7,
3672,
1343,
366,
6764,
1600,
1674,
8,
198,
29487,
66,
13,
12860,
3419,
198,
198,
27932,
796,
45941,
13,
1952,
7,
47,
13,
43358,
11,
67,
4906,
28,
37659,
13,
28611,
23,
8,
198,
33967,
17,
13,
695,
541,
325,
7,
27932,
11,
695,
541,
325,
11,
15,
12095,
16,
8,
198,
754,
17,
58,
27932,
29,
15,
22241,
15,
198,
29487,
66,
796,
28114,
320,
7,
3672,
1343,
366,
1255,
1600,
1674,
17,
8,
198,
29487,
66,
13,
12860,
3419,
198,
33967,
17,
13,
320,
13564,
7203,
27932,
62,
1,
10,
3672,
10,
1911,
11134,
1600,
754,
17,
8,
198,
37811,
198,
2,
34689,
262,
5563,
25,
198,
11748,
2298,
293,
198,
198,
7890,
796,
19779,
400,
3447,
1298,
400,
3447,
553,
12957,
400,
3447,
1298,
12957,
400,
3447,
553,
66,
429,
1298,
66,
429,
553,
695,
541,
325,
1298,
695,
541,
325,
553,
35428,
70,
756,
395,
1298,
35428,
70,
756,
395,
92,
198,
4480,
1280,
7203,
5356,
591,
62,
1,
10,
3672,
10,
4458,
27729,
293,
3256,
705,
86,
11537,
355,
277,
25,
198,
220,
220,
220,
2298,
293,
13,
39455,
7,
7890,
11,
277,
8,
37811
] | 2.211992 | 2,118 |
import email, smtplib, ssl, sys, imaplib, email.header
import pandas as pd
from config import *
from email import encoders
from email.mime.base import MIMEBase
from email.mime.multipart import MIMEMultipart
from email.mime.text import MIMEText
# Loads the csv file given by the CSV_FILE variable
# @return -> list of email addresses contained in the column Email
# Loads the email body from the TEXT_BODY_FILE
body = open(TEXT_BODY_FILE,'r').read()
# Removes the given email from the loaded CSV file containing the emails
# @return -> True is the emailing list changed, False otherwise
# will use the IMAP protocol to check the EMAIL_FOLDER for unseen messages with the subject given by CANCEL_SUBJECT_KEYWORD
# @return -> the list of emails to be removed
# will handle all the unsubcribing, getting the emails to unsubscribe using the getUnsubscribers() function
# and remove them using the removeSubscriber(email_to_remove) function
# @return -> list of email adresses removed from the mailing list
# builds the message object for the emails given the email adress of the receiver (email_receiver)
# @return -> message object "stringified"
# builds the message object for the unsubscribed emails given the email adress of the receiver (email_receiver) and the path to the file containing the
# message to be sent to unsubscribers (UNSUB_BODY_FILE)
# @return -> message object "stringified"
# Will import the email adresses, handle unsubscribing emails using the previously defined functions,
# then it will send the unsub message to emails that asked to be removed if SEND_UNSUB_MESSAGE is set to True
# and the newsletter to the emails present in the emailing list
pyNewsletter() | [
11748,
3053,
11,
895,
83,
489,
571,
11,
264,
6649,
11,
25064,
11,
545,
64,
489,
571,
11,
3053,
13,
25677,
198,
11748,
19798,
292,
355,
279,
67,
198,
198,
6738,
4566,
1330,
1635,
198,
6738,
3053,
1330,
2207,
375,
364,
198,
6738,
3053,
13,
76,
524,
13,
8692,
1330,
337,
12789,
14881,
198,
6738,
3053,
13,
76,
524,
13,
16680,
541,
433,
1330,
337,
3955,
3620,
586,
541,
433,
198,
6738,
3053,
13,
76,
524,
13,
5239,
1330,
337,
3955,
2767,
2302,
198,
198,
2,
8778,
82,
262,
269,
21370,
2393,
1813,
416,
262,
44189,
62,
25664,
7885,
198,
2,
2488,
7783,
4613,
1351,
286,
3053,
9405,
7763,
287,
262,
5721,
9570,
198,
198,
2,
8778,
82,
262,
3053,
1767,
422,
262,
40383,
62,
33,
33076,
62,
25664,
198,
2618,
796,
1280,
7,
32541,
62,
33,
33076,
62,
25664,
4032,
81,
27691,
961,
3419,
198,
198,
2,
3982,
5241,
262,
1813,
3053,
422,
262,
9639,
44189,
2393,
7268,
262,
7237,
198,
2,
2488,
7783,
4613,
6407,
318,
262,
3053,
278,
1351,
3421,
11,
10352,
4306,
628,
198,
2,
481,
779,
262,
8959,
2969,
8435,
284,
2198,
262,
412,
5673,
4146,
62,
37,
3535,
14418,
329,
29587,
6218,
351,
262,
2426,
1813,
416,
15628,
34,
3698,
62,
50,
10526,
23680,
62,
20373,
54,
12532,
198,
2,
2488,
7783,
4613,
262,
1351,
286,
7237,
284,
307,
4615,
198,
198,
2,
481,
5412,
477,
262,
32793,
66,
23098,
11,
1972,
262,
7237,
284,
32793,
12522,
1262,
262,
651,
3118,
7266,
40075,
364,
3419,
2163,
198,
2,
290,
4781,
606,
1262,
262,
4781,
7004,
1416,
24735,
7,
12888,
62,
1462,
62,
28956,
8,
2163,
198,
2,
2488,
7783,
4613,
1351,
286,
3053,
512,
16746,
4615,
422,
262,
21898,
1351,
628,
198,
2,
12188,
262,
3275,
2134,
329,
262,
7237,
1813,
262,
3053,
512,
601,
286,
262,
9733,
357,
12888,
62,
260,
39729,
8,
198,
2,
2488,
7783,
4613,
3275,
2134,
366,
8841,
1431,
1,
198,
198,
2,
12188,
262,
3275,
2134,
329,
262,
32793,
47495,
7237,
1813,
262,
3053,
512,
601,
286,
262,
9733,
357,
12888,
62,
260,
39729,
8,
290,
262,
3108,
284,
262,
2393,
7268,
262,
220,
198,
2,
3275,
284,
307,
1908,
284,
32793,
40075,
364,
357,
4944,
50,
10526,
62,
33,
33076,
62,
25664,
8,
220,
198,
2,
2488,
7783,
4613,
3275,
2134,
366,
8841,
1431,
1,
198,
198,
2,
2561,
1330,
262,
3053,
512,
16746,
11,
5412,
32793,
1416,
23098,
7237,
1262,
262,
4271,
5447,
5499,
11,
198,
2,
788,
340,
481,
3758,
262,
32793,
3275,
284,
7237,
326,
1965,
284,
307,
4615,
611,
311,
10619,
62,
4944,
50,
10526,
62,
44,
1546,
4090,
8264,
318,
900,
284,
6407,
220,
198,
2,
290,
262,
13129,
284,
262,
7237,
1944,
287,
262,
3053,
278,
1351,
198,
198,
9078,
33031,
3419
] | 3.681128 | 461 |
import sys
from stuff import *
import heapq as hq
ls = lines()#chunks()#nums()
cs = {}
d = {}
for y,l in enumerate(ls):
for x,n in enumerate(l):
n = eval(n)
for Y in range(5):
for X in range(5):
c=complex(x+len(l)*X,y+len(ls)*Y)
cs[c] = (n-1+X+Y)%9+1
d[c] = float('inf')
#u.add(complex(x,y))
g = c #thank fuck for python's scoping being shit
d[0] = 0
u = {*cs.keys()}
h = []
hq.heappush(h,(0,(0,0)))
while g in u:
_,c = hq.heappop(h)#min(u,key=d.__getitem__)
c = complex(*c)
u.remove(c)
for o in von_neumann:
if c+o not in cs: continue
if d[c+o] == float('inf'):
hq.heappush(h,(d[c]+cs[c+o],c_t(c+o))) #uh?
d[c+o] = min(d[c+o], d[c]+cs[c+o])
print(d[g])
| [
11748,
25064,
198,
6738,
3404,
1330,
1635,
198,
11748,
24575,
80,
355,
289,
80,
198,
198,
7278,
796,
3951,
3419,
2,
354,
14125,
3419,
2,
77,
5700,
3419,
198,
198,
6359,
796,
23884,
198,
67,
796,
23884,
198,
1640,
331,
11,
75,
287,
27056,
378,
7,
7278,
2599,
198,
220,
220,
220,
329,
2124,
11,
77,
287,
27056,
378,
7,
75,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
299,
796,
5418,
7,
77,
8,
198,
220,
220,
220,
220,
220,
220,
220,
329,
575,
287,
2837,
7,
20,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
1395,
287,
2837,
7,
20,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
269,
28,
41887,
7,
87,
10,
11925,
7,
75,
27493,
55,
11,
88,
10,
11925,
7,
7278,
27493,
56,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
50115,
58,
66,
60,
796,
357,
77,
12,
16,
10,
55,
10,
56,
8,
4,
24,
10,
16,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
288,
58,
66,
60,
796,
12178,
10786,
10745,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
84,
13,
2860,
7,
41887,
7,
87,
11,
88,
4008,
198,
70,
796,
269,
1303,
40716,
5089,
329,
21015,
338,
629,
15816,
852,
7510,
628,
198,
67,
58,
15,
60,
796,
657,
198,
84,
796,
48683,
6359,
13,
13083,
3419,
92,
198,
71,
796,
17635,
198,
71,
80,
13,
258,
1324,
1530,
7,
71,
11,
7,
15,
11,
7,
15,
11,
15,
22305,
198,
198,
4514,
308,
287,
334,
25,
198,
220,
220,
220,
4808,
11,
66,
796,
289,
80,
13,
258,
1324,
404,
7,
71,
8,
2,
1084,
7,
84,
11,
2539,
28,
67,
13,
834,
1136,
9186,
834,
8,
198,
220,
220,
220,
269,
796,
3716,
46491,
66,
8,
198,
220,
220,
220,
334,
13,
28956,
7,
66,
8,
198,
220,
220,
220,
329,
267,
287,
18042,
62,
25668,
1236,
25,
198,
220,
220,
220,
220,
220,
220,
220,
611,
269,
10,
78,
407,
287,
50115,
25,
2555,
198,
220,
220,
220,
220,
220,
220,
220,
611,
288,
58,
66,
10,
78,
60,
6624,
12178,
10786,
10745,
6,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
289,
80,
13,
258,
1324,
1530,
7,
71,
11,
7,
67,
58,
66,
48688,
6359,
58,
66,
10,
78,
4357,
66,
62,
83,
7,
66,
10,
78,
22305,
1303,
7456,
30,
198,
220,
220,
220,
220,
220,
220,
220,
288,
58,
66,
10,
78,
60,
796,
949,
7,
67,
58,
66,
10,
78,
4357,
288,
58,
66,
48688,
6359,
58,
66,
10,
78,
12962,
198,
198,
4798,
7,
67,
58,
70,
12962,
198
] | 1.690377 | 478 |
import json
import urllib.parse
from unittest.mock import patch
from uuid import uuid4
from freezegun import freeze_time
from ee.clickhouse.models.event import create_event
from ee.clickhouse.util import ClickhouseTestMixin
from posthog.client import sync_execute
from posthog.models.cohort import Cohort
from posthog.models.person import Person
from posthog.tasks.calculate_cohort import insert_cohort_from_insight_filter
from posthog.tasks.test.test_calculate_cohort import calculate_cohort_test_factory
| [
11748,
33918,
198,
11748,
2956,
297,
571,
13,
29572,
198,
6738,
555,
715,
395,
13,
76,
735,
1330,
8529,
198,
6738,
334,
27112,
1330,
334,
27112,
19,
198,
198,
6738,
1479,
89,
1533,
403,
1330,
16611,
62,
2435,
198,
198,
6738,
304,
68,
13,
12976,
4803,
13,
27530,
13,
15596,
1330,
2251,
62,
15596,
198,
6738,
304,
68,
13,
12976,
4803,
13,
22602,
1330,
6914,
4803,
14402,
35608,
259,
198,
6738,
1281,
31897,
13,
16366,
1330,
17510,
62,
41049,
198,
6738,
1281,
31897,
13,
27530,
13,
1073,
71,
419,
1330,
47222,
419,
198,
6738,
1281,
31897,
13,
27530,
13,
6259,
1330,
7755,
198,
6738,
1281,
31897,
13,
83,
6791,
13,
9948,
3129,
378,
62,
1073,
71,
419,
1330,
7550,
62,
1073,
71,
419,
62,
6738,
62,
1040,
432,
62,
24455,
198,
6738,
1281,
31897,
13,
83,
6791,
13,
9288,
13,
9288,
62,
9948,
3129,
378,
62,
1073,
71,
419,
1330,
15284,
62,
1073,
71,
419,
62,
9288,
62,
69,
9548,
628,
628
] | 3.154321 | 162 |
from django.urls import path
import core.views as core_views
urlpatterns = (
path('dataset-snippet/<int:study_id>',
core_views.DatasetSnippetView.as_view(), name='dataset-snippet'),
path('analysis-type-snippet/<int:dataset_id>',
core_views.AnalysisTypeSnippetView.as_view(), name='analysis-type-snippet'),
path('filter-snippet/<int:dataset_id>',
core_views.FilterSnippetView.as_view(), name='filter-snippet'),
path('attribute-snippet/<int:dataset_id>',
core_views.AttributeSnippetView.as_view(), name='attribute-snippet'),
path('search-router/', core_views.SearchRouterView.as_view(), name='search-router'),
path('download-router/<int:search_log_id>', core_views.DownloadRouterView.as_view(), name='download-router'),
path('additional-form-router/<int:dataset_id>/<int:analysis_type_id>', core_views.AdditionalFormRouterView.as_view(), name='additional-form-router'),
path('base-search/', core_views.BaseSearchView.as_view(), name='base-search'),
path('base-download/<int:search_log_id>', core_views.BaseDownloadView.as_view(), name='base-download'),
path('save-search/', core_views.save_search, name='save-search'),
path('saved-search-list/', core_views.SavedSearchListView.as_view(), name='saved-search-list'),
path('retrieve-saved-search/<int:saved_search_id>', core_views.RetrieveSavedSearchView.as_view(), name='retrieve-saved-search'),
path('core-document-view/<int:dataset_id>/<document_es_id>/', core_views.BaseDocumentView.as_view(), name='core-document-view'),
path('core-document-review-create/<int:dataset_id>/<document_es_id>/', core_views.DocumentReviewCreateView.as_view(), name='core-document-review-create'),
path('core-document-review-update/<int:dataset_id>/<int:document_review_id>/', core_views.DocumentReviewUpdateView.as_view(), name='core-document-review-update'),
path('core-document-list/', core_views.DocumentReviewListView.as_view(), name='core-document-list'),
)
| [
6738,
42625,
14208,
13,
6371,
82,
1330,
3108,
198,
198,
11748,
4755,
13,
33571,
355,
4755,
62,
33571,
198,
198,
6371,
33279,
82,
796,
357,
198,
220,
220,
220,
3108,
10786,
19608,
292,
316,
12,
16184,
3974,
316,
14,
27,
600,
25,
44517,
62,
312,
29,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
4755,
62,
33571,
13,
27354,
292,
316,
16501,
3974,
316,
7680,
13,
292,
62,
1177,
22784,
1438,
11639,
19608,
292,
316,
12,
16184,
3974,
316,
33809,
198,
220,
220,
220,
3108,
10786,
20930,
12,
4906,
12,
16184,
3974,
316,
14,
27,
600,
25,
19608,
292,
316,
62,
312,
29,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
4755,
62,
33571,
13,
32750,
6030,
16501,
3974,
316,
7680,
13,
292,
62,
1177,
22784,
1438,
11639,
20930,
12,
4906,
12,
16184,
3974,
316,
33809,
198,
220,
220,
220,
3108,
10786,
24455,
12,
16184,
3974,
316,
14,
27,
600,
25,
19608,
292,
316,
62,
312,
29,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
4755,
62,
33571,
13,
22417,
16501,
3974,
316,
7680,
13,
292,
62,
1177,
22784,
1438,
11639,
24455,
12,
16184,
3974,
316,
33809,
198,
220,
220,
220,
3108,
10786,
42348,
12,
16184,
3974,
316,
14,
27,
600,
25,
19608,
292,
316,
62,
312,
29,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
4755,
62,
33571,
13,
33682,
16501,
3974,
316,
7680,
13,
292,
62,
1177,
22784,
1438,
11639,
42348,
12,
16184,
3974,
316,
33809,
198,
220,
220,
220,
3108,
10786,
12947,
12,
472,
353,
14,
3256,
4755,
62,
33571,
13,
18243,
49,
39605,
7680,
13,
292,
62,
1177,
22784,
1438,
11639,
12947,
12,
472,
353,
33809,
198,
220,
220,
220,
3108,
10786,
15002,
12,
472,
353,
14,
27,
600,
25,
12947,
62,
6404,
62,
312,
29,
3256,
4755,
62,
33571,
13,
10002,
49,
39605,
7680,
13,
292,
62,
1177,
22784,
1438,
11639,
15002,
12,
472,
353,
33809,
198,
220,
220,
220,
3108,
10786,
2860,
1859,
12,
687,
12,
472,
353,
14,
27,
600,
25,
19608,
292,
316,
62,
312,
29,
14,
27,
600,
25,
20930,
62,
4906,
62,
312,
29,
3256,
4755,
62,
33571,
13,
17699,
8479,
49,
39605,
7680,
13,
292,
62,
1177,
22784,
1438,
11639,
2860,
1859,
12,
687,
12,
472,
353,
33809,
198,
220,
220,
220,
3108,
10786,
8692,
12,
12947,
14,
3256,
4755,
62,
33571,
13,
14881,
18243,
7680,
13,
292,
62,
1177,
22784,
1438,
11639,
8692,
12,
12947,
33809,
198,
220,
220,
220,
3108,
10786,
8692,
12,
15002,
14,
27,
600,
25,
12947,
62,
6404,
62,
312,
29,
3256,
4755,
62,
33571,
13,
14881,
10002,
7680,
13,
292,
62,
1177,
22784,
1438,
11639,
8692,
12,
15002,
33809,
198,
220,
220,
220,
3108,
10786,
21928,
12,
12947,
14,
3256,
4755,
62,
33571,
13,
21928,
62,
12947,
11,
1438,
11639,
21928,
12,
12947,
33809,
198,
220,
220,
220,
3108,
10786,
82,
9586,
12,
12947,
12,
4868,
14,
3256,
4755,
62,
33571,
13,
50,
9586,
18243,
8053,
7680,
13,
292,
62,
1177,
22784,
1438,
11639,
82,
9586,
12,
12947,
12,
4868,
33809,
198,
220,
220,
220,
3108,
10786,
1186,
30227,
12,
82,
9586,
12,
12947,
14,
27,
600,
25,
82,
9586,
62,
12947,
62,
312,
29,
3256,
4755,
62,
33571,
13,
9781,
30227,
50,
9586,
18243,
7680,
13,
292,
62,
1177,
22784,
1438,
11639,
1186,
30227,
12,
82,
9586,
12,
12947,
33809,
198,
220,
220,
220,
3108,
10786,
7295,
12,
22897,
12,
1177,
14,
27,
600,
25,
19608,
292,
316,
62,
312,
29,
14,
27,
22897,
62,
274,
62,
312,
29,
14,
3256,
4755,
62,
33571,
13,
14881,
24941,
7680,
13,
292,
62,
1177,
22784,
1438,
11639,
7295,
12,
22897,
12,
1177,
33809,
198,
220,
220,
220,
3108,
10786,
7295,
12,
22897,
12,
19023,
12,
17953,
14,
27,
600,
25,
19608,
292,
316,
62,
312,
29,
14,
27,
22897,
62,
274,
62,
312,
29,
14,
3256,
4755,
62,
33571,
13,
24941,
14832,
16447,
7680,
13,
292,
62,
1177,
22784,
1438,
11639,
7295,
12,
22897,
12,
19023,
12,
17953,
33809,
198,
220,
220,
220,
3108,
10786,
7295,
12,
22897,
12,
19023,
12,
19119,
14,
27,
600,
25,
19608,
292,
316,
62,
312,
29,
14,
27,
600,
25,
22897,
62,
19023,
62,
312,
29,
14,
3256,
4755,
62,
33571,
13,
24941,
14832,
10260,
7680,
13,
292,
62,
1177,
22784,
1438,
11639,
7295,
12,
22897,
12,
19023,
12,
19119,
33809,
198,
220,
220,
220,
3108,
10786,
7295,
12,
22897,
12,
4868,
14,
3256,
4755,
62,
33571,
13,
24941,
14832,
8053,
7680,
13,
292,
62,
1177,
22784,
1438,
11639,
7295,
12,
22897,
12,
4868,
33809,
198,
8,
198
] | 2.630607 | 758 |
disordered = {(10, 5): 'b', (3, 10): 'a', (5, 2): 'c'}
# sort keys, then get values from original - fast
sorted_list = sorted(disordered.items(), key=lambda x: x[0][1], reverse=True)
print(sorted_list) | [
6381,
24071,
796,
1391,
7,
940,
11,
642,
2599,
705,
65,
3256,
357,
18,
11,
838,
2599,
705,
64,
3256,
357,
20,
11,
362,
2599,
705,
66,
6,
92,
198,
198,
2,
3297,
8251,
11,
788,
651,
3815,
422,
2656,
532,
3049,
198,
82,
9741,
62,
4868,
796,
23243,
7,
6381,
24071,
13,
23814,
22784,
1994,
28,
50033,
2124,
25,
2124,
58,
15,
7131,
16,
4357,
9575,
28,
17821,
8,
198,
198,
4798,
7,
82,
9741,
62,
4868,
8
] | 2.56962 | 79 |
from ichnaea.api.locate.constants import DataAccuracy, DataSource
from ichnaea.api.locate.query import Query
from ichnaea.api.locate.result import (
Position,
PositionResultList,
Region,
RegionResultList,
Result,
ResultList,
)
from ichnaea.models import encode_mac
from ichnaea.tests.factories import WifiShardFactory
| [
6738,
220,
488,
2616,
18213,
13,
15042,
13,
75,
13369,
13,
9979,
1187,
1330,
6060,
17320,
23843,
11,
6060,
7416,
198,
6738,
220,
488,
2616,
18213,
13,
15042,
13,
75,
13369,
13,
22766,
1330,
43301,
198,
6738,
220,
488,
2616,
18213,
13,
15042,
13,
75,
13369,
13,
20274,
1330,
357,
198,
220,
220,
220,
23158,
11,
198,
220,
220,
220,
23158,
23004,
8053,
11,
198,
220,
220,
220,
17718,
11,
198,
220,
220,
220,
17718,
23004,
8053,
11,
198,
220,
220,
220,
25414,
11,
198,
220,
220,
220,
25414,
8053,
11,
198,
8,
198,
6738,
220,
488,
2616,
18213,
13,
27530,
1330,
37773,
62,
20285,
198,
6738,
220,
488,
2616,
18213,
13,
41989,
13,
22584,
1749,
1330,
370,
22238,
2484,
446,
22810,
628,
628,
628,
198
] | 2.761905 | 126 |
import os
import sys
import numpy as np
import math
#MWA scripts
from mwa_pb import primary_beam
from vcstools.pointing_utils import sex2deg
from vcstools.metadb_utils import mwa_alt_az_za, get_common_obs_metadata, getmeta
import logging
logger = logging.getLogger(__name__)
def pixel_area(ra_min, ra_max, dec_min, dec_max):
"""
Calculate the area of a pixel on the sky from the pixel borders
Parameters:
-----------
ra_min: float
The Right Acension minimum in degrees
ra_max: float
The Right Acension maximum in degrees
dec_min: float
The Declination minimum in degrees
dec_max: float
The Declination maximum in degrees
Returns:
--------
area: float
Area of the pixel in square degrees
"""
return (180./math.pi) * (ra_max - ra_min) * (math.sin(math.radians(dec_max)) - math.sin(math.radians(dec_min)))
def field_of_view(obsid,
beam_meta_data=None, dur=None):
"""
Will find the field-of-view of the observation (including the drift) in square degrees.
Parameters:
-----------
obsid: int
The observation ID
beam_meta_data: list
OPTIONAL - the list of common metadata from vcstools.metadb_utils.get_common_obs_metadata.
By default will download the metadata for you
dur: int
OPTIONAL - Duration of observation to calculate for in seconds
By default will use the entire observation duration
Returns:
--------
area: float
The field-of-view of the observation in square degrees
"""
if beam_meta_data is None:
beam_meta_data = get_common_obs_metadata(obsid)
if dur is None:
dt = 296
else:
dt = 100
# Change the dur to the inpur dur
obsid, ra, dec, _, delays, centrefreq, channels = beam_meta_data
beam_meta_data = [obsid, ra, dec, dur, delays, centrefreq, channels]
# Make a pixel for each degree on the sky
names_ra_dec = []
for ra in range(0,360):
for dec in range(-90,90):
names_ra_dec.append(["sky_pos", ra+0.5, dec+0.5])
# Get tile beam power for all pixels
sky_powers = get_beam_power_over_time(beam_meta_data, names_ra_dec,
degrees=True, dt=dt)
# Find the maximum power over all time
max_sky_powers = []
for pixel_power in sky_powers:
temp_power = 0.
for time_power in pixel_power:
if time_power[0] > temp_power:
temp_power = time_power[0]
max_sky_powers.append(temp_power)
# Find all pixels greater than the half power point and sum their area
half_power_point = max(max_sky_powers) / 2
i = 0
area_sum = 0
for ra in range(0,360):
for dec in range(-90,90):
if max_sky_powers[i] > half_power_point:
area_sum = area_sum + pixel_area(ra, ra+1, dec, dec+1)
i = i + 1
return area_sum
def beam_enter_exit(powers, duration, dt=296, min_power=0.3):
"""
Calculates when the source enters and exits the beam
beam_enter_exit(min_power, powers, imax, dt):
powers: list of powers fo the duration every dt and freq powers[times][freqs]
dt: the time interval of how often powers are calculated
duration: duration of the observation according to the metadata in seconds
min_power: zenith normalised power cut off
"""
from scipy.interpolate import UnivariateSpline
time_steps = np.array(range(0, duration, dt), dtype=float)
#For each time step record the min power so even if the source is in
#one freq channel it's recorded
powers_freq_min = []
for p in powers:
powers_freq_min.append(float(min(p) - min_power))
if min(powers_freq_min) > 0.:
enter_beam = 0.
exit_beam = 1.
else:
powers_freq_min = np.array(powers_freq_min)
logger.debug("time_steps: {}".format(time_steps))
logger.debug("powers: {}".format(powers_freq_min))
try:
spline = UnivariateSpline(time_steps, powers_freq_min , s=0.)
except:
return None, None
if len(spline.roots()) == 2:
enter_beam, exit_beam = spline.roots()
enter_beam /= duration
exit_beam /= duration
elif len(spline.roots()) == 1:
if powers_freq_min[0] > powers_freq_min[-1]:
#power declines so starts in beem then exits
enter_beam = 0.
exit_beam = spline.roots()[0]/duration
else:
enter_beam = spline.roots()[0]/duration
exit_beam = 1.
else:
enter_beam = 0.
exit_beam = 1.
return enter_beam, exit_beam
def get_beam_power_over_time(beam_meta_data, names_ra_dec,
dt=296, centeronly=True, verbose=False,
option='analytic', degrees=False,
start_time=0):
"""
Calulates the power (gain at coordinate/gain at zenith) for each source over time.
get_beam_power_over_time(beam_meta_data, names_ra_dec,
dt=296, centeronly=True, verbose=False,
option = 'analytic')
Args:
beam_meta_data: [obsid,ra, dec, time, delays,centrefreq, channels]
obsid metadata obtained from meta.get_common_obs_metadata
names_ra_dec: and array in the format [[source_name, RAJ, DecJ]]
dt: time step in seconds for power calculations (default 296)
centeronly: only calculates for the centre frequency (default True)
verbose: prints extra data to (default False)
option: primary beam model [analytic, advanced, full_EE]
start_time: the time in seconds from the begining of the observation to
start calculating at
"""
obsid, _, _, time, delays, centrefreq, channels = beam_meta_data
names_ra_dec = np.array(names_ra_dec)
logger.info("Calculating beam power for OBS ID: {0}".format(obsid))
starttimes=np.arange(start_time,time+start_time,dt)
stoptimes=starttimes+dt
stoptimes[stoptimes>time]=time
Ntimes=len(starttimes)
midtimes=float(obsid)+0.5*(starttimes+stoptimes)
if not centeronly:
PowersX=np.zeros((len(names_ra_dec),
Ntimes,
len(channels)))
PowersY=np.zeros((len(names_ra_dec),
Ntimes,
len(channels)))
# in Hz
frequencies=np.array(channels)*1.28e6
else:
PowersX=np.zeros((len(names_ra_dec),
Ntimes,1))
PowersY=np.zeros((len(names_ra_dec),
Ntimes,1))
if centrefreq > 1e6:
logger.warning("centrefreq is greater than 1e6, assuming input with units of Hz.")
frequencies=np.array([centrefreq])
else:
frequencies=np.array([centrefreq])*1e6
if degrees:
RAs = np.array(names_ra_dec[:,1],dtype=float)
Decs = np.array(names_ra_dec[:,2],dtype=float)
else:
RAs, Decs = sex2deg(names_ra_dec[:,1],names_ra_dec[:,2])
if len(RAs)==0:
sys.stderr.write('Must supply >=1 source positions\n')
return None
if not len(RAs)==len(Decs):
sys.stderr.write('Must supply equal numbers of RAs and Decs\n')
return None
if verbose is False:
#Supress print statements of the primary beam model functions
sys.stdout = open(os.devnull, 'w')
for itime in range(Ntimes):
# this differ's from the previous ephem_utils method by 0.1 degrees
_, Azs, Zas = mwa_alt_az_za(midtimes[itime], ra=RAs, dec=Decs, degrees=True)
# go from altitude to zenith angle
theta = np.radians(Zas)
phi = np.radians(Azs)
for ifreq in range(len(frequencies)):
#Decide on beam model
if option == 'analytic':
rX,rY=primary_beam.MWA_Tile_analytic(theta, phi,
freq=frequencies[ifreq], delays=delays,
zenithnorm=True,
power=True)
elif option == 'advanced':
rX,rY=primary_beam.MWA_Tile_advanced(theta, phi,
freq=frequencies[ifreq], delays=delays,
zenithnorm=True,
power=True)
elif option == 'full_EE':
rX,rY=primary_beam.MWA_Tile_full_EE(theta, phi,
freq=frequencies[ifreq], delays=delays,
zenithnorm=True,
power=True)
PowersX[:,itime,ifreq]=rX
PowersY[:,itime,ifreq]=rY
if verbose is False:
sys.stdout = sys.__stdout__
Powers=0.5*(PowersX+PowersY)
return Powers
def find_sources_in_obs(obsid_list, names_ra_dec,
obs_for_source=False, dt_input=100, beam='analytic',
min_power=0.3, cal_check=False, all_volt=False,
degrees_check=False, metadata_list=None):
"""
Either creates text files for each MWA obs ID of each source within it or a text
file for each source with each MWA obs is that the source is in.
Args:
obsid_list: list of MWA obs IDs
names_ra_dec: [[source_name, ra, dec]]
dt: the time step in seconds to do power calculations
beam: beam simulation type ['analytic', 'advanced', 'full_EE']
min_power: if above the minium power assumes it's in the beam
cal_check: checks the MWA pulsar database if there is a calibration for the obsid
all_volt: Use all voltages observations including some inital test data
with incorrect formats
degrees_check: if false ra and dec is in hms, if true in degrees
Output [output_data, obsid_meta]:
output_data: The format of output_data is dependant on obs_for_source.
If obs_for_source is True:
output_data = {jname:[[obsid, duration, enter, exit, max_power],
[obsid, duration, enter, exit, max_power]]}
If obs_for_source is False:
ouput_data = {obsid:[[jname, enter, exit, max_power],
[jname, enter, exit, max_power]]}
obsid_meta: a list of the output of get_common_obs_metadata for each obsid
"""
#prepares metadata calls and calculates power
powers = []
#powers[obsid][source][time][freq]
obsid_meta = []
obsid_to_remove = []
for i, obsid in enumerate(obsid_list):
if metadata_list:
beam_meta_data, _ = metadata_list[i]
else:
beam_meta_data = get_common_obs_metadata(obsid)
#beam_meta_data = obsid,ra_obs,dec_obs,time_obs,delays,centrefreq,channels
if dt_input * 4 > beam_meta_data[3]:
# If the observation time is very short then a smaller dt time is required
# to get enough ower imformation
dt = int(beam_meta_data[3] / 4.)
else:
dt = dt_input
logger.debug("obsid: {0}, time_obs {1} s, dt {2} s".format(obsid, beam_meta_data[3], dt))
# Perform the file meta data call
files_meta_data = getmeta(service='data_files', params={'obs_id':obsid, 'nocache':1})
if files_meta_data is None:
logger.warning("No file metadata data found for obsid {}. Skipping".format(obsid))
obsid_to_remove.append(obsid)
continue
# Check raw voltage files
raw_available = False
raw_deleted = False
for file_name in files_meta_data.keys():
if file_name.endswith('dat'):
deleted = files_meta_data[file_name]['deleted']
if deleted:
raw_deleted = True
else:
raw_available = True
# Check combined voltage tar files
comb_available = False
comb_deleted = False
for file_name in files_meta_data.keys():
if file_name.endswith('tar'):
deleted = files_meta_data[file_name]['deleted']
if deleted:
comb_deleted = True
else:
comb_available = True
if raw_available or comb_available or all_volt:
powers.append(get_beam_power_over_time(beam_meta_data, names_ra_dec,
dt=dt, centeronly=True, verbose=False,
option=beam, degrees=degrees_check))
obsid_meta.append(beam_meta_data)
elif raw_deleted and comb_deleted:
logger.warning('Raw and combined voltage files deleted for {}'.format(obsid))
obsid_to_remove.append(obsid)
elif raw_deleted:
logger.warning('Raw voltage files deleted for {}'.format(obsid))
obsid_to_remove.append(obsid)
elif comb_deleted:
logger.warning('Combined voltage files deleted for {}'.format(obsid))
obsid_to_remove.append(obsid)
else:
logger.warning('No raw or combined voltage files for {}'.format(obsid))
obsid_to_remove.append(obsid)
for otr in obsid_to_remove:
obsid_list.remove(otr)
#chooses whether to list the source in each obs or the obs for each source
output_data = {}
if obs_for_source:
for sn, source in enumerate(names_ra_dec):
source_data = []
for on, obsid in enumerate(obsid_list):
source_ob_power = powers[on][sn]
if max(source_ob_power) > min_power:
duration = obsid_meta[on][3]
centre_freq = obsid_meta[on][5] #MHz
channels = obsid_meta[on][6]
bandwidth = (channels[-1] - channels[0] + 1.)*1.28 #MHz
logger.debug("Running beam_enter_exit on obsid: {}".format(obsid))
enter_beam, exit_beam = beam_enter_exit(source_ob_power,duration,
dt=dt, min_power=min_power)
if enter_beam is not None:
source_data.append([obsid, duration, enter_beam, exit_beam,
max(source_ob_power)[0],
centre_freq, bandwidth])
# For each source make a dictionary key that contains a list of
# lists of the data for each obsid
output_data[source[0]] = source_data
else:
#output a list of sorces for each obs
for on, obsid in enumerate(obsid_list):
duration = obsid_meta[on][3]
obsid_data = []
for sn, source in enumerate(names_ra_dec):
source_ob_power = powers[on][sn]
if max(source_ob_power) > min_power:
enter_beam, exit_beam = beam_enter_exit(source_ob_power, duration,
dt=dt, min_power=min_power)
obsid_data.append([source[0], enter_beam, exit_beam, max(source_ob_power)[0]])
# For each obsid make a dictionary key that contains a list of
# lists of the data for each source/pulsar
output_data[obsid] = obsid_data
return output_data, obsid_meta | [
11748,
28686,
198,
11748,
25064,
198,
11748,
299,
32152,
355,
45941,
198,
11748,
10688,
198,
198,
2,
14326,
32,
14750,
198,
6738,
285,
10247,
62,
40842,
1330,
4165,
62,
40045,
198,
198,
6738,
410,
66,
301,
10141,
13,
4122,
278,
62,
26791,
1330,
1714,
17,
13500,
198,
6738,
410,
66,
301,
10141,
13,
4164,
324,
65,
62,
26791,
1330,
285,
10247,
62,
2501,
62,
1031,
62,
4496,
11,
651,
62,
11321,
62,
8158,
62,
38993,
11,
651,
28961,
198,
198,
11748,
18931,
198,
6404,
1362,
796,
18931,
13,
1136,
11187,
1362,
7,
834,
3672,
834,
8,
628,
198,
4299,
17465,
62,
20337,
7,
430,
62,
1084,
11,
2179,
62,
9806,
11,
875,
62,
1084,
11,
875,
62,
9806,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
27131,
378,
262,
1989,
286,
257,
17465,
319,
262,
6766,
422,
262,
17465,
11637,
628,
220,
220,
220,
40117,
25,
198,
220,
220,
220,
24200,
6329,
198,
220,
220,
220,
2179,
62,
1084,
25,
12178,
198,
220,
220,
220,
220,
220,
220,
220,
383,
6498,
4013,
3004,
5288,
287,
7370,
198,
220,
220,
220,
2179,
62,
9806,
25,
12178,
198,
220,
220,
220,
220,
220,
220,
220,
383,
6498,
4013,
3004,
5415,
287,
7370,
198,
220,
220,
220,
875,
62,
1084,
25,
12178,
198,
220,
220,
220,
220,
220,
220,
220,
383,
16691,
1883,
5288,
287,
7370,
198,
220,
220,
220,
875,
62,
9806,
25,
12178,
198,
220,
220,
220,
220,
220,
220,
220,
383,
16691,
1883,
5415,
287,
7370,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
24200,
198,
220,
220,
220,
1989,
25,
12178,
198,
220,
220,
220,
220,
220,
220,
220,
9498,
286,
262,
17465,
287,
6616,
7370,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1441,
357,
15259,
19571,
11018,
13,
14415,
8,
1635,
357,
430,
62,
9806,
532,
2179,
62,
1084,
8,
1635,
357,
11018,
13,
31369,
7,
11018,
13,
6335,
1547,
7,
12501,
62,
9806,
4008,
532,
10688,
13,
31369,
7,
11018,
13,
6335,
1547,
7,
12501,
62,
1084,
22305,
628,
198,
4299,
2214,
62,
1659,
62,
1177,
7,
8158,
312,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
15584,
62,
28961,
62,
7890,
28,
14202,
11,
22365,
28,
14202,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
2561,
1064,
262,
2214,
12,
1659,
12,
1177,
286,
262,
13432,
357,
8201,
262,
24260,
8,
287,
6616,
7370,
13,
628,
220,
220,
220,
40117,
25,
198,
220,
220,
220,
24200,
6329,
198,
220,
220,
220,
10201,
312,
25,
493,
198,
220,
220,
220,
220,
220,
220,
220,
383,
13432,
4522,
198,
220,
220,
220,
15584,
62,
28961,
62,
7890,
25,
1351,
198,
220,
220,
220,
220,
220,
220,
220,
39852,
2849,
1847,
532,
262,
1351,
286,
2219,
20150,
422,
410,
66,
301,
10141,
13,
4164,
324,
65,
62,
26791,
13,
1136,
62,
11321,
62,
8158,
62,
38993,
13,
198,
220,
220,
220,
220,
220,
220,
220,
2750,
4277,
481,
4321,
262,
20150,
329,
345,
198,
220,
220,
220,
22365,
25,
493,
198,
220,
220,
220,
220,
220,
220,
220,
39852,
2849,
1847,
532,
22920,
286,
13432,
284,
15284,
329,
287,
4201,
198,
220,
220,
220,
220,
220,
220,
220,
2750,
4277,
481,
779,
262,
2104,
13432,
9478,
628,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
24200,
198,
220,
220,
220,
1989,
25,
12178,
198,
220,
220,
220,
220,
220,
220,
220,
383,
2214,
12,
1659,
12,
1177,
286,
262,
13432,
287,
6616,
7370,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
611,
15584,
62,
28961,
62,
7890,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
15584,
62,
28961,
62,
7890,
796,
651,
62,
11321,
62,
8158,
62,
38993,
7,
8158,
312,
8,
628,
220,
220,
220,
611,
22365,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
288,
83,
796,
41922,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
288,
83,
796,
1802,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
9794,
262,
22365,
284,
262,
287,
14225,
22365,
198,
220,
220,
220,
220,
220,
220,
220,
10201,
312,
11,
2179,
11,
875,
11,
4808,
11,
16119,
11,
1247,
5420,
42180,
11,
9619,
796,
15584,
62,
28961,
62,
7890,
198,
220,
220,
220,
220,
220,
220,
220,
15584,
62,
28961,
62,
7890,
796,
685,
8158,
312,
11,
2179,
11,
875,
11,
22365,
11,
16119,
11,
1247,
5420,
42180,
11,
9619,
60,
628,
220,
220,
220,
1303,
6889,
257,
17465,
329,
1123,
4922,
319,
262,
6766,
198,
220,
220,
220,
3891,
62,
430,
62,
12501,
796,
17635,
198,
220,
220,
220,
329,
2179,
287,
2837,
7,
15,
11,
15277,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
329,
875,
287,
2837,
32590,
3829,
11,
3829,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3891,
62,
430,
62,
12501,
13,
33295,
7,
14692,
15688,
62,
1930,
1600,
2179,
10,
15,
13,
20,
11,
875,
10,
15,
13,
20,
12962,
628,
220,
220,
220,
1303,
3497,
17763,
15584,
1176,
329,
477,
17848,
198,
220,
220,
220,
6766,
62,
30132,
796,
651,
62,
40045,
62,
6477,
62,
2502,
62,
2435,
7,
40045,
62,
28961,
62,
7890,
11,
3891,
62,
430,
62,
12501,
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,
7370,
28,
17821,
11,
288,
83,
28,
28664,
8,
628,
220,
220,
220,
1303,
9938,
262,
5415,
1176,
625,
477,
640,
198,
220,
220,
220,
3509,
62,
15688,
62,
30132,
796,
17635,
198,
220,
220,
220,
329,
17465,
62,
6477,
287,
6766,
62,
30132,
25,
198,
220,
220,
220,
220,
220,
220,
220,
20218,
62,
6477,
796,
657,
13,
198,
220,
220,
220,
220,
220,
220,
220,
329,
640,
62,
6477,
287,
17465,
62,
6477,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
640,
62,
6477,
58,
15,
60,
1875,
20218,
62,
6477,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
20218,
62,
6477,
796,
640,
62,
6477,
58,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
3509,
62,
15688,
62,
30132,
13,
33295,
7,
29510,
62,
6477,
8,
628,
220,
220,
220,
1303,
9938,
477,
17848,
3744,
621,
262,
2063,
1176,
966,
290,
2160,
511,
1989,
198,
220,
220,
220,
2063,
62,
6477,
62,
4122,
796,
3509,
7,
9806,
62,
15688,
62,
30132,
8,
1220,
362,
198,
220,
220,
220,
1312,
796,
657,
198,
220,
220,
220,
1989,
62,
16345,
796,
657,
198,
220,
220,
220,
329,
2179,
287,
2837,
7,
15,
11,
15277,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
329,
875,
287,
2837,
32590,
3829,
11,
3829,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
3509,
62,
15688,
62,
30132,
58,
72,
60,
1875,
2063,
62,
6477,
62,
4122,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1989,
62,
16345,
796,
1989,
62,
16345,
1343,
17465,
62,
20337,
7,
430,
11,
2179,
10,
16,
11,
875,
11,
875,
10,
16,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1312,
796,
1312,
1343,
352,
198,
220,
220,
220,
1441,
1989,
62,
16345,
628,
628,
198,
4299,
15584,
62,
9255,
62,
37023,
7,
30132,
11,
9478,
11,
288,
83,
28,
27137,
11,
949,
62,
6477,
28,
15,
13,
18,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
27131,
689,
618,
262,
2723,
14170,
290,
30151,
262,
15584,
628,
220,
220,
220,
15584,
62,
9255,
62,
37023,
7,
1084,
62,
6477,
11,
5635,
11,
545,
897,
11,
288,
83,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
5635,
25,
1351,
286,
5635,
11511,
262,
9478,
790,
288,
83,
290,
2030,
80,
5635,
58,
22355,
7131,
19503,
48382,
60,
198,
220,
220,
220,
220,
220,
220,
220,
288,
83,
25,
262,
640,
16654,
286,
703,
1690,
5635,
389,
10488,
198,
220,
220,
220,
220,
220,
220,
220,
9478,
25,
9478,
286,
262,
13432,
1864,
284,
262,
20150,
287,
4201,
198,
220,
220,
220,
220,
220,
220,
220,
949,
62,
6477,
25,
1976,
268,
342,
3487,
1417,
1176,
2005,
572,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
422,
629,
541,
88,
13,
3849,
16104,
378,
1330,
791,
42524,
26568,
500,
198,
220,
220,
220,
640,
62,
20214,
796,
45941,
13,
18747,
7,
9521,
7,
15,
11,
9478,
11,
288,
83,
828,
288,
4906,
28,
22468,
8,
628,
220,
220,
220,
1303,
1890,
1123,
640,
2239,
1700,
262,
949,
1176,
523,
772,
611,
262,
2723,
318,
287,
198,
220,
220,
220,
1303,
505,
2030,
80,
6518,
340,
338,
6264,
198,
220,
220,
220,
5635,
62,
19503,
80,
62,
1084,
796,
17635,
198,
220,
220,
220,
329,
279,
287,
5635,
25,
198,
220,
220,
220,
220,
220,
220,
220,
5635,
62,
19503,
80,
62,
1084,
13,
33295,
7,
22468,
7,
1084,
7,
79,
8,
532,
949,
62,
6477,
4008,
628,
220,
220,
220,
611,
949,
7,
30132,
62,
19503,
80,
62,
1084,
8,
1875,
657,
11207,
198,
220,
220,
220,
220,
220,
220,
220,
3802,
62,
40045,
796,
657,
13,
198,
220,
220,
220,
220,
220,
220,
220,
8420,
62,
40045,
796,
352,
13,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
5635,
62,
19503,
80,
62,
1084,
796,
45941,
13,
18747,
7,
30132,
62,
19503,
80,
62,
1084,
8,
198,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
24442,
7203,
2435,
62,
20214,
25,
23884,
1911,
18982,
7,
2435,
62,
20214,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
24442,
7203,
30132,
25,
23884,
1911,
18982,
7,
30132,
62,
19503,
80,
62,
1084,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
1949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4328,
500,
796,
791,
42524,
26568,
500,
7,
2435,
62,
20214,
11,
5635,
62,
19503,
80,
62,
1084,
837,
264,
28,
15,
2014,
198,
220,
220,
220,
220,
220,
220,
220,
2845,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
6045,
11,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
611,
18896,
7,
22018,
500,
13,
19150,
28955,
6624,
362,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3802,
62,
40045,
11,
8420,
62,
40045,
796,
4328,
500,
13,
19150,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3802,
62,
40045,
1220,
28,
9478,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8420,
62,
40045,
1220,
28,
9478,
198,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
18896,
7,
22018,
500,
13,
19150,
28955,
6624,
352,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
5635,
62,
19503,
80,
62,
1084,
58,
15,
60,
1875,
5635,
62,
19503,
80,
62,
1084,
58,
12,
16,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
6477,
24459,
523,
4940,
287,
307,
368,
788,
30151,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3802,
62,
40045,
796,
657,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8420,
62,
40045,
796,
4328,
500,
13,
19150,
3419,
58,
15,
60,
14,
32257,
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,
3802,
62,
40045,
796,
4328,
500,
13,
19150,
3419,
58,
15,
60,
14,
32257,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8420,
62,
40045,
796,
352,
13,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3802,
62,
40045,
796,
657,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8420,
62,
40045,
796,
352,
13,
198,
220,
220,
220,
1441,
3802,
62,
40045,
11,
8420,
62,
40045,
628,
198,
4299,
651,
62,
40045,
62,
6477,
62,
2502,
62,
2435,
7,
40045,
62,
28961,
62,
7890,
11,
3891,
62,
430,
62,
12501,
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,
288,
83,
28,
27137,
11,
3641,
8807,
28,
17821,
11,
15942,
577,
28,
25101,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3038,
11639,
38200,
13370,
3256,
7370,
28,
25101,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
923,
62,
2435,
28,
15,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
2199,
15968,
262,
1176,
357,
48544,
379,
20435,
14,
48544,
379,
1976,
268,
342,
8,
329,
1123,
2723,
625,
640,
13,
628,
220,
220,
220,
651,
62,
40045,
62,
6477,
62,
2502,
62,
2435,
7,
40045,
62,
28961,
62,
7890,
11,
3891,
62,
430,
62,
12501,
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,
288,
83,
28,
27137,
11,
3641,
8807,
28,
17821,
11,
15942,
577,
28,
25101,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3038,
796,
705,
38200,
13370,
11537,
198,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
15584,
62,
28961,
62,
7890,
25,
685,
8158,
312,
11,
430,
11,
875,
11,
640,
11,
16119,
11,
1087,
5420,
42180,
11,
9619,
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,
10201,
312,
20150,
6492,
422,
13634,
13,
1136,
62,
11321,
62,
8158,
62,
38993,
198,
220,
220,
220,
220,
220,
220,
220,
3891,
62,
430,
62,
12501,
25,
290,
7177,
287,
262,
5794,
16410,
10459,
62,
3672,
11,
17926,
41,
11,
4280,
41,
11907,
198,
220,
220,
220,
220,
220,
220,
220,
288,
83,
25,
640,
2239,
287,
4201,
329,
1176,
16765,
357,
12286,
41922,
8,
198,
220,
220,
220,
220,
220,
220,
220,
3641,
8807,
25,
691,
43707,
329,
262,
7372,
8373,
357,
12286,
6407,
8,
198,
220,
220,
220,
220,
220,
220,
220,
15942,
577,
25,
20842,
3131,
1366,
284,
357,
12286,
10352,
8,
198,
220,
220,
220,
220,
220,
220,
220,
3038,
25,
4165,
15584,
2746,
685,
38200,
13370,
11,
6190,
11,
1336,
62,
6500,
60,
198,
220,
220,
220,
220,
220,
220,
220,
923,
62,
2435,
25,
262,
640,
287,
4201,
422,
262,
2221,
278,
286,
262,
13432,
284,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
923,
26019,
379,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
10201,
312,
11,
4808,
11,
4808,
11,
640,
11,
16119,
11,
1247,
5420,
42180,
11,
9619,
796,
15584,
62,
28961,
62,
7890,
198,
220,
220,
220,
3891,
62,
430,
62,
12501,
796,
45941,
13,
18747,
7,
14933,
62,
430,
62,
12501,
8,
198,
220,
220,
220,
49706,
13,
10951,
7203,
9771,
3129,
803,
15584,
1176,
329,
440,
4462,
4522,
25,
1391,
15,
92,
1911,
18982,
7,
8158,
312,
4008,
628,
220,
220,
220,
923,
22355,
28,
37659,
13,
283,
858,
7,
9688,
62,
2435,
11,
2435,
10,
9688,
62,
2435,
11,
28664,
8,
198,
220,
220,
220,
2245,
22355,
28,
9688,
22355,
10,
28664,
198,
220,
220,
220,
2245,
22355,
58,
301,
8738,
999,
29,
2435,
22241,
2435,
198,
220,
220,
220,
399,
22355,
28,
11925,
7,
9688,
22355,
8,
198,
220,
220,
220,
3095,
22355,
28,
22468,
7,
8158,
312,
47762,
15,
13,
20,
9,
7,
9688,
22355,
10,
301,
8738,
999,
8,
628,
220,
220,
220,
611,
407,
3641,
8807,
25,
198,
220,
220,
220,
220,
220,
220,
220,
20668,
55,
28,
37659,
13,
9107,
418,
19510,
11925,
7,
14933,
62,
430,
62,
12501,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
399,
22355,
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,
18896,
7,
354,
8961,
22305,
198,
220,
220,
220,
220,
220,
220,
220,
20668,
56,
28,
37659,
13,
9107,
418,
19510,
11925,
7,
14933,
62,
430,
62,
12501,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
399,
22355,
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,
18896,
7,
354,
8961,
22305,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
287,
26109,
198,
220,
220,
220,
220,
220,
220,
220,
19998,
28,
37659,
13,
18747,
7,
354,
8961,
27493,
16,
13,
2078,
68,
21,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
20668,
55,
28,
37659,
13,
9107,
418,
19510,
11925,
7,
14933,
62,
430,
62,
12501,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
399,
22355,
11,
16,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
20668,
56,
28,
37659,
13,
9107,
418,
19510,
11925,
7,
14933,
62,
430,
62,
12501,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
399,
22355,
11,
16,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
611,
1247,
5420,
42180,
1875,
352,
68,
21,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
43917,
7203,
1087,
5420,
42180,
318,
3744,
621,
352,
68,
21,
11,
13148,
5128,
351,
4991,
286,
26109,
19570,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
19998,
28,
37659,
13,
18747,
26933,
1087,
5420,
42180,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
19998,
28,
37659,
13,
18747,
26933,
1087,
5420,
42180,
12962,
9,
16,
68,
21,
198,
220,
220,
220,
611,
7370,
25,
198,
220,
220,
220,
220,
220,
220,
220,
371,
1722,
796,
45941,
13,
18747,
7,
14933,
62,
430,
62,
12501,
58,
45299,
16,
4357,
67,
4906,
28,
22468,
8,
198,
220,
220,
220,
220,
220,
220,
220,
4280,
82,
796,
45941,
13,
18747,
7,
14933,
62,
430,
62,
12501,
58,
45299,
17,
4357,
67,
4906,
28,
22468,
8,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
371,
1722,
11,
4280,
82,
796,
1714,
17,
13500,
7,
14933,
62,
430,
62,
12501,
58,
45299,
16,
4357,
14933,
62,
430,
62,
12501,
58,
45299,
17,
12962,
628,
220,
220,
220,
611,
18896,
7,
49,
1722,
8,
855,
15,
25,
198,
220,
220,
220,
220,
220,
220,
220,
25064,
13,
301,
1082,
81,
13,
13564,
10786,
34320,
5127,
18189,
16,
2723,
6116,
59,
77,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
6045,
198,
220,
220,
220,
611,
407,
18896,
7,
49,
1722,
8,
855,
11925,
7,
10707,
82,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
25064,
13,
301,
1082,
81,
13,
13564,
10786,
34320,
5127,
4961,
3146,
286,
371,
1722,
290,
4280,
82,
59,
77,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
6045,
198,
220,
220,
220,
611,
15942,
577,
318,
10352,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
40784,
601,
3601,
6299,
286,
262,
4165,
15584,
2746,
5499,
198,
220,
220,
220,
220,
220,
220,
220,
25064,
13,
19282,
448,
796,
1280,
7,
418,
13,
7959,
8423,
11,
705,
86,
11537,
198,
220,
220,
220,
329,
340,
524,
287,
2837,
7,
45,
22355,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
428,
13238,
338,
422,
262,
2180,
2462,
4411,
62,
26791,
2446,
416,
657,
13,
16,
7370,
198,
220,
220,
220,
220,
220,
220,
220,
4808,
11,
7578,
82,
11,
1168,
292,
796,
285,
10247,
62,
2501,
62,
1031,
62,
4496,
7,
21184,
999,
58,
22552,
4357,
2179,
28,
49,
1722,
11,
875,
28,
10707,
82,
11,
7370,
28,
17821,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
467,
422,
20334,
284,
1976,
268,
342,
9848,
198,
220,
220,
220,
220,
220,
220,
220,
262,
8326,
796,
45941,
13,
6335,
1547,
7,
57,
292,
8,
198,
220,
220,
220,
220,
220,
220,
220,
872,
72,
796,
45941,
13,
6335,
1547,
7,
26903,
82,
8,
198,
220,
220,
220,
220,
220,
220,
220,
329,
611,
42180,
287,
2837,
7,
11925,
7,
69,
8897,
3976,
8,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
10707,
485,
319,
15584,
2746,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
3038,
6624,
705,
38200,
13370,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
374,
55,
11,
81,
56,
28,
39754,
62,
40045,
13,
14326,
32,
62,
35103,
62,
38200,
13370,
7,
1169,
8326,
11,
872,
72,
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,
2030,
80,
28,
69,
8897,
3976,
58,
361,
42180,
4357,
16119,
28,
12381,
592,
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,
1976,
268,
342,
27237,
28,
17821,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1176,
28,
17821,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
3038,
6624,
705,
32225,
2903,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
374,
55,
11,
81,
56,
28,
39754,
62,
40045,
13,
14326,
32,
62,
35103,
62,
32225,
2903,
7,
1169,
8326,
11,
872,
72,
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,
2030,
80,
28,
69,
8897,
3976,
58,
361,
42180,
4357,
16119,
28,
12381,
592,
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,
1976,
268,
342,
27237,
28,
17821,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1176,
28,
17821,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
3038,
6624,
705,
12853,
62,
6500,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
374,
55,
11,
81,
56,
28,
39754,
62,
40045,
13,
14326,
32,
62,
35103,
62,
12853,
62,
6500,
7,
1169,
8326,
11,
872,
72,
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,
2030,
80,
28,
69,
8897,
3976,
58,
361,
42180,
4357,
16119,
28,
12381,
592,
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,
1976,
268,
342,
27237,
28,
17821,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1176,
28,
17821,
8,
198,
220,
220,
220,
220,
220,
220,
220,
20668,
55,
58,
45299,
22552,
11,
361,
42180,
22241,
81,
55,
198,
220,
220,
220,
220,
220,
220,
220,
20668,
56,
58,
45299,
22552,
11,
361,
42180,
22241,
81,
56,
198,
220,
220,
220,
611,
15942,
577,
318,
10352,
25,
198,
220,
220,
220,
220,
220,
220,
220,
25064,
13,
19282,
448,
796,
25064,
13,
834,
19282,
448,
834,
198,
220,
220,
220,
20668,
28,
15,
13,
20,
9,
7,
47,
3618,
55,
10,
47,
3618,
56,
8,
198,
220,
220,
220,
1441,
20668,
628,
198,
4299,
1064,
62,
82,
2203,
62,
259,
62,
8158,
7,
8158,
312,
62,
4868,
11,
3891,
62,
430,
62,
12501,
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,
10201,
62,
1640,
62,
10459,
28,
25101,
11,
288,
83,
62,
15414,
28,
3064,
11,
15584,
11639,
38200,
13370,
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,
949,
62,
6477,
28,
15,
13,
18,
11,
2386,
62,
9122,
28,
25101,
11,
477,
62,
37764,
28,
25101,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7370,
62,
9122,
28,
25101,
11,
20150,
62,
4868,
28,
14202,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
15467,
8075,
2420,
3696,
329,
1123,
337,
15543,
10201,
4522,
286,
1123,
2723,
1626,
340,
393,
257,
2420,
198,
220,
220,
220,
2393,
329,
1123,
2723,
351,
1123,
337,
15543,
10201,
318,
326,
262,
2723,
318,
287,
13,
198,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
10201,
312,
62,
4868,
25,
1351,
286,
337,
15543,
10201,
32373,
198,
220,
220,
220,
220,
220,
220,
220,
3891,
62,
430,
62,
12501,
25,
16410,
10459,
62,
3672,
11,
2179,
11,
875,
11907,
198,
220,
220,
220,
220,
220,
220,
220,
288,
83,
25,
262,
640,
2239,
287,
4201,
284,
466,
1176,
16765,
198,
220,
220,
220,
220,
220,
220,
220,
15584,
25,
15584,
18640,
2099,
37250,
38200,
13370,
3256,
705,
32225,
2903,
3256,
705,
12853,
62,
6500,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
949,
62,
6477,
25,
611,
2029,
262,
949,
1505,
1176,
18533,
340,
338,
287,
262,
15584,
198,
220,
220,
220,
220,
220,
220,
220,
2386,
62,
9122,
25,
8794,
262,
337,
15543,
22271,
283,
6831,
611,
612,
318,
257,
36537,
329,
262,
10201,
312,
198,
220,
220,
220,
220,
220,
220,
220,
477,
62,
37764,
25,
5765,
477,
13161,
1095,
13050,
1390,
617,
287,
1287,
1332,
1366,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
351,
11491,
17519,
198,
220,
220,
220,
220,
220,
220,
220,
7370,
62,
9122,
25,
611,
3991,
2179,
290,
875,
318,
287,
289,
907,
11,
611,
2081,
287,
7370,
198,
220,
220,
220,
25235,
685,
22915,
62,
7890,
11,
10201,
312,
62,
28961,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
5072,
62,
7890,
25,
383,
5794,
286,
5072,
62,
7890,
318,
4745,
415,
319,
10201,
62,
1640,
62,
10459,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1002,
10201,
62,
1640,
62,
10459,
318,
6407,
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,
5072,
62,
7890,
796,
1391,
73,
3672,
25,
30109,
8158,
312,
11,
9478,
11,
3802,
11,
8420,
11,
3509,
62,
6477,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
685,
8158,
312,
11,
9478,
11,
3802,
11,
8420,
11,
3509,
62,
6477,
11907,
92,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1002,
10201,
62,
1640,
62,
10459,
318,
10352,
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,
267,
929,
315,
62,
7890,
796,
1391,
8158,
312,
25,
30109,
73,
3672,
11,
3802,
11,
8420,
11,
3509,
62,
6477,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
685,
73,
3672,
11,
3802,
11,
8420,
11,
3509,
62,
6477,
11907,
92,
198,
220,
220,
220,
220,
220,
220,
220,
10201,
312,
62,
28961,
25,
257,
1351,
286,
262,
5072,
286,
651,
62,
11321,
62,
8158,
62,
38993,
329,
1123,
10201,
312,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1303,
46012,
3565,
20150,
3848,
290,
43707,
1176,
198,
220,
220,
220,
5635,
796,
17635,
198,
220,
220,
220,
1303,
30132,
58,
8158,
312,
7131,
10459,
7131,
2435,
7131,
19503,
80,
60,
198,
220,
220,
220,
10201,
312,
62,
28961,
796,
17635,
198,
220,
220,
220,
10201,
312,
62,
1462,
62,
28956,
796,
17635,
628,
220,
220,
220,
329,
1312,
11,
10201,
312,
287,
27056,
378,
7,
8158,
312,
62,
4868,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
611,
20150,
62,
4868,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
15584,
62,
28961,
62,
7890,
11,
4808,
796,
20150,
62,
4868,
58,
72,
60,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
15584,
62,
28961,
62,
7890,
796,
651,
62,
11321,
62,
8158,
62,
38993,
7,
8158,
312,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
40045,
62,
28961,
62,
7890,
796,
10201,
312,
11,
430,
62,
8158,
11,
12501,
62,
8158,
11,
2435,
62,
8158,
11,
12381,
592,
11,
1087,
5420,
42180,
11,
354,
8961,
628,
220,
220,
220,
220,
220,
220,
220,
611,
288,
83,
62,
15414,
1635,
604,
1875,
220,
15584,
62,
28961,
62,
7890,
58,
18,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
1002,
262,
13432,
640,
318,
845,
1790,
788,
257,
4833,
288,
83,
640,
318,
2672,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
284,
651,
1576,
12334,
263,
545,
1161,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
288,
83,
796,
493,
7,
40045,
62,
28961,
62,
7890,
58,
18,
60,
1220,
604,
2014,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
288,
83,
796,
288,
83,
62,
15414,
198,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
24442,
7203,
8158,
312,
25,
1391,
15,
5512,
640,
62,
8158,
1391,
16,
92,
264,
11,
288,
83,
1391,
17,
92,
264,
1911,
18982,
7,
8158,
312,
11,
15584,
62,
28961,
62,
7890,
58,
18,
4357,
288,
83,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
35006,
262,
2393,
13634,
1366,
869,
198,
220,
220,
220,
220,
220,
220,
220,
3696,
62,
28961,
62,
7890,
796,
651,
28961,
7,
15271,
11639,
7890,
62,
16624,
3256,
42287,
34758,
6,
8158,
62,
312,
10354,
8158,
312,
11,
705,
77,
420,
4891,
10354,
16,
30072,
198,
220,
220,
220,
220,
220,
220,
220,
611,
3696,
62,
28961,
62,
7890,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
43917,
7203,
2949,
2393,
20150,
1366,
1043,
329,
10201,
312,
23884,
13,
3661,
4501,
1911,
18982,
7,
8158,
312,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
10201,
312,
62,
1462,
62,
28956,
13,
33295,
7,
8158,
312,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2555,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
6822,
8246,
15004,
3696,
198,
220,
220,
220,
220,
220,
220,
220,
8246,
62,
15182,
796,
10352,
198,
220,
220,
220,
220,
220,
220,
220,
8246,
62,
2934,
33342,
220,
220,
796,
10352,
198,
220,
220,
220,
220,
220,
220,
220,
329,
2393,
62,
3672,
287,
3696,
62,
28961,
62,
7890,
13,
13083,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2393,
62,
3672,
13,
437,
2032,
342,
10786,
19608,
6,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
13140,
796,
3696,
62,
28961,
62,
7890,
58,
7753,
62,
3672,
7131,
6,
2934,
33342,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
13140,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8246,
62,
2934,
33342,
220,
220,
796,
6407,
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,
8246,
62,
15182,
796,
6407,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
6822,
5929,
15004,
13422,
3696,
198,
220,
220,
220,
220,
220,
220,
220,
1974,
62,
15182,
796,
10352,
198,
220,
220,
220,
220,
220,
220,
220,
1974,
62,
2934,
33342,
220,
220,
796,
10352,
198,
220,
220,
220,
220,
220,
220,
220,
329,
2393,
62,
3672,
287,
3696,
62,
28961,
62,
7890,
13,
13083,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2393,
62,
3672,
13,
437,
2032,
342,
10786,
18870,
6,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
13140,
796,
3696,
62,
28961,
62,
7890,
58,
7753,
62,
3672,
7131,
6,
2934,
33342,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
13140,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1974,
62,
2934,
33342,
220,
220,
796,
6407,
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,
1974,
62,
15182,
796,
6407,
628,
220,
220,
220,
220,
220,
220,
220,
611,
8246,
62,
15182,
393,
1974,
62,
15182,
393,
477,
62,
37764,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5635,
13,
33295,
7,
1136,
62,
40045,
62,
6477,
62,
2502,
62,
2435,
7,
40045,
62,
28961,
62,
7890,
11,
3891,
62,
430,
62,
12501,
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,
288,
83,
28,
28664,
11,
3641,
8807,
28,
17821,
11,
15942,
577,
28,
25101,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3038,
28,
40045,
11,
7370,
28,
13500,
6037,
62,
9122,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
10201,
312,
62,
28961,
13,
33295,
7,
40045,
62,
28961,
62,
7890,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
8246,
62,
2934,
33342,
290,
1974,
62,
2934,
33342,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
43917,
10786,
27369,
290,
5929,
15004,
3696,
13140,
329,
23884,
4458,
18982,
7,
8158,
312,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
10201,
312,
62,
1462,
62,
28956,
13,
33295,
7,
8158,
312,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
8246,
62,
2934,
33342,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
43917,
10786,
27369,
15004,
3696,
13140,
329,
23884,
4458,
18982,
7,
8158,
312,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
10201,
312,
62,
1462,
62,
28956,
13,
33295,
7,
8158,
312,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
1974,
62,
2934,
33342,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
43917,
10786,
20575,
1389,
15004,
3696,
13140,
329,
23884,
4458,
18982,
7,
8158,
312,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
10201,
312,
62,
1462,
62,
28956,
13,
33295,
7,
8158,
312,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
43917,
10786,
2949,
8246,
393,
5929,
15004,
3696,
329,
23884,
4458,
18982,
7,
8158,
312,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
10201,
312,
62,
1462,
62,
28956,
13,
33295,
7,
8158,
312,
8,
198,
220,
220,
220,
329,
267,
2213,
287,
10201,
312,
62,
1462,
62,
28956,
25,
198,
220,
220,
220,
220,
220,
220,
220,
10201,
312,
62,
4868,
13,
28956,
7,
313,
81,
8,
628,
220,
220,
220,
1303,
6679,
4629,
1771,
284,
1351,
262,
2723,
287,
1123,
10201,
393,
262,
10201,
329,
1123,
2723,
198,
220,
220,
220,
5072,
62,
7890,
796,
23884,
198,
220,
220,
220,
611,
10201,
62,
1640,
62,
10459,
25,
198,
220,
220,
220,
220,
220,
220,
220,
329,
3013,
11,
2723,
287,
27056,
378,
7,
14933,
62,
430,
62,
12501,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2723,
62,
7890,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
319,
11,
10201,
312,
287,
27056,
378,
7,
8158,
312,
62,
4868,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2723,
62,
672,
62,
6477,
796,
5635,
58,
261,
7131,
16184,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
3509,
7,
10459,
62,
672,
62,
6477,
8,
1875,
949,
62,
6477,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9478,
796,
10201,
312,
62,
28961,
58,
261,
7131,
18,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7372,
62,
19503,
80,
796,
10201,
312,
62,
28961,
58,
261,
7131,
20,
60,
1303,
25983,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9619,
796,
10201,
312,
62,
28961,
58,
261,
7131,
21,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
19484,
796,
357,
354,
8961,
58,
12,
16,
60,
532,
9619,
58,
15,
60,
1343,
352,
2014,
9,
16,
13,
2078,
1303,
25983,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
49706,
13,
24442,
7203,
28768,
15584,
62,
9255,
62,
37023,
319,
10201,
312,
25,
23884,
1911,
18982,
7,
8158,
312,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3802,
62,
40045,
11,
8420,
62,
40045,
796,
15584,
62,
9255,
62,
37023,
7,
10459,
62,
672,
62,
6477,
11,
32257,
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,
288,
83,
28,
28664,
11,
949,
62,
6477,
28,
1084,
62,
6477,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
3802,
62,
40045,
318,
407,
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,
2723,
62,
7890,
13,
33295,
26933,
8158,
312,
11,
9478,
11,
3802,
62,
40045,
11,
8420,
62,
40045,
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,
3509,
7,
10459,
62,
672,
62,
6477,
38381,
15,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7372,
62,
19503,
80,
11,
19484,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
1114,
1123,
2723,
787,
257,
22155,
1994,
326,
4909,
257,
1351,
286,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
8341,
286,
262,
1366,
329,
1123,
10201,
312,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5072,
62,
7890,
58,
10459,
58,
15,
11907,
796,
2723,
62,
7890,
628,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
22915,
257,
1351,
286,
25655,
728,
329,
1123,
10201,
198,
220,
220,
220,
220,
220,
220,
220,
329,
319,
11,
10201,
312,
287,
27056,
378,
7,
8158,
312,
62,
4868,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9478,
796,
10201,
312,
62,
28961,
58,
261,
7131,
18,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
10201,
312,
62,
7890,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
3013,
11,
2723,
287,
27056,
378,
7,
14933,
62,
430,
62,
12501,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2723,
62,
672,
62,
6477,
796,
5635,
58,
261,
7131,
16184,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
3509,
7,
10459,
62,
672,
62,
6477,
8,
1875,
949,
62,
6477,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3802,
62,
40045,
11,
8420,
62,
40045,
796,
15584,
62,
9255,
62,
37023,
7,
10459,
62,
672,
62,
6477,
11,
9478,
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,
288,
83,
28,
28664,
11,
949,
62,
6477,
28,
1084,
62,
6477,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
10201,
312,
62,
7890,
13,
33295,
26933,
10459,
58,
15,
4357,
3802,
62,
40045,
11,
8420,
62,
40045,
11,
3509,
7,
10459,
62,
672,
62,
6477,
38381,
15,
11907,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
1114,
1123,
10201,
312,
787,
257,
22155,
1994,
326,
4909,
257,
1351,
286,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
8341,
286,
262,
1366,
329,
1123,
2723,
14,
79,
5753,
283,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5072,
62,
7890,
58,
8158,
312,
60,
796,
10201,
312,
62,
7890,
628,
220,
220,
220,
1441,
5072,
62,
7890,
11,
10201,
312,
62,
28961
] | 2.041022 | 7,752 |
# -*- coding=utf-8 -*-
import os
if __name__ == '__main__':
# ================================================================== #
# Select Sample List #
# ================================================================== #
output = open('ALL.txt', 'w')
with open('Path_Xmls.txt', 'r') as fp:
for oneFile in fp:
xmlname = oneFile.strip()
jpgname = xmlname.replace('.xml', '.jpg').replace('Annotations', 'JPEGImages')
output.write(jpgname)
output.write('\t')
output.write(xmlname)
output.write('\n')
output.close()
| [
2,
532,
9,
12,
19617,
28,
40477,
12,
23,
532,
9,
12,
198,
11748,
28686,
198,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
198,
220,
220,
220,
1303,
38093,
28,
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,
9683,
27565,
7343,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
198,
220,
220,
220,
1303,
38093,
28,
1303,
198,
220,
220,
220,
5072,
796,
1280,
10786,
7036,
13,
14116,
3256,
705,
86,
11537,
198,
220,
220,
220,
351,
1280,
10786,
15235,
62,
55,
4029,
82,
13,
14116,
3256,
705,
81,
11537,
355,
277,
79,
25,
198,
220,
220,
220,
220,
220,
220,
220,
329,
530,
8979,
287,
277,
79,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
35555,
3672,
796,
530,
8979,
13,
36311,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
474,
6024,
3672,
796,
35555,
3672,
13,
33491,
7,
4458,
19875,
3256,
45302,
9479,
27691,
33491,
10786,
2025,
30078,
3256,
705,
12889,
7156,
29398,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5072,
13,
13564,
7,
9479,
3672,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5072,
13,
13564,
10786,
59,
83,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5072,
13,
13564,
7,
19875,
3672,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5072,
13,
13564,
10786,
59,
77,
11537,
198,
220,
220,
220,
5072,
13,
19836,
3419,
198
] | 2.272109 | 294 |
"""superb URL Configuration
The `urlpatterns` list routes URLs to views. For more information please see:
https://docs.djangoproject.com/en/3.2/topics/http/urls/
Examples:
Function views
1. Add an import: from my_app import views
2. Add a URL to urlpatterns: path('', views.home, name='home')
Class-based views
1. Add an import: from other_app.views import Home
2. Add a URL to urlpatterns: path('', Home.as_view(), name='home')
Including another URLconf
1. Import the include() function: from django.urls import include, path
2. Add a URL to urlpatterns: path('blog/', include('blog.urls'))
"""
from django.contrib import admin
from django.urls import path, include
from django.conf.urls.static import static
from django.conf import settings
from rest_framework_simplejwt.views import (
TokenObtainPairView,
TokenRefreshView,
)
urlpatterns = [
path ('admin/', admin.site.urls),
path('ckeditor/', include('ckeditor_uploader.urls')),
path ('', include("core.urls")),
path ('', include("blog.urls")),
path ('', include("accounts.urls", namespace = "accounts")),
path ('', include("order.urls", namespace="order")),
path ('', include("products.urls")),
path('api-auth/', include('rest_framework.urls')),
path('api/', include('api.urls')),
path('api/token/', TokenObtainPairView.as_view(), name='token_obtain_pair'),
path('api/token/refresh/', TokenRefreshView.as_view(), name='token_refresh'),
]
if settings.DEBUG:
urlpatterns += static(settings.STATIC_URL, document_root = settings.STATIC_ROOT)
urlpatterns += static(settings.MEDIA_URL, document_root = settings.MEDIA_ROOT) | [
37811,
16668,
65,
10289,
28373,
198,
198,
464,
4600,
6371,
33279,
82,
63,
1351,
11926,
32336,
284,
5009,
13,
1114,
517,
1321,
3387,
766,
25,
198,
220,
220,
220,
3740,
1378,
31628,
13,
28241,
648,
404,
305,
752,
13,
785,
14,
268,
14,
18,
13,
17,
14,
4852,
873,
14,
4023,
14,
6371,
82,
14,
198,
27730,
25,
198,
22203,
5009,
198,
220,
220,
220,
352,
13,
3060,
281,
1330,
25,
220,
422,
616,
62,
1324,
1330,
5009,
198,
220,
220,
220,
362,
13,
3060,
257,
10289,
284,
19016,
33279,
82,
25,
220,
3108,
10786,
3256,
5009,
13,
11195,
11,
1438,
11639,
11195,
11537,
198,
9487,
12,
3106,
5009,
198,
220,
220,
220,
352,
13,
3060,
281,
1330,
25,
220,
422,
584,
62,
1324,
13,
33571,
1330,
5995,
198,
220,
220,
220,
362,
13,
3060,
257,
10289,
284,
19016,
33279,
82,
25,
220,
3108,
10786,
3256,
5995,
13,
292,
62,
1177,
22784,
1438,
11639,
11195,
11537,
198,
818,
6360,
1194,
10289,
10414,
198,
220,
220,
220,
352,
13,
17267,
262,
2291,
3419,
2163,
25,
422,
42625,
14208,
13,
6371,
82,
1330,
2291,
11,
3108,
198,
220,
220,
220,
362,
13,
3060,
257,
10289,
284,
19016,
33279,
82,
25,
220,
3108,
10786,
14036,
14,
3256,
2291,
10786,
14036,
13,
6371,
82,
6,
4008,
198,
37811,
198,
6738,
42625,
14208,
13,
3642,
822,
1330,
13169,
198,
6738,
42625,
14208,
13,
6371,
82,
1330,
3108,
11,
2291,
198,
198,
6738,
42625,
14208,
13,
10414,
13,
6371,
82,
13,
12708,
1330,
9037,
198,
6738,
42625,
14208,
13,
10414,
1330,
6460,
198,
198,
6738,
1334,
62,
30604,
62,
36439,
73,
46569,
13,
33571,
1330,
357,
198,
220,
220,
220,
29130,
5944,
3153,
47,
958,
7680,
11,
198,
220,
220,
220,
29130,
8134,
3447,
7680,
11,
198,
8,
198,
198,
6371,
33279,
82,
796,
685,
198,
220,
220,
220,
3108,
19203,
28482,
14,
3256,
13169,
13,
15654,
13,
6371,
82,
828,
198,
220,
220,
220,
3108,
10786,
694,
35352,
14,
3256,
2291,
10786,
694,
35352,
62,
25850,
263,
13,
6371,
82,
11537,
828,
198,
220,
220,
220,
3108,
19203,
3256,
2291,
7203,
7295,
13,
6371,
82,
4943,
828,
198,
220,
220,
220,
3108,
19203,
3256,
2291,
7203,
14036,
13,
6371,
82,
4943,
828,
198,
220,
220,
220,
3108,
19203,
3256,
2291,
7203,
23317,
82,
13,
6371,
82,
1600,
25745,
796,
366,
23317,
82,
4943,
828,
198,
220,
220,
220,
3108,
19203,
3256,
2291,
7203,
2875,
13,
6371,
82,
1600,
25745,
2625,
2875,
4943,
828,
198,
220,
220,
220,
3108,
19203,
3256,
2291,
7203,
29498,
13,
6371,
82,
4943,
828,
198,
220,
220,
220,
3108,
10786,
15042,
12,
18439,
14,
3256,
2291,
10786,
2118,
62,
30604,
13,
6371,
82,
11537,
828,
198,
220,
220,
220,
3108,
10786,
15042,
14,
3256,
2291,
10786,
15042,
13,
6371,
82,
11537,
828,
198,
220,
220,
220,
3108,
10786,
15042,
14,
30001,
14,
3256,
29130,
5944,
3153,
47,
958,
7680,
13,
292,
62,
1177,
22784,
1438,
11639,
30001,
62,
672,
3153,
62,
24874,
33809,
198,
220,
220,
220,
3108,
10786,
15042,
14,
30001,
14,
5420,
3447,
14,
3256,
29130,
8134,
3447,
7680,
13,
292,
62,
1177,
22784,
1438,
11639,
30001,
62,
5420,
3447,
33809,
198,
220,
220,
220,
220,
198,
60,
628,
198,
361,
6460,
13,
30531,
25,
198,
220,
220,
220,
19016,
33279,
82,
15853,
9037,
7,
33692,
13,
35744,
2149,
62,
21886,
11,
3188,
62,
15763,
796,
6460,
13,
35744,
2149,
62,
13252,
2394,
8,
198,
220,
220,
220,
19016,
33279,
82,
15853,
9037,
7,
33692,
13,
30733,
3539,
62,
21886,
11,
3188,
62,
15763,
796,
6460,
13,
30733,
3539,
62,
13252,
2394,
8
] | 2.819865 | 594 |
from classes.Shell import Shell
from classes.FileSystem import FileSystem
main() | [
6738,
6097,
13,
23248,
1330,
17537,
198,
6738,
6097,
13,
8979,
11964,
1330,
9220,
11964,
198,
12417,
3419
] | 4.444444 | 18 |
version_info = (5, 3, 1)
version = '.'.join(str(v) for v in version_info)
| [
9641,
62,
10951,
796,
357,
20,
11,
513,
11,
352,
8,
198,
9641,
796,
705,
2637,
13,
22179,
7,
2536,
7,
85,
8,
329,
410,
287,
2196,
62,
10951,
8,
198
] | 2.387097 | 31 |
from fontTools.ttLib.tables import otTables
from fontTools.otlLib.builder import buildStatTable
from fontTools.varLib import instancer
import pytest
@pytest.mark.parametrize(
"limits, expected, isNonRIBBI",
[
# Regular
(
{"wght": 400},
{
(1, 3, 1, 0x409): "Test Variable Font",
(2, 3, 1, 0x409): "Regular",
(3, 3, 1, 0x409): "2.001;GOOG;TestVariableFont-Regular",
(6, 3, 1, 0x409): "TestVariableFont-Regular",
},
False,
),
# Regular Normal (width axis Normal isn't included since it is elided)
(
{"wght": 400, "wdth": 100},
{
(1, 3, 1, 0x409): "Test Variable Font",
(2, 3, 1, 0x409): "Regular",
(3, 3, 1, 0x409): "2.001;GOOG;TestVariableFont-Regular",
(6, 3, 1, 0x409): "TestVariableFont-Regular",
},
False,
),
# Black
(
{"wght": 900},
{
(1, 3, 1, 0x409): "Test Variable Font Black",
(2, 3, 1, 0x409): "Regular",
(3, 3, 1, 0x409): "2.001;GOOG;TestVariableFont-Black",
(6, 3, 1, 0x409): "TestVariableFont-Black",
(16, 3, 1, 0x409): "Test Variable Font",
(17, 3, 1, 0x409): "Black",
},
True,
),
# Thin
(
{"wght": 100},
{
(1, 3, 1, 0x409): "Test Variable Font Thin",
(2, 3, 1, 0x409): "Regular",
(3, 3, 1, 0x409): "2.001;GOOG;TestVariableFont-Thin",
(6, 3, 1, 0x409): "TestVariableFont-Thin",
(16, 3, 1, 0x409): "Test Variable Font",
(17, 3, 1, 0x409): "Thin",
},
True,
),
# Thin Condensed
(
{"wght": 100, "wdth": 79},
{
(1, 3, 1, 0x409): "Test Variable Font Thin Condensed",
(2, 3, 1, 0x409): "Regular",
(3, 3, 1, 0x409): "2.001;GOOG;TestVariableFont-ThinCondensed",
(6, 3, 1, 0x409): "TestVariableFont-ThinCondensed",
(16, 3, 1, 0x409): "Test Variable Font",
(17, 3, 1, 0x409): "Thin Condensed",
},
True,
),
# Condensed with unpinned weights
(
{"wdth": 79, "wght": instancer.AxisRange(400, 900)},
{
(1, 3, 1, 0x409): "Test Variable Font Condensed",
(2, 3, 1, 0x409): "Regular",
(3, 3, 1, 0x409): "2.001;GOOG;TestVariableFont-Condensed",
(6, 3, 1, 0x409): "TestVariableFont-Condensed",
(16, 3, 1, 0x409): "Test Variable Font",
(17, 3, 1, 0x409): "Condensed",
},
True,
),
],
)
@pytest.mark.parametrize(
"limits, expected, isNonRIBBI",
[
# Regular | Normal
(
{"wght": 400},
{
(1, 3, 1, 0x409): "Test Variable Font",
(2, 3, 1, 0x409): "Normal",
},
False,
),
# Black | Negreta
(
{"wght": 900},
{
(1, 3, 1, 0x409): "Test Variable Font Negreta",
(2, 3, 1, 0x409): "Normal",
(16, 3, 1, 0x409): "Test Variable Font",
(17, 3, 1, 0x409): "Negreta",
},
True,
),
# Black Condensed | Negreta Zhuštěné
(
{"wght": 900, "wdth": 79},
{
(1, 3, 1, 0x409): "Test Variable Font Negreta Zhuštěné",
(2, 3, 1, 0x409): "Normal",
(16, 3, 1, 0x409): "Test Variable Font",
(17, 3, 1, 0x409): "Negreta Zhuštěné",
},
True,
),
],
)
@pytest.mark.parametrize(
"limits, expected, isNonRIBBI",
[
# Regular | Normal
(
{"wght": 400},
{
(1, 3, 1, 0x409): "Test Variable Font",
(2, 3, 1, 0x409): "Italic",
(6, 3, 1, 0x409): "TestVariableFont-Italic",
},
False,
),
# Black Condensed Italic
(
{"wght": 900, "wdth": 79},
{
(1, 3, 1, 0x409): "Test Variable Font Black Condensed",
(2, 3, 1, 0x409): "Italic",
(6, 3, 1, 0x409): "TestVariableFont-BlackCondensedItalic",
(16, 3, 1, 0x409): "Test Variable Font",
(17, 3, 1, 0x409): "Black Condensed Italic",
},
True,
),
],
)
| [
6738,
10369,
33637,
13,
926,
25835,
13,
83,
2977,
1330,
30972,
51,
2977,
198,
6738,
10369,
33637,
13,
313,
75,
25835,
13,
38272,
1330,
1382,
17126,
10962,
198,
6738,
10369,
33637,
13,
7785,
25835,
1330,
916,
8250,
198,
198,
11748,
12972,
9288,
628,
628,
198,
31,
9078,
9288,
13,
4102,
13,
17143,
316,
380,
2736,
7,
198,
220,
220,
220,
366,
49196,
11,
2938,
11,
318,
15419,
7112,
33,
3483,
1600,
198,
220,
220,
220,
685,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
23603,
198,
220,
220,
220,
220,
220,
220,
220,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
19779,
86,
456,
83,
1298,
7337,
5512,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
16,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
14402,
35748,
24060,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
17,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
40164,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
18,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
17,
13,
8298,
26,
38,
6684,
38,
26,
14402,
43015,
23252,
12,
40164,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
21,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
14402,
43015,
23252,
12,
40164,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8964,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
10352,
11,
198,
220,
220,
220,
220,
220,
220,
220,
10612,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
23603,
14435,
357,
10394,
16488,
14435,
2125,
470,
3017,
1201,
340,
318,
1288,
1384,
8,
198,
220,
220,
220,
220,
220,
220,
220,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
19779,
86,
456,
83,
1298,
7337,
11,
366,
16993,
400,
1298,
1802,
5512,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
16,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
14402,
35748,
24060,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
17,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
40164,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
18,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
17,
13,
8298,
26,
38,
6684,
38,
26,
14402,
43015,
23252,
12,
40164,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
21,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
14402,
43015,
23252,
12,
40164,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8964,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
10352,
11,
198,
220,
220,
220,
220,
220,
220,
220,
10612,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
2619,
198,
220,
220,
220,
220,
220,
220,
220,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
19779,
86,
456,
83,
1298,
15897,
5512,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
16,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
14402,
35748,
24060,
2619,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
17,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
40164,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
18,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
17,
13,
8298,
26,
38,
6684,
38,
26,
14402,
43015,
23252,
12,
9915,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
21,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
14402,
43015,
23252,
12,
9915,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
1433,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
14402,
35748,
24060,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
1558,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
9915,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8964,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6407,
11,
198,
220,
220,
220,
220,
220,
220,
220,
10612,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
40487,
198,
220,
220,
220,
220,
220,
220,
220,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
19779,
86,
456,
83,
1298,
1802,
5512,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
16,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
14402,
35748,
24060,
40487,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
17,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
40164,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
18,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
17,
13,
8298,
26,
38,
6684,
38,
26,
14402,
43015,
23252,
12,
817,
259,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
21,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
14402,
43015,
23252,
12,
817,
259,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
1433,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
14402,
35748,
24060,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
1558,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
817,
259,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8964,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6407,
11,
198,
220,
220,
220,
220,
220,
220,
220,
10612,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
40487,
9724,
15385,
198,
220,
220,
220,
220,
220,
220,
220,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
19779,
86,
456,
83,
1298,
1802,
11,
366,
16993,
400,
1298,
9225,
5512,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
16,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
14402,
35748,
24060,
40487,
9724,
15385,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
17,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
40164,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
18,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
17,
13,
8298,
26,
38,
6684,
38,
26,
14402,
43015,
23252,
12,
817,
259,
25559,
15385,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
21,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
14402,
43015,
23252,
12,
817,
259,
25559,
15385,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
1433,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
14402,
35748,
24060,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
1558,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
817,
259,
9724,
15385,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8964,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6407,
11,
198,
220,
220,
220,
220,
220,
220,
220,
10612,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
9724,
15385,
351,
8593,
259,
2817,
19590,
198,
220,
220,
220,
220,
220,
220,
220,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
19779,
16993,
400,
1298,
9225,
11,
366,
86,
456,
83,
1298,
916,
8250,
13,
31554,
271,
17257,
7,
7029,
11,
15897,
8,
5512,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
16,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
14402,
35748,
24060,
9724,
15385,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
17,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
40164,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
18,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
17,
13,
8298,
26,
38,
6684,
38,
26,
14402,
43015,
23252,
12,
25559,
15385,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
21,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
14402,
43015,
23252,
12,
25559,
15385,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
1433,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
14402,
35748,
24060,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
1558,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
25559,
15385,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8964,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6407,
11,
198,
220,
220,
220,
220,
220,
220,
220,
10612,
198,
220,
220,
220,
16589,
198,
8,
628,
198,
198,
31,
9078,
9288,
13,
4102,
13,
17143,
316,
380,
2736,
7,
198,
220,
220,
220,
366,
49196,
11,
2938,
11,
318,
15419,
7112,
33,
3483,
1600,
198,
220,
220,
220,
685,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
23603,
930,
14435,
198,
220,
220,
220,
220,
220,
220,
220,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
19779,
86,
456,
83,
1298,
7337,
5512,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
16,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
14402,
35748,
24060,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
17,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
26447,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8964,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
10352,
11,
198,
220,
220,
220,
220,
220,
220,
220,
10612,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
2619,
930,
13496,
1186,
64,
198,
220,
220,
220,
220,
220,
220,
220,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
19779,
86,
456,
83,
1298,
15897,
5512,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
16,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
14402,
35748,
24060,
13496,
1186,
64,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
17,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
26447,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
1433,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
14402,
35748,
24060,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
1558,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
32863,
1186,
64,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8964,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6407,
11,
198,
220,
220,
220,
220,
220,
220,
220,
10612,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
2619,
9724,
15385,
930,
13496,
1186,
64,
33144,
32790,
83,
128,
249,
77,
2634,
198,
220,
220,
220,
220,
220,
220,
220,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
19779,
86,
456,
83,
1298,
15897,
11,
366,
16993,
400,
1298,
9225,
5512,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
16,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
14402,
35748,
24060,
13496,
1186,
64,
33144,
32790,
83,
128,
249,
77,
2634,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
17,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
26447,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
1433,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
14402,
35748,
24060,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
1558,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
32863,
1186,
64,
33144,
32790,
83,
128,
249,
77,
2634,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8964,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6407,
11,
198,
220,
220,
220,
220,
220,
220,
220,
10612,
198,
220,
220,
220,
16589,
198,
8,
628,
628,
198,
31,
9078,
9288,
13,
4102,
13,
17143,
316,
380,
2736,
7,
198,
220,
220,
220,
366,
49196,
11,
2938,
11,
318,
15419,
7112,
33,
3483,
1600,
198,
220,
220,
220,
685,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
23603,
930,
14435,
198,
220,
220,
220,
220,
220,
220,
220,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
19779,
86,
456,
83,
1298,
7337,
5512,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
16,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
14402,
35748,
24060,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
17,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
1026,
282,
291,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
21,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
14402,
43015,
23252,
12,
1026,
282,
291,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8964,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
10352,
11,
198,
220,
220,
220,
220,
220,
220,
220,
10612,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
2619,
9724,
15385,
33857,
291,
198,
220,
220,
220,
220,
220,
220,
220,
357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
19779,
86,
456,
83,
1298,
15897,
11,
366,
16993,
400,
1298,
9225,
5512,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
16,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
14402,
35748,
24060,
2619,
9724,
15385,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
17,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
1026,
282,
291,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
21,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
14402,
43015,
23252,
12,
9915,
25559,
15385,
1026,
282,
291,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
1433,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
14402,
35748,
24060,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
1558,
11,
513,
11,
352,
11,
657,
87,
29416,
2599,
366,
9915,
9724,
15385,
33857,
291,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8964,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6407,
11,
198,
220,
220,
220,
220,
220,
220,
220,
10612,
198,
220,
220,
220,
16589,
198,
8,
628,
628
] | 1.635678 | 2,915 |
# Generated by Django 2.2.1 on 2019-05-17 19:15
from django.db import migrations, models
import django.db.models.deletion
import wagtailstreamforms.fields
| [
2,
2980,
515,
416,
37770,
362,
13,
17,
13,
16,
319,
13130,
12,
2713,
12,
1558,
678,
25,
1314,
198,
198,
6738,
42625,
14208,
13,
9945,
1330,
15720,
602,
11,
4981,
198,
11748,
42625,
14208,
13,
9945,
13,
27530,
13,
2934,
1616,
295,
198,
11748,
266,
363,
13199,
5532,
23914,
13,
25747,
628
] | 2.962264 | 53 |
# Velocity Verlet Integrator as a Functor containing the integrator specs
# Initializes Integrator with time step & force field | [
2,
43137,
4643,
1616,
15995,
12392,
355,
257,
11138,
2715,
7268,
262,
4132,
12392,
25274,
628,
220,
220,
220,
1303,
20768,
4340,
15995,
12392,
351,
640,
2239,
1222,
2700,
2214
] | 4.4 | 30 |
import contextlib
import hashlib
import json
import logging
import sys
import time
import threading
from ecdsa import NIST256p
from ecdsa import VerifyingKey
import requests
import utils
MINING_DIFFICULTY = 3
MINING_SENDER = 'THE BLOCKCHAIN'
MINING_REWARD = 1.0
MINING_TIMER_SEC = 20
BLOCKCHAIN_PORT_RANGE = (5000, 5003)
NEIGHBOURS_IP_RANGE_NUM = (0, 1)
BLOCKCHAIN_NEIGHBOURS_SYNC_TIME_SEC = 20
logging.basicConfig(level=logging.INFO, stream=sys.stdout)
logger = logging.getLogger(__name__)
| [
11748,
4732,
8019,
198,
11748,
12234,
8019,
198,
11748,
33918,
198,
11748,
18931,
198,
11748,
25064,
198,
11748,
640,
198,
11748,
4704,
278,
198,
198,
6738,
9940,
9310,
64,
1330,
399,
8808,
11645,
79,
198,
6738,
9940,
9310,
64,
1330,
4643,
4035,
9218,
198,
11748,
7007,
198,
198,
11748,
3384,
4487,
198,
198,
23678,
2751,
62,
35,
29267,
2149,
6239,
9936,
796,
513,
198,
23678,
2751,
62,
50,
10619,
1137,
796,
705,
10970,
9878,
11290,
3398,
29833,
6,
198,
23678,
2751,
62,
2200,
39743,
796,
352,
13,
15,
198,
23678,
2751,
62,
51,
3955,
1137,
62,
23683,
796,
1160,
198,
198,
9148,
11290,
3398,
29833,
62,
15490,
62,
49,
27746,
796,
357,
27641,
11,
5323,
18,
8,
198,
12161,
18060,
33,
2606,
6998,
62,
4061,
62,
49,
27746,
62,
41359,
796,
357,
15,
11,
352,
8,
198,
9148,
11290,
3398,
29833,
62,
12161,
18060,
33,
2606,
6998,
62,
23060,
7792,
62,
34694,
62,
23683,
796,
1160,
198,
198,
6404,
2667,
13,
35487,
16934,
7,
5715,
28,
6404,
2667,
13,
10778,
11,
4269,
28,
17597,
13,
19282,
448,
8,
198,
6404,
1362,
796,
18931,
13,
1136,
11187,
1362,
7,
834,
3672,
834,
8,
628
] | 2.57513 | 193 |
#!/home/ocean/anaconda3/bin/python3
from numpy import cos, arccos, sin, arctan, tan, pi, sqrt, e; from numpy import array as ary; import numpy as np; tau = 2*pi
from matplotlib import pyplot as plt
import seaborn as sns
#uses arrows to plot where each point lands after being transformed by the function
LongComputationalTime = False
x = np.linspace(-5,5, 50)
y = np.linspace(-5,5, 40)
startingPts = mymeshgrid(x,y)
#Oh yeah computer memory problem. Now I've got a wobble in my grid.
#startingPts = np.concatenate(np.transpose(np.meshgrid(x,y)), axis=0)
cycleLen=len(startingPts)
cycleLen=6
uncleanLandingPts = [complexFunc(z) for z in startingPts]
landingPts = np.array([z if np.isfinite(z).all() else [0,0] for z in uncleanLandingPts])
sortedLandingPoints = np.reshape(landingPts,[len(x),len(y),2])
colorcycle = iter([rotateColorSpace(theta) for theta in np.linspace(0,tau, cycleLen)])
#Order=FABCDEF
if LongComputationalTime:
for n in range(len(startingPts)):
plt.annotate("", xy=startingPts[n], xytext=landingPts[n],arrowprops=dict(color = next(colorcycle), arrowstyle= '<-', alpha=0.5,),)#use arrowheads
#pass
#plot the y direction gridlines landing location
for n in range(len(x)):
plt.plot(sortedLandingPoints[n,:,0],sortedLandingPoints[n,:,1], lw=0.8, alpha=1, color= "green")#next(colorcycle))
#for n in range (int(len(y)/2)) :next(colorcycle)
#for n in range (int(cycleLen/3)): next(colorcycle) #shift the color cycle foward by 1/3
#plot the x direction gridlines landing location
for n in range(len(y)):
plt.plot(sortedLandingPoints[:,n,0],sortedLandingPoints[:,n,1], lw=0.8, alpha=1, color= "red")#next(colorcycle))
xmin = [min(startingPts[:,0]),min(landingPts[:,0])]
xmax = [max(startingPts[:,0]),max(landingPts[:,0])]
ymin = [min(startingPts[:,1]),min(landingPts[:,1])]
ymax = [max(startingPts[:,1]),max(landingPts[:,1])]
plt.xlim( min (xmin) , max ( xmax ) )
plt.ylim( min (ymin) , max ( ymax ) )
plt.show()
plt.plot(landingPts[:,:]-np.ones(np.shape(landingPts[:,:])))
plt.show()
Radius = 100
small = 0.001
st_line = np.linspace(0,0,100)-1j*np.logspace(np.log10(small),np.log10(Radius),100)
theta=np.linspace(-pi/2,pi/2,200)
theta_2 = theta[:int(len(theta)/2)]
theta_3 = theta[int(len(theta)/2):]
semiCirc= Radius*cos(theta)+1j*Radius*sin(theta)
smallCirc =small*cos(-theta_2)+1j*small*sin(-theta_2)
smallCirc2=small*cos(-theta_3)+1j*small*sin(-theta_3)
reverse_st = -st_line[::-1]
Dee = np.concatenate([smallCirc2,st_line,semiCirc,reverse_st,smallCirc])
color = sns.palettes.hls_palette(n_colors=6)
for n in range(0,6):
segment=complexInput(Dee)[100*n:100*(n+1)]
plt.plot(segment.real,segment.imag,color=color[n])
#plt.xlim(-1,1)
#plt.ylim(-1,1)
#plt.scatter(complexInput(Dee).real[::20],complexInput(Dee.imag)[::20])
plt.show() | [
2,
48443,
11195,
14,
78,
5829,
14,
272,
330,
13533,
18,
14,
8800,
14,
29412,
18,
198,
6738,
299,
32152,
1330,
8615,
11,
610,
535,
418,
11,
7813,
11,
610,
310,
272,
11,
25706,
11,
31028,
11,
19862,
17034,
11,
304,
26,
422,
299,
32152,
1330,
7177,
355,
257,
563,
26,
1330,
299,
32152,
355,
45941,
26,
256,
559,
796,
362,
9,
14415,
198,
6738,
2603,
29487,
8019,
1330,
12972,
29487,
355,
458,
83,
198,
11748,
384,
397,
1211,
355,
3013,
82,
198,
2,
2664,
20507,
284,
7110,
810,
1123,
966,
8604,
706,
852,
14434,
416,
262,
2163,
198,
14617,
5377,
1996,
864,
7575,
796,
10352,
198,
198,
87,
796,
45941,
13,
21602,
10223,
32590,
20,
11,
20,
11,
2026,
8,
198,
88,
796,
45941,
13,
21602,
10223,
32590,
20,
11,
20,
11,
2319,
8,
198,
38690,
47,
912,
796,
616,
76,
5069,
25928,
7,
87,
11,
88,
8,
198,
2,
5812,
10194,
3644,
4088,
1917,
13,
2735,
314,
1053,
1392,
257,
46867,
903,
287,
616,
10706,
13,
198,
2,
38690,
47,
912,
796,
45941,
13,
1102,
9246,
268,
378,
7,
37659,
13,
7645,
3455,
7,
37659,
13,
76,
5069,
25928,
7,
87,
11,
88,
36911,
16488,
28,
15,
8,
198,
13696,
30659,
28,
11925,
7,
38690,
47,
912,
8,
198,
13696,
30659,
28,
21,
198,
403,
27773,
22342,
278,
47,
912,
796,
685,
41887,
37,
19524,
7,
89,
8,
329,
1976,
287,
3599,
47,
912,
60,
198,
1044,
278,
47,
912,
796,
45941,
13,
18747,
26933,
89,
611,
45941,
13,
4468,
9504,
7,
89,
737,
439,
3419,
2073,
685,
15,
11,
15,
60,
329,
1976,
287,
7711,
272,
22342,
278,
47,
912,
12962,
198,
82,
9741,
22342,
278,
40710,
796,
45941,
13,
3447,
1758,
7,
1044,
278,
47,
912,
17414,
11925,
7,
87,
828,
11925,
7,
88,
828,
17,
12962,
198,
198,
8043,
13696,
796,
11629,
26933,
10599,
378,
10258,
14106,
7,
1169,
8326,
8,
329,
262,
8326,
287,
45941,
13,
21602,
10223,
7,
15,
11,
83,
559,
11,
6772,
30659,
8,
12962,
198,
2,
18743,
28,
7708,
2749,
32988,
198,
361,
5882,
5377,
1996,
864,
7575,
25,
198,
197,
1640,
299,
287,
2837,
7,
11925,
7,
38690,
47,
912,
8,
2599,
198,
197,
197,
489,
83,
13,
34574,
378,
7203,
1600,
2124,
88,
28,
38690,
47,
912,
58,
77,
4357,
2124,
88,
5239,
28,
1044,
278,
47,
912,
58,
77,
4357,
6018,
1676,
862,
28,
11600,
7,
8043,
796,
1306,
7,
8043,
13696,
828,
15452,
7635,
28,
705,
27,
12,
3256,
17130,
28,
15,
13,
20,
11,
828,
8,
2,
1904,
15452,
16600,
198,
197,
197,
2,
6603,
198,
197,
2,
29487,
262,
331,
4571,
10706,
6615,
9581,
4067,
198,
197,
1640,
299,
287,
2837,
7,
11925,
7,
87,
8,
2599,
198,
197,
197,
489,
83,
13,
29487,
7,
82,
9741,
22342,
278,
40710,
58,
77,
11,
45299,
15,
4357,
82,
9741,
22342,
278,
40710,
58,
77,
11,
45299,
16,
4357,
300,
86,
28,
15,
13,
23,
11,
17130,
28,
16,
11,
3124,
28,
366,
14809,
4943,
2,
19545,
7,
8043,
13696,
4008,
198,
197,
197,
2,
1640,
299,
287,
2837,
357,
600,
7,
11925,
7,
88,
20679,
17,
4008,
1058,
19545,
7,
8043,
13696,
8,
198,
197,
2,
1640,
299,
287,
2837,
357,
600,
7,
13696,
30659,
14,
18,
8,
2599,
1306,
7,
8043,
13696,
8,
197,
2,
30846,
262,
3124,
6772,
277,
46138,
416,
352,
14,
18,
198,
197,
2,
29487,
262,
2124,
4571,
10706,
6615,
9581,
4067,
198,
197,
1640,
299,
287,
2837,
7,
11925,
7,
88,
8,
2599,
198,
197,
197,
489,
83,
13,
29487,
7,
82,
9741,
22342,
278,
40710,
58,
45299,
77,
11,
15,
4357,
82,
9741,
22342,
278,
40710,
58,
45299,
77,
11,
16,
4357,
300,
86,
28,
15,
13,
23,
11,
17130,
28,
16,
11,
3124,
28,
366,
445,
4943,
2,
19545,
7,
8043,
13696,
4008,
628,
197,
87,
1084,
796,
685,
1084,
7,
38690,
47,
912,
58,
45299,
15,
46570,
1084,
7,
1044,
278,
47,
912,
58,
45299,
15,
12962,
60,
198,
197,
87,
9806,
796,
685,
9806,
7,
38690,
47,
912,
58,
45299,
15,
46570,
9806,
7,
1044,
278,
47,
912,
58,
45299,
15,
12962,
60,
198,
197,
88,
1084,
796,
685,
1084,
7,
38690,
47,
912,
58,
45299,
16,
46570,
1084,
7,
1044,
278,
47,
912,
58,
45299,
16,
12962,
60,
198,
197,
4948,
897,
796,
685,
9806,
7,
38690,
47,
912,
58,
45299,
16,
46570,
9806,
7,
1044,
278,
47,
912,
58,
45299,
16,
12962,
60,
198,
197,
489,
83,
13,
87,
2475,
7,
220,
949,
357,
87,
1084,
8,
837,
3509,
357,
2124,
9806,
1267,
220,
1267,
198,
197,
489,
83,
13,
88,
2475,
7,
220,
949,
357,
88,
1084,
8,
837,
3509,
357,
331,
9806,
1267,
220,
1267,
628,
197,
489,
83,
13,
12860,
3419,
198,
197,
489,
83,
13,
29487,
7,
1044,
278,
47,
912,
58,
45299,
25,
45297,
37659,
13,
1952,
7,
37659,
13,
43358,
7,
1044,
278,
47,
912,
58,
45299,
47715,
22305,
198,
197,
489,
83,
13,
12860,
3419,
198,
198,
15546,
3754,
796,
1802,
198,
17470,
796,
657,
13,
8298,
198,
301,
62,
1370,
796,
45941,
13,
21602,
10223,
7,
15,
11,
15,
11,
3064,
13219,
16,
73,
9,
37659,
13,
6404,
13200,
7,
37659,
13,
6404,
940,
7,
17470,
828,
37659,
13,
6404,
940,
7,
15546,
3754,
828,
3064,
8,
198,
1169,
8326,
28,
37659,
13,
21602,
10223,
32590,
14415,
14,
17,
11,
14415,
14,
17,
11,
2167,
8,
198,
1169,
8326,
62,
17,
796,
262,
8326,
58,
25,
600,
7,
11925,
7,
1169,
8326,
20679,
17,
15437,
198,
1169,
8326,
62,
18,
796,
262,
8326,
58,
600,
7,
11925,
7,
1169,
8326,
20679,
17,
2599,
60,
198,
325,
11632,
31560,
28,
48838,
9,
6966,
7,
1169,
8326,
47762,
16,
73,
9,
15546,
3754,
9,
31369,
7,
1169,
8326,
8,
198,
17470,
31560,
796,
17470,
9,
6966,
32590,
1169,
8326,
62,
17,
47762,
16,
73,
9,
17470,
9,
31369,
32590,
1169,
8326,
62,
17,
8,
198,
17470,
31560,
17,
28,
17470,
9,
6966,
32590,
1169,
8326,
62,
18,
47762,
16,
73,
9,
17470,
9,
31369,
32590,
1169,
8326,
62,
18,
8,
198,
50188,
62,
301,
796,
532,
301,
62,
1370,
58,
3712,
12,
16,
60,
198,
35,
1453,
796,
45941,
13,
1102,
9246,
268,
378,
26933,
17470,
31560,
17,
11,
301,
62,
1370,
11,
325,
11632,
31560,
11,
50188,
62,
301,
11,
17470,
31560,
12962,
198,
8043,
796,
3013,
82,
13,
18596,
23014,
13,
71,
7278,
62,
18596,
5857,
7,
77,
62,
4033,
669,
28,
21,
8,
198,
1640,
299,
287,
2837,
7,
15,
11,
21,
2599,
198,
197,
325,
5154,
28,
41887,
20560,
7,
35,
1453,
38381,
3064,
9,
77,
25,
3064,
9,
7,
77,
10,
16,
15437,
198,
197,
489,
83,
13,
29487,
7,
325,
5154,
13,
5305,
11,
325,
5154,
13,
48466,
11,
8043,
28,
8043,
58,
77,
12962,
198,
2,
489,
83,
13,
87,
2475,
32590,
16,
11,
16,
8,
198,
2,
489,
83,
13,
88,
2475,
32590,
16,
11,
16,
8,
198,
2,
489,
83,
13,
1416,
1436,
7,
41887,
20560,
7,
35,
1453,
737,
5305,
58,
3712,
1238,
4357,
41887,
20560,
7,
35,
1453,
13,
48466,
38381,
3712,
1238,
12962,
198,
489,
83,
13,
12860,
3419
] | 2.328308 | 1,194 |
from core import settings
from modules.podcast.utils import episode_process_hook
from modules.podcast.models import EpisodeStatus
| [
6738,
4755,
1330,
6460,
198,
6738,
13103,
13,
46032,
13,
26791,
1330,
4471,
62,
14681,
62,
25480,
198,
6738,
13103,
13,
46032,
13,
27530,
1330,
7922,
19580,
628
] | 4.678571 | 28 |
from .RFEExtraTrees import RFEExtraTrees, load_RFEExtraTrees
| [
6738,
764,
32754,
6500,
742,
430,
51,
6037,
1330,
20445,
6500,
742,
430,
51,
6037,
11,
3440,
62,
32754,
6500,
742,
430,
51,
6037,
198
] | 2.44 | 25 |
"""
Pseudo Python command line interface.
It tries to mimic a subset of Python CLI:
https://docs.python.org/3/using/cmdline.html
"""
from __future__ import absolute_import, print_function
import code
import copy
import runpy
import sys
import traceback
from collections import namedtuple
try:
from types import SimpleNamespace
except ImportError:
from argparse import Namespace as SimpleNamespace
ARGUMENT_HELP = """
positional arguments:
script path to file (default: None)
args arguments passed to program in sys.argv[1:]
optional arguments:
-h, --help show this help message and exit
-i inspect interactively after running script.
--version, -V Print the Python version number and exit.
-VV is not supported.
-c COMMAND Execute the Python code in COMMAND.
-m MODULE Search sys.path for the named MODULE and execute its contents
as the __main__ module.
"""
ArgDest = namedtuple("ArgDest", "dest names default")
Optional = namedtuple("Optional", "name is_long argdest nargs action terminal")
Result = namedtuple("Result", "option values")
class PyArgumentParser(object):
"""
`ArgumentParser`-like parser with "terminal option" support.
Major differences:
* Formatted help has to be provided to `description`.
* Many options for `.add_argument` are not supported.
* Especially, there is no positional argument support: all positional
arguments go into `ns.args`.
* `.add_argument` can take boolean option `terminal` (default: `False`)
to stop parsing after consuming the given option.
"""
# Once we drop Python 2, we can do:
"""
def add_argument(self, name, *alt, dest=None, nargs=None, action=None,
default=None, terminal=False):
"""
# fmt: off
def _find_matches(self, arg):
"""
Return a list of `.Result`.
If value presents in `arg` (i.e., ``--long-option=value``), it
becomes the element of `.Result.values` (a list). Otherwise,
this list has to be filled by the caller (`_parse_until_terminal`).
"""
for opt in self._options:
if arg == opt.name:
return [Result(opt, [])]
elif arg.startswith(opt.name):
# i.e., len(arg) > len(opt.name):
if opt.is_long and arg[len(opt.name)] == "=":
return [Result(opt, [arg[len(opt.name) + 1:]])]
elif not opt.is_long:
if opt.nargs != 0:
return [Result(opt, [arg[len(opt.name):]])]
else:
results = [Result(opt, [])]
rest = "-" + arg[len(opt.name):]
results.extend(self._find_matches(rest))
return results
# arg="-ih" -> rest="-h"
return []
# fmt: on
if __name__ == "__main__":
sys.exit(main())
| [
37811,
198,
47,
325,
12003,
11361,
3141,
1627,
7071,
13,
198,
198,
1026,
8404,
284,
26332,
257,
24637,
286,
11361,
43749,
25,
198,
5450,
1378,
31628,
13,
29412,
13,
2398,
14,
18,
14,
3500,
14,
28758,
1370,
13,
6494,
198,
37811,
198,
198,
6738,
11593,
37443,
834,
1330,
4112,
62,
11748,
11,
3601,
62,
8818,
198,
198,
11748,
2438,
198,
11748,
4866,
198,
11748,
1057,
9078,
198,
11748,
25064,
198,
11748,
12854,
1891,
198,
6738,
17268,
1330,
3706,
83,
29291,
198,
198,
28311,
25,
198,
220,
220,
220,
422,
3858,
1330,
17427,
36690,
10223,
198,
16341,
17267,
12331,
25,
198,
220,
220,
220,
422,
1822,
29572,
1330,
28531,
10223,
355,
17427,
36690,
10223,
628,
198,
1503,
38,
5883,
3525,
62,
39,
3698,
47,
796,
37227,
198,
1930,
1859,
7159,
25,
198,
220,
4226,
220,
220,
220,
220,
220,
220,
220,
220,
3108,
284,
2393,
357,
12286,
25,
6045,
8,
198,
220,
26498,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7159,
3804,
284,
1430,
287,
25064,
13,
853,
85,
58,
16,
47715,
198,
198,
25968,
7159,
25,
198,
220,
532,
71,
11,
1377,
16794,
220,
220,
220,
220,
905,
428,
1037,
3275,
290,
8420,
198,
220,
532,
72,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
10104,
9427,
2280,
706,
2491,
4226,
13,
198,
220,
1377,
9641,
11,
532,
53,
220,
12578,
262,
11361,
2196,
1271,
290,
8420,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
532,
53,
53,
318,
407,
4855,
13,
198,
220,
532,
66,
22240,
6981,
220,
220,
220,
220,
8393,
1133,
262,
11361,
2438,
287,
22240,
6981,
13,
198,
220,
532,
76,
33893,
220,
220,
220,
220,
220,
11140,
25064,
13,
6978,
329,
262,
3706,
33893,
290,
12260,
663,
10154,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
355,
262,
11593,
12417,
834,
8265,
13,
198,
37811,
628,
198,
198,
28100,
24159,
796,
3706,
83,
29291,
7203,
28100,
24159,
1600,
366,
16520,
3891,
4277,
4943,
198,
30719,
796,
3706,
83,
29291,
7203,
30719,
1600,
366,
3672,
318,
62,
6511,
1822,
16520,
299,
22046,
2223,
12094,
4943,
198,
23004,
796,
3706,
83,
29291,
7203,
23004,
1600,
366,
18076,
3815,
4943,
628,
198,
4871,
9485,
28100,
1713,
46677,
7,
15252,
2599,
628,
220,
220,
220,
37227,
198,
220,
220,
220,
4600,
28100,
1713,
46677,
63,
12,
2339,
30751,
351,
366,
23705,
282,
3038,
1,
1104,
13,
628,
220,
220,
220,
8386,
5400,
25,
628,
220,
220,
220,
1635,
5178,
16898,
1037,
468,
284,
307,
2810,
284,
4600,
11213,
44646,
198,
220,
220,
220,
1635,
4650,
3689,
329,
4600,
13,
2860,
62,
49140,
63,
389,
407,
4855,
13,
198,
220,
220,
220,
1635,
18948,
11,
612,
318,
645,
45203,
4578,
1104,
25,
477,
45203,
198,
220,
220,
220,
220,
220,
7159,
467,
656,
4600,
5907,
13,
22046,
44646,
198,
220,
220,
220,
1635,
4600,
13,
2860,
62,
49140,
63,
460,
1011,
25131,
3038,
4600,
23705,
282,
63,
357,
12286,
25,
4600,
25101,
63,
8,
198,
220,
220,
220,
220,
220,
284,
2245,
32096,
706,
18587,
262,
1813,
3038,
13,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
1303,
4874,
356,
4268,
11361,
362,
11,
356,
460,
466,
25,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
825,
751,
62,
49140,
7,
944,
11,
1438,
11,
1635,
2501,
11,
2244,
28,
14202,
11,
299,
22046,
28,
14202,
11,
2223,
28,
14202,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4277,
28,
14202,
11,
12094,
28,
25101,
2599,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
1303,
46996,
25,
572,
628,
220,
220,
220,
825,
4808,
19796,
62,
6759,
2052,
7,
944,
11,
1822,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
8229,
257,
1351,
286,
4600,
13,
23004,
44646,
628,
220,
220,
220,
220,
220,
220,
220,
1002,
1988,
10969,
287,
4600,
853,
63,
357,
72,
13,
68,
1539,
7559,
438,
6511,
12,
18076,
28,
8367,
15506,
828,
340,
198,
220,
220,
220,
220,
220,
220,
220,
4329,
262,
5002,
286,
4600,
13,
23004,
13,
27160,
63,
357,
64,
1351,
737,
220,
15323,
11,
198,
220,
220,
220,
220,
220,
220,
220,
428,
1351,
468,
284,
307,
5901,
416,
262,
24955,
357,
63,
62,
29572,
62,
28446,
62,
23705,
282,
63,
737,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
329,
2172,
287,
2116,
13557,
25811,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
1822,
6624,
2172,
13,
3672,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
685,
23004,
7,
8738,
11,
685,
12962,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
1822,
13,
9688,
2032,
342,
7,
8738,
13,
3672,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
1312,
13,
68,
1539,
18896,
7,
853,
8,
1875,
18896,
7,
8738,
13,
3672,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2172,
13,
271,
62,
6511,
290,
1822,
58,
11925,
7,
8738,
13,
3672,
15437,
6624,
366,
28,
1298,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
685,
23004,
7,
8738,
11,
685,
853,
58,
11925,
7,
8738,
13,
3672,
8,
1343,
352,
25,
11907,
15437,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
407,
2172,
13,
271,
62,
6511,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2172,
13,
77,
22046,
14512,
657,
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,
1441,
685,
23004,
7,
8738,
11,
685,
853,
58,
11925,
7,
8738,
13,
3672,
2599,
11907,
15437,
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,
2482,
796,
685,
23004,
7,
8738,
11,
685,
12962,
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,
1334,
796,
366,
21215,
1343,
1822,
58,
11925,
7,
8738,
13,
3672,
2599,
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,
2482,
13,
2302,
437,
7,
944,
13557,
19796,
62,
6759,
2052,
7,
2118,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
2482,
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,
1822,
2625,
12,
4449,
1,
4613,
1334,
2625,
12,
71,
1,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
17635,
198,
220,
220,
220,
1303,
46996,
25,
319,
628,
628,
628,
198,
361,
11593,
3672,
834,
6624,
366,
834,
12417,
834,
1298,
198,
220,
220,
220,
25064,
13,
37023,
7,
12417,
28955,
198
] | 2.362637 | 1,274 |
#!/usr/bin/env python
# -*- coding: UTF-8 -*-
# ---------------------------------------------------------------------------
# ___ __ __ __ ___
# / | \ | \ | \ / Automatic
# \__ |__/ |__/ |___| \__ Annotation
# \ | | | | \ of
# ___/ | | | | ___/ Speech
#
#
# http://www.sppas.org/
#
# ---------------------------------------------------------------------------
# Laboratoire Parole et Langage, Aix-en-Provence, France
# Copyright (C) 2011-2016 Brigitte Bigi
#
# This banner notice must not be removed
# ---------------------------------------------------------------------------
# Use of this software is governed by the GNU Public License, version 3.
#
# SPPAS is free software: you can redistribute it and/or modify
# it under the terms of the GNU General Public License as published by
# the Free Software Foundation, either version 3 of the License, or
# (at your option) any later version.
#
# SPPAS is distributed in the hope that it will be useful,
# but WITHOUT ANY WARRANTY; without even the implied warranty of
# MERCHANTABILITY or FITNESS FOR A PARTICULAR PURPOSE. See the
# GNU General Public License for more details.
#
# You should have received a copy of the GNU General Public License
# along with SPPAS. If not, see <http://www.gnu.org/licenses/>.
#
# ---------------------------------------------------------------------------
# File: trsinfodialog.py
# ----------------------------------------------------------------------------
__docformat__ = """epytext"""
__authors__ = """Brigitte Bigi"""
__copyright__ = """Copyright (C) 2011-2015 Brigitte Bigi"""
import wx
from sppas.src.ui.wxgui.panels.trslist import TrsList
from sppas.src.ui.wxgui.cutils.imageutils import spBitmap
from sppas.src.ui.wxgui.cutils.ctrlutils import CreateGenButton
from sppas.src.ui.wxgui.sp_icons import APP_ICON
from sppas.src.ui.wxgui.sp_icons import CANCEL_ICON
from sppas.src.ui.wxgui.sp_icons import INFO_ICON
from sppas.src.ui.wxgui.sp_consts import FRAME_STYLE
from sppas.src.ui.wxgui.sp_consts import FRAME_TITLE
# ----------------------------------------------------------------------------
class TrsInfoDialog( wx.Dialog ):
"""
@author: Brigitte Bigi
@contact: [email protected]
@license: GPL, v3
@summary: Open a dialog with information about a transcription.
"""
# End __init__
# ------------------------------------------------------------------------
# ------------------------------------------------------------------------
# Create the GUI
# ------------------------------------------------------------------------
# ------------------------------------------------------------------------------
| [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
198,
2,
532,
9,
12,
19617,
25,
41002,
12,
23,
532,
9,
12,
198,
2,
16529,
32284,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
46444,
220,
220,
11593,
220,
220,
220,
11593,
220,
220,
220,
11593,
220,
220,
220,
46444,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1220,
220,
220,
220,
220,
930,
220,
3467,
220,
930,
220,
3467,
220,
930,
220,
3467,
220,
1220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
30199,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3467,
834,
220,
220,
930,
834,
14,
220,
930,
834,
14,
220,
930,
17569,
91,
3467,
834,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1052,
38983,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3467,
220,
930,
220,
220,
220,
220,
930,
220,
220,
220,
220,
930,
220,
220,
930,
220,
220,
220,
3467,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
286,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
46444,
14,
220,
930,
220,
220,
220,
220,
930,
220,
220,
220,
220,
930,
220,
220,
930,
46444,
14,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
24709,
198,
2,
198,
2,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2638,
1378,
2503,
13,
82,
381,
292,
13,
2398,
14,
198,
2,
198,
2,
16529,
32284,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7882,
5549,
557,
2547,
2305,
2123,
16332,
496,
11,
317,
844,
12,
268,
12,
2964,
574,
344,
11,
4881,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
15069,
357,
34,
8,
2813,
12,
5304,
220,
16917,
2654,
4403,
72,
198,
2,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
770,
17625,
4003,
1276,
407,
307,
4615,
198,
2,
16529,
32284,
198,
2,
5765,
286,
428,
3788,
318,
21825,
416,
262,
22961,
5094,
13789,
11,
2196,
513,
13,
198,
2,
198,
2,
6226,
47,
1921,
318,
1479,
3788,
25,
345,
460,
17678,
4163,
340,
290,
14,
273,
13096,
198,
2,
340,
739,
262,
2846,
286,
262,
22961,
3611,
5094,
13789,
355,
3199,
416,
198,
2,
262,
3232,
10442,
5693,
11,
2035,
2196,
513,
286,
262,
13789,
11,
393,
198,
2,
357,
265,
534,
3038,
8,
597,
1568,
2196,
13,
198,
2,
198,
2,
6226,
47,
1921,
318,
9387,
287,
262,
2911,
326,
340,
481,
307,
4465,
11,
198,
2,
475,
42881,
15529,
34764,
56,
26,
1231,
772,
262,
17142,
18215,
286,
198,
2,
34482,
3398,
1565,
5603,
25382,
393,
376,
46144,
7473,
317,
16652,
2149,
37232,
33079,
48933,
13,
220,
4091,
262,
198,
2,
22961,
3611,
5094,
13789,
329,
517,
3307,
13,
198,
2,
198,
2,
921,
815,
423,
2722,
257,
4866,
286,
262,
22961,
3611,
5094,
13789,
198,
2,
1863,
351,
6226,
47,
1921,
13,
1002,
407,
11,
766,
1279,
4023,
1378,
2503,
13,
41791,
13,
2398,
14,
677,
4541,
15913,
13,
198,
2,
198,
2,
16529,
32284,
198,
2,
9220,
25,
491,
82,
10745,
375,
498,
519,
13,
9078,
198,
2,
16529,
10541,
198,
198,
834,
15390,
18982,
834,
796,
37227,
538,
88,
5239,
37811,
198,
834,
41617,
834,
220,
220,
796,
37227,
33,
4359,
2654,
4403,
72,
37811,
198,
834,
22163,
4766,
834,
796,
37227,
15269,
357,
34,
8,
2813,
12,
4626,
220,
16917,
2654,
4403,
72,
37811,
628,
198,
11748,
266,
87,
198,
198,
6738,
264,
381,
292,
13,
10677,
13,
9019,
13,
49345,
48317,
13,
6839,
1424,
13,
2213,
82,
4868,
1330,
833,
82,
8053,
198,
6738,
264,
381,
292,
13,
10677,
13,
9019,
13,
49345,
48317,
13,
8968,
4487,
13,
9060,
26791,
1330,
599,
13128,
8899,
198,
6738,
264,
381,
292,
13,
10677,
13,
9019,
13,
49345,
48317,
13,
8968,
4487,
13,
44755,
26791,
1330,
13610,
13746,
21864,
198,
6738,
264,
381,
292,
13,
10677,
13,
9019,
13,
49345,
48317,
13,
2777,
62,
34280,
1330,
43504,
62,
2149,
1340,
198,
6738,
264,
381,
292,
13,
10677,
13,
9019,
13,
49345,
48317,
13,
2777,
62,
34280,
1330,
15628,
34,
3698,
62,
2149,
1340,
198,
6738,
264,
381,
292,
13,
10677,
13,
9019,
13,
49345,
48317,
13,
2777,
62,
34280,
1330,
24890,
62,
2149,
1340,
198,
198,
6738,
264,
381,
292,
13,
10677,
13,
9019,
13,
49345,
48317,
13,
2777,
62,
1102,
6448,
1330,
8782,
10067,
62,
2257,
56,
2538,
198,
6738,
264,
381,
292,
13,
10677,
13,
9019,
13,
49345,
48317,
13,
2777,
62,
1102,
6448,
1330,
8782,
10067,
62,
49560,
2538,
198,
198,
2,
16529,
10541,
628,
198,
4871,
833,
82,
12360,
44204,
7,
266,
87,
13,
44204,
15179,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
2488,
9800,
25,
220,
16917,
2654,
4403,
72,
198,
220,
220,
220,
2488,
32057,
25,
1205,
31,
82,
381,
292,
13,
2398,
198,
220,
220,
220,
2488,
43085,
25,
38644,
11,
410,
18,
198,
220,
220,
220,
2488,
49736,
25,
4946,
257,
17310,
351,
1321,
546,
257,
26955,
13,
628,
220,
220,
220,
37227,
628,
220,
220,
220,
1303,
5268,
11593,
15003,
834,
198,
220,
220,
220,
1303,
16529,
982,
628,
198,
220,
220,
220,
1303,
16529,
982,
198,
220,
220,
220,
1303,
13610,
262,
25757,
198,
220,
220,
220,
1303,
16529,
982,
628,
628,
628,
628,
198,
2,
16529,
26171,
198
] | 3.076271 | 944 |
"""
A collection of utilities for MF-GP Bandits.
-- [email protected]
"""
# pylint: disable=import-error
# pylint: disable=no-member
# pylint: disable=invalid-name
# pylint: disable=relative-import
# pylint: disable=super-on-old-class
import numpy as np
# Local imports
from ..opt.function_caller import get_euc_function_caller_from_function
# Hartmann Functions ---------------------------------------------------------------------
def hartmann(x, alpha, A, P, max_val=np.inf):
""" Computes the hartmann function for any given A and P. """
log_sum_terms = (A * (P - x)**2).sum(axis=1)
return min(max_val, alpha.dot(np.exp(-log_sum_terms)))
def _get_hartmann_data(domain_dim):
""" Returns A and P for the 3D hartmann function. """
# pylint: disable=bad-whitespace
if domain_dim == 3:
A = np.array([[3.0, 10, 30],
[0.1, 10, 35],
[3.0, 10, 30],
[0.1, 10, 35]], dtype=np.float64)
P = 1e-4 * np.array([[3689, 1170, 2673],
[4699, 4387, 7470],
[1091, 8732, 5547],
[ 381, 5743, 8828]], dtype=np.float64)
alpha = np.array([1.0, 1.2, 3.0, 3.2])
domain = [[0, 1]] * 3
opt_pt = np.array([0.114614, 0.555649, 0.852547])
max_val = 3.86278
elif domain_dim == 6:
A = np.array([[ 10, 3, 17, 3.5, 1.7, 8],
[0.05, 10, 17, 0.1, 8, 14],
[ 3, 3.5, 1.7, 10, 17, 8],
[ 17, 8, 0.05, 10, 0.1, 14]], dtype=np.float64)
P = 1e-4 * np.array([[1312, 1696, 5569, 124, 8283, 5886],
[2329, 4135, 8307, 3736, 1004, 9991],
[2348, 1451, 3522, 2883, 3047, 6650],
[4047, 8828, 8732, 5743, 1091, 381]], dtype=np.float64)
alpha = np.array([1.0, 1.2, 3.0, 3.2])
domain = [[0, 1]] * 6
opt_pt = np.array([0.20169, 0.150011, 0.476874, 0.275332, 0.311652, 0.6573])
max_val = 3.322368
else:
raise NotImplementedError('Only implemented in 3 and 6 dimensions.')
return A, P, alpha, opt_pt, domain, max_val
def get_hartmann_high_d_function_caller(domain_dim, **kwargs):
""" Constructs a higher dimensional Hartmann function. """
group_dim = 6
num_groups = int(domain_dim/group_dim)
A, P, alpha, l_opt_pt, l_domain_bounds, l_max_val = _get_hartmann_data(group_dim)
hartmann_func = lambda x: hartmann(x, alpha, A, P, l_max_val)
def _eval_highd_hartmann_func(x):
""" Evaluates the higher dimensional hartmann function. """
ret = 0
for j in range(num_groups):
ret += hartmann_func(x[j*group_dim:(j+1)*group_dim])
return ret
opt_pt = np.tile(l_opt_pt, num_groups+1)[0:domain_dim]
opt_val = num_groups * l_max_val
domain_bounds = np.tile(np.array(l_domain_bounds).T, num_groups+1).T[0:domain_dim]
return get_euc_function_caller_from_function(_eval_highd_hartmann_func, domain_bounds,
vectorised=False, opt_pt=opt_pt, opt_val=opt_val, **kwargs)
def get_hartmann_high_d_function_caller_from_descr(descr, **kwargs):
""" Constructs a high dimensional hartmann function from a string. """
domain_dim = int(descr[8:])
return get_hartmann_high_d_function_caller(domain_dim, **kwargs)
def get_hartmann_function_caller(domain_dim, **kwargs):
""" Returns a FunctionCaller object for the hartmann function. """
A, P, alpha, opt_pt, domain_bounds, max_val = _get_hartmann_data(domain_dim)
hartmann_func = lambda x: hartmann(x, alpha, A, P, max_val)
return get_euc_function_caller_from_function(hartmann_func, domain_bounds,
vectorised=False,
opt_pt=opt_pt, opt_val=max_val, **kwargs)
# Hartmann Functions end here ------------------------------------------------------------
# Shekel Function ------------------------------------------------------------------------
def shekel(x, C, beta, max_val=np.inf):
""" Computes the Shekel function for the given C and beta. """
inv_terms = ((C.T - x)**2).sum(axis=1) + beta
return min(max_val, (1/inv_terms).sum())
def _get_shekel_data():
""" Returns the C, beta parameters and optimal values for the shekel function. """
C = [[4, 1, 8, 6, 3, 2, 5, 8, 6, 7],
[4, 1, 8, 6, 7, 9, 3, 1, 2, 3],
[4, 1, 8, 6, 3, 2, 5, 8, 6, 7],
[4, 1, 8, 6, 7, 9, 3, 1, 2, 3]]
C = np.array(C, dtype=np.double)
beta = 0.1 * np.array([1, 2, 2, 4, 4, 6, 3, 7, 5, 5], dtype=np.double)
opt_pt = np.array([4, 4, 4, 4], dtype=np.double)
opt_val = shekel(opt_pt, C, beta)
domain_bounds = [[0, 10]] * 4
return C, beta, opt_pt, domain_bounds, opt_val
def get_shekel_function_caller(**kwargs):
""" Returns a FunctionCaller object for the hartmann function. """
C, beta, opt_pt, domain_bounds, opt_val = _get_shekel_data()
shekel_func = lambda x: shekel(x, C, beta, opt_val)
return get_euc_function_caller_from_function(shekel_func, domain_bounds,
vectorised=False, opt_pt=opt_pt, opt_val=opt_val, **kwargs)
# Shekel function ends here --------------------------------------------------------------
# Currin Exponential Function ------------------------------------------------------------
def currin_exp(x, alpha):
""" Computes the currin exponential function. """
x1 = x[0]
x2 = x[1]
val_1 = 1 - alpha * np.exp(-1/(2 * x2))
val_2 = (2300*x1**3 + 1900*x1**2 + 2092*x1 + 60) / (100*x1**3 + 500*x1**2 + 4*x1 + 20)
return val_1 * val_2
def get_currin_exp_function_caller(**kwargs):
""" Returns a FunctionCaller object for the Currin Exponential function. """
currin_exp_func = lambda x: currin_exp(x, 1)
opt_val = 13.798650
opt_pt = None
domain_bounds = np.array([[0, 1], [0, 1]])
return get_euc_function_caller_from_function(currin_exp_func,
domain_bounds=domain_bounds, vectorised=False, opt_val=opt_val,
opt_pt=opt_pt, **kwargs)
# Branin Function ------------------------------------------------------------------------
def branin(x, a, b, c, r, s, t):
""" Computes the Branin function. """
x1 = x[0]
x2 = x[1]
neg_ret = a * (x2 - b*x1**2 + c*x1 - r)**2 + s*(1-t)*np.cos(x1) + s
return -neg_ret
def _get_branin_data():
""" Gets the constants for the branin function. """
a = 1
b = 5.1/(4*np.pi**2)
c = 5/np.pi
r = 6
s = 10
t = 1/(8*np.pi)
opt_pt = np.array([np.pi, 2.275])
domain_bounds = np.array([[-5, 10], [0, 15]])
return a, b, c, r, s, t, opt_pt, domain_bounds
def get_branin_function_caller(**kwargs):
""" Returns a FunctionCaller object for the Branin function. """
a, b, c, r, s, t, opt_pt, domain_bounds = _get_branin_data()
branin_func = lambda x: branin(x, a, b, c, r, s, t)
opt_val = branin_func(opt_pt)
return get_euc_function_caller_from_function(branin_func, domain_bounds=domain_bounds,
vectorised=False, opt_val=opt_val, opt_pt=opt_pt, **kwargs)
def get_branin_high_d_function_caller(domain_dim, **kwargs):
""" Constructs a higher dimensional Hartmann function. """
group_dim = 2
num_groups = int(domain_dim/group_dim)
a, b, c, r, s, t, opt_pt_2d, domain_bounds_2d = _get_branin_data()
branin_func = lambda x: branin(x, a, b, c, r, s, t)
def _eval_highd_branin_func(x):
""" Evaluates higher dimensional branin function. """
ret = 0
for j in range(num_groups):
ret += branin_func(x[j*group_dim:(j+1)*group_dim])
return ret
opt_pt = np.tile(opt_pt_2d, num_groups+1)[0:domain_dim]
opt_val = _eval_highd_branin_func(opt_pt)
domain_bounds = np.tile(np.array(domain_bounds_2d).T, num_groups+1).T[0:domain_dim]
return get_euc_function_caller_from_function(_eval_highd_branin_func, domain_bounds,
vectorised=False, opt_pt=opt_pt, opt_val=opt_val, **kwargs)
def get_branin_high_d_function_caller_from_descr(descr, **kwargs):
""" Constructs a high dimensional hartmann function from a string. """
domain_dim = int(descr[7:])
return get_branin_high_d_function_caller(domain_dim, **kwargs)
# Borehole Function ----------------------------------------------------------------------
def borehole(x, z, max_val):
""" Computes the Bore Hole function. """
# pylint: disable=bad-whitespace
rw = x[0]
r = x[1]
Tu = x[2]
Hu = x[3]
Tl = x[4]
Hl = x[5]
L = x[6]
Kw = x[7]
# Compute high fidelity function
frac2 = 2*L*Tu/(np.log(r/rw) * rw**2 * Kw)
f2 = min(max_val, 2 * np.pi * Tu * (Hu - Hl)/(np.log(r/rw) * (1 + frac2 + Tu/Tl)))
# Compute low fidelity function
f1 = 5 * Tu * (Hu - Hl)/(np.log(r/rw) * (1.5 + frac2 + Tu/Tl))
# Compute final output
return f2*z + f1*(1-z)
def get_borehole_function_caller(**kwargs):
""" Returns a FunctionCaller object for the Borehold function. """
opt_val = 309.523221
opt_pt = None
borehole_func = lambda x: borehole(x, 1, opt_val)
domain_bounds = [[0.05, 0.15],
[100, 50000],
[63070, 115600],
[990, 1110],
[63.1, 116],
[700, 820],
[1120, 1680],
[9855, 12045]]
return get_euc_function_caller_from_function(borehole_func, domain_bounds,
vectorised=False, opt_val=opt_val, opt_pt=opt_pt, **kwargs)
# Park1 function ==================================================================
def park1(x, max_val=np.inf):
""" Computes the park1 function. """
x1 = x[0]
x2 = x[1]
x3 = x[2]
x4 = x[3]
ret1 = (x1/2) * (np.sqrt(1 + (x2 + x3**2)*x4/(x1**2)) - 1)
ret2 = (x1 + 3*x4) * np.exp(1 + np.sin(x3))
return min(ret1 + ret2, max_val)
def get_park1_function_caller(**kwargs):
""" Returns the park1 function caller. """
opt_val = 25.5872304
opt_pt = None
func = lambda x: park1(x, opt_val)
domain_bounds = [[0, 1]] * 4
return get_euc_function_caller_from_function(func, domain_bounds,
vectorised=False, opt_val=opt_val, opt_pt=opt_pt, **kwargs)
# Park2 function ==================================================================
def park2(x, max_val=np.inf):
""" Comutes the park2 function """
x1 = x[0]
x2 = x[1]
x3 = x[2]
x4 = x[3]
ret = (2.0/3.0) * np.exp(x1 + x2) - x4*np.sin(x3) + x3
return min(ret, max_val)
def get_park2_function_caller(**kwargs):
""" Returns function caller for park2. """
opt_val = 5.925698
opt_pt = None
func = lambda x: park2(x, opt_val)
domain_bounds = [[0, 1]] * 4
return get_euc_function_caller_from_function(func, domain_bounds,
vectorised=False, opt_val=opt_val, opt_pt=opt_pt, **kwargs)
def get_high_d_function_from_low_d(domain_dim, group_dim, low_d_func):
""" Constructs a higher dimensional Hartmann function. """
num_groups = int(domain_dim/group_dim)
def _eval_highd_func(x):
""" Evaluates the higher dimensional function. """
ret = 0
for j in range(num_groups):
ret += low_d_func(x[j*group_dim: (j+1)*group_dim])
return ret
return _eval_highd_func, num_groups
def get_high_d_function_caller_from_low_d_func(domain_dim, low_d_func,
low_d_domain_bounds, low_d_opt_val, low_d_opt_pt, **kwargs):
""" Gets a low dimensional function caller from a high dimensional one. """
group_dim = len(low_d_domain_bounds)
high_d_func, num_groups = get_high_d_function_from_low_d(domain_dim, group_dim,
low_d_func)
high_d_domain_bounds = np.tile(np.array(low_d_domain_bounds).T,
num_groups+1).T[0:domain_dim]
high_d_opt_pt = None
high_d_opt_val = None
if low_d_opt_pt is not None:
high_d_opt_pt = np.tile(low_d_opt_pt, num_groups+1)[0:domain_dim]
high_d_opt_val = high_d_func(high_d_opt_pt)
elif low_d_opt_val is not None:
high_d_opt_val = num_groups * low_d_opt_val
# Return
func_caller = get_euc_function_caller_from_function(high_d_func,
high_d_domain_bounds,
vectorised=False,
opt_val=high_d_opt_val,
opt_pt=high_d_opt_pt,
**kwargs)
return func_caller
def get_high_d_function_caller_from_low_d_func_caller(domain_dim,
low_d_func_caller, **kwargs):
""" Gets a high dimensional function caller from a low dimensional one. """
return get_high_d_function_caller_from_low_d_func(domain_dim, low_d_func_caller.func,
low_d_func_caller.domain.bounds, low_d_func_caller.opt_val,
low_d_func_caller.raw_opt_pt, **kwargs)
def get_high_d_function_caller_from_description(descr, **kwargs):
""" Gets a high dimensional function caller from the description. """
segments = descr.split('-')
domain_dim = int(segments[1])
descr_to_func_dict = {'hartmann': lambda: get_hartmann_function_caller(6,),
'branin': get_branin_function_caller,
'currinexp': get_currin_exp_function_caller,
'park1': get_park1_function_caller,
'park2': get_park2_function_caller,
'borehole': get_borehole_function_caller,
'shekel': get_shekel_function_caller}
low_d_func_caller = descr_to_func_dict[segments[0].lower()](**kwargs)
return get_high_d_function_caller_from_low_d_func_caller(domain_dim,
low_d_func_caller, **kwargs)
# Finally, one very convenient wrapper.
def get_syn_function_caller_from_name(function_name, **kwargs):
""" A very convenient wrapper so that you can just get the function from the name. """
#pylint: disable=too-many-return-statements
if function_name.lower() == 'hartmann3':
return get_hartmann_function_caller(3, descr=function_name, **kwargs)
elif function_name.lower() == 'hartmann6':
return get_hartmann_function_caller(6, descr=function_name, **kwargs)
elif function_name.lower() == 'currinexp':
return get_currin_exp_function_caller(descr=function_name, **kwargs)
elif function_name.lower() == 'branin':
return get_branin_function_caller(descr=function_name, **kwargs)
elif function_name.lower() == 'borehole':
return get_borehole_function_caller(descr=function_name, **kwargs)
elif function_name.lower() == 'shekel':
return get_shekel_function_caller(descr=function_name, **kwargs)
elif function_name.lower() == 'park1':
return get_park1_function_caller(descr=function_name, **kwargs)
elif function_name.lower() == 'park2':
return get_park2_function_caller(descr=function_name, **kwargs)
else:
return get_high_d_function_caller_from_description(descr=function_name, **kwargs)
| [
37811,
198,
220,
317,
4947,
286,
20081,
329,
32850,
12,
16960,
10243,
896,
13,
198,
220,
1377,
479,
392,
292,
14814,
31,
6359,
13,
11215,
84,
13,
15532,
198,
37811,
198,
2,
279,
2645,
600,
25,
15560,
28,
11748,
12,
18224,
198,
2,
279,
2645,
600,
25,
15560,
28,
3919,
12,
19522,
198,
2,
279,
2645,
600,
25,
15560,
28,
259,
12102,
12,
3672,
198,
2,
279,
2645,
600,
25,
15560,
28,
43762,
12,
11748,
198,
2,
279,
2645,
600,
25,
15560,
28,
16668,
12,
261,
12,
727,
12,
4871,
198,
198,
11748,
299,
32152,
355,
45941,
198,
2,
10714,
17944,
198,
6738,
11485,
8738,
13,
8818,
62,
13345,
263,
1330,
651,
62,
68,
1229,
62,
8818,
62,
13345,
263,
62,
6738,
62,
8818,
198,
198,
2,
11345,
9038,
40480,
16529,
30934,
198,
4299,
289,
433,
9038,
7,
87,
11,
17130,
11,
317,
11,
350,
11,
3509,
62,
2100,
28,
37659,
13,
10745,
2599,
198,
220,
37227,
3082,
1769,
262,
289,
433,
9038,
2163,
329,
597,
1813,
317,
290,
350,
13,
37227,
198,
220,
2604,
62,
16345,
62,
38707,
796,
357,
32,
1635,
357,
47,
532,
2124,
8,
1174,
17,
737,
16345,
7,
22704,
28,
16,
8,
198,
220,
1441,
949,
7,
9806,
62,
2100,
11,
17130,
13,
26518,
7,
37659,
13,
11201,
32590,
6404,
62,
16345,
62,
38707,
22305,
198,
198,
4299,
4808,
1136,
62,
18647,
9038,
62,
7890,
7,
27830,
62,
27740,
2599,
198,
220,
37227,
16409,
317,
290,
350,
329,
262,
513,
35,
289,
433,
9038,
2163,
13,
37227,
198,
220,
1303,
279,
2645,
600,
25,
15560,
28,
14774,
12,
1929,
2737,
10223,
198,
220,
611,
7386,
62,
27740,
6624,
513,
25,
198,
220,
220,
220,
317,
796,
45941,
13,
18747,
26933,
58,
18,
13,
15,
11,
838,
11,
1542,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
685,
15,
13,
16,
11,
838,
11,
3439,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
685,
18,
13,
15,
11,
838,
11,
1542,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
685,
15,
13,
16,
11,
838,
11,
3439,
60,
4357,
288,
4906,
28,
37659,
13,
22468,
2414,
8,
198,
220,
220,
220,
350,
796,
352,
68,
12,
19,
1635,
45941,
13,
18747,
26933,
58,
2623,
4531,
11,
1367,
2154,
11,
2608,
4790,
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,
685,
3510,
2079,
11,
604,
32220,
11,
8915,
2154,
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,
685,
940,
6420,
11,
10083,
2624,
11,
5996,
2857,
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,
685,
4353,
16,
11,
7632,
3559,
11,
9193,
2078,
60,
4357,
288,
4906,
28,
37659,
13,
22468,
2414,
8,
198,
220,
220,
220,
17130,
796,
45941,
13,
18747,
26933,
16,
13,
15,
11,
352,
13,
17,
11,
513,
13,
15,
11,
513,
13,
17,
12962,
198,
220,
220,
220,
7386,
796,
16410,
15,
11,
352,
11907,
1635,
513,
198,
220,
220,
220,
2172,
62,
457,
796,
45941,
13,
18747,
26933,
15,
13,
1157,
3510,
1415,
11,
657,
13,
31046,
33300,
11,
657,
13,
5332,
1495,
2857,
12962,
198,
220,
220,
220,
3509,
62,
2100,
796,
513,
13,
4521,
25870,
628,
220,
1288,
361,
7386,
62,
27740,
6624,
718,
25,
198,
220,
220,
220,
317,
796,
45941,
13,
18747,
26933,
58,
220,
838,
11,
220,
220,
513,
11,
220,
220,
1596,
11,
513,
13,
20,
11,
352,
13,
22,
11,
220,
807,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
685,
15,
13,
2713,
11,
220,
838,
11,
220,
220,
1596,
11,
657,
13,
16,
11,
220,
220,
807,
11,
1478,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
685,
220,
220,
513,
11,
513,
13,
20,
11,
220,
352,
13,
22,
11,
220,
838,
11,
220,
1596,
11,
220,
807,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
685,
220,
1596,
11,
220,
220,
807,
11,
657,
13,
2713,
11,
220,
838,
11,
657,
13,
16,
11,
1478,
60,
4357,
288,
4906,
28,
37659,
13,
22468,
2414,
8,
198,
220,
220,
220,
350,
796,
352,
68,
12,
19,
1635,
45941,
13,
18747,
26933,
58,
1485,
1065,
11,
1467,
4846,
11,
5996,
3388,
11,
220,
19755,
11,
807,
30290,
11,
642,
44980,
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,
685,
1954,
1959,
11,
604,
17059,
11,
807,
22996,
11,
5214,
2623,
11,
1802,
19,
11,
36006,
16,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
685,
1954,
2780,
11,
1478,
4349,
11,
3439,
1828,
11,
2579,
5999,
11,
1542,
2857,
11,
7930,
1120,
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,
685,
1821,
2857,
11,
9193,
2078,
11,
10083,
2624,
11,
7632,
3559,
11,
838,
6420,
11,
220,
4353,
16,
60,
4357,
288,
4906,
28,
37659,
13,
22468,
2414,
8,
198,
220,
220,
220,
17130,
796,
45941,
13,
18747,
26933,
16,
13,
15,
11,
352,
13,
17,
11,
513,
13,
15,
11,
513,
13,
17,
12962,
198,
220,
220,
220,
7386,
796,
16410,
15,
11,
352,
11907,
1635,
718,
198,
220,
220,
220,
2172,
62,
457,
796,
45941,
13,
18747,
26933,
15,
13,
1264,
3388,
11,
657,
13,
33698,
1157,
11,
657,
13,
2857,
3104,
4524,
11,
657,
13,
23195,
32148,
11,
657,
13,
36244,
43193,
11,
657,
13,
2996,
4790,
12962,
198,
220,
220,
220,
3509,
62,
2100,
796,
513,
13,
37283,
27412,
628,
220,
2073,
25,
198,
220,
220,
220,
5298,
1892,
3546,
1154,
12061,
12331,
10786,
10049,
9177,
287,
513,
290,
718,
15225,
2637,
8,
198,
220,
1441,
317,
11,
350,
11,
17130,
11,
2172,
62,
457,
11,
7386,
11,
3509,
62,
2100,
198,
198,
4299,
651,
62,
18647,
9038,
62,
8929,
62,
67,
62,
8818,
62,
13345,
263,
7,
27830,
62,
27740,
11,
12429,
46265,
22046,
2599,
198,
220,
37227,
28407,
82,
257,
2440,
38517,
11345,
9038,
2163,
13,
37227,
198,
220,
1448,
62,
27740,
796,
718,
198,
220,
997,
62,
24432,
796,
493,
7,
27830,
62,
27740,
14,
8094,
62,
27740,
8,
198,
220,
317,
11,
350,
11,
17130,
11,
300,
62,
8738,
62,
457,
11,
300,
62,
27830,
62,
65,
3733,
11,
300,
62,
9806,
62,
2100,
796,
4808,
1136,
62,
18647,
9038,
62,
7890,
7,
8094,
62,
27740,
8,
198,
220,
289,
433,
9038,
62,
20786,
796,
37456,
2124,
25,
289,
433,
9038,
7,
87,
11,
17130,
11,
317,
11,
350,
11,
300,
62,
9806,
62,
2100,
8,
198,
220,
825,
4808,
18206,
62,
8929,
67,
62,
18647,
9038,
62,
20786,
7,
87,
2599,
198,
220,
220,
220,
37227,
26439,
12632,
262,
2440,
38517,
289,
433,
9038,
2163,
13,
37227,
198,
220,
220,
220,
1005,
796,
657,
198,
220,
220,
220,
329,
474,
287,
2837,
7,
22510,
62,
24432,
2599,
198,
220,
220,
220,
220,
220,
1005,
15853,
289,
433,
9038,
62,
20786,
7,
87,
58,
73,
9,
8094,
62,
27740,
37498,
73,
10,
16,
27493,
8094,
62,
27740,
12962,
198,
220,
220,
220,
1441,
1005,
198,
220,
2172,
62,
457,
796,
45941,
13,
40927,
7,
75,
62,
8738,
62,
457,
11,
997,
62,
24432,
10,
16,
38381,
15,
25,
27830,
62,
27740,
60,
198,
220,
2172,
62,
2100,
796,
997,
62,
24432,
1635,
300,
62,
9806,
62,
2100,
198,
220,
7386,
62,
65,
3733,
796,
45941,
13,
40927,
7,
37659,
13,
18747,
7,
75,
62,
27830,
62,
65,
3733,
737,
51,
11,
997,
62,
24432,
10,
16,
737,
51,
58,
15,
25,
27830,
62,
27740,
60,
198,
220,
1441,
651,
62,
68,
1229,
62,
8818,
62,
13345,
263,
62,
6738,
62,
8818,
28264,
18206,
62,
8929,
67,
62,
18647,
9038,
62,
20786,
11,
7386,
62,
65,
3733,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
15879,
1417,
28,
25101,
11,
2172,
62,
457,
28,
8738,
62,
457,
11,
2172,
62,
2100,
28,
8738,
62,
2100,
11,
12429,
46265,
22046,
8,
198,
198,
4299,
651,
62,
18647,
9038,
62,
8929,
62,
67,
62,
8818,
62,
13345,
263,
62,
6738,
62,
20147,
81,
7,
20147,
81,
11,
12429,
46265,
22046,
2599,
198,
220,
37227,
28407,
82,
257,
1029,
38517,
289,
433,
9038,
2163,
422,
257,
4731,
13,
37227,
198,
220,
7386,
62,
27740,
796,
493,
7,
20147,
81,
58,
23,
25,
12962,
198,
220,
1441,
651,
62,
18647,
9038,
62,
8929,
62,
67,
62,
8818,
62,
13345,
263,
7,
27830,
62,
27740,
11,
12429,
46265,
22046,
8,
198,
198,
4299,
651,
62,
18647,
9038,
62,
8818,
62,
13345,
263,
7,
27830,
62,
27740,
11,
12429,
46265,
22046,
2599,
198,
220,
37227,
16409,
257,
15553,
14134,
263,
2134,
329,
262,
289,
433,
9038,
2163,
13,
37227,
198,
220,
317,
11,
350,
11,
17130,
11,
2172,
62,
457,
11,
7386,
62,
65,
3733,
11,
3509,
62,
2100,
796,
4808,
1136,
62,
18647,
9038,
62,
7890,
7,
27830,
62,
27740,
8,
198,
220,
289,
433,
9038,
62,
20786,
796,
37456,
2124,
25,
289,
433,
9038,
7,
87,
11,
17130,
11,
317,
11,
350,
11,
3509,
62,
2100,
8,
198,
220,
1441,
651,
62,
68,
1229,
62,
8818,
62,
13345,
263,
62,
6738,
62,
8818,
7,
18647,
9038,
62,
20786,
11,
7386,
62,
65,
3733,
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,
15879,
1417,
28,
25101,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2172,
62,
457,
28,
8738,
62,
457,
11,
2172,
62,
2100,
28,
9806,
62,
2100,
11,
12429,
46265,
22046,
8,
198,
2,
11345,
9038,
40480,
886,
994,
20368,
1783,
10541,
198,
198,
2,
1375,
7750,
15553,
16529,
982,
198,
4299,
673,
7750,
7,
87,
11,
327,
11,
12159,
11,
3509,
62,
2100,
28,
37659,
13,
10745,
2599,
198,
220,
37227,
3082,
1769,
262,
1375,
7750,
2163,
329,
262,
1813,
327,
290,
12159,
13,
37227,
198,
220,
800,
62,
38707,
796,
14808,
34,
13,
51,
532,
2124,
8,
1174,
17,
737,
16345,
7,
22704,
28,
16,
8,
1343,
12159,
198,
220,
1441,
949,
7,
9806,
62,
2100,
11,
357,
16,
14,
16340,
62,
38707,
737,
16345,
28955,
198,
198,
4299,
4808,
1136,
62,
7091,
7750,
62,
7890,
33529,
198,
220,
37227,
16409,
262,
327,
11,
12159,
10007,
290,
16586,
3815,
329,
262,
673,
7750,
2163,
13,
37227,
198,
220,
327,
796,
16410,
19,
11,
352,
11,
807,
11,
718,
11,
513,
11,
362,
11,
642,
11,
807,
11,
718,
11,
767,
4357,
198,
220,
220,
220,
220,
220,
220,
685,
19,
11,
352,
11,
807,
11,
718,
11,
767,
11,
860,
11,
513,
11,
352,
11,
362,
11,
513,
4357,
198,
220,
220,
220,
220,
220,
220,
685,
19,
11,
352,
11,
807,
11,
718,
11,
513,
11,
362,
11,
642,
11,
807,
11,
718,
11,
767,
4357,
198,
220,
220,
220,
220,
220,
220,
685,
19,
11,
352,
11,
807,
11,
718,
11,
767,
11,
860,
11,
513,
11,
352,
11,
362,
11,
513,
11907,
198,
220,
327,
796,
45941,
13,
18747,
7,
34,
11,
288,
4906,
28,
37659,
13,
23352,
8,
198,
220,
12159,
796,
657,
13,
16,
1635,
45941,
13,
18747,
26933,
16,
11,
362,
11,
362,
11,
604,
11,
604,
11,
718,
11,
513,
11,
767,
11,
642,
11,
642,
4357,
288,
4906,
28,
37659,
13,
23352,
8,
198,
220,
2172,
62,
457,
796,
45941,
13,
18747,
26933,
19,
11,
604,
11,
604,
11,
604,
4357,
288,
4906,
28,
37659,
13,
23352,
8,
198,
220,
2172,
62,
2100,
796,
673,
7750,
7,
8738,
62,
457,
11,
327,
11,
12159,
8,
198,
220,
7386,
62,
65,
3733,
796,
16410,
15,
11,
838,
11907,
1635,
604,
198,
220,
1441,
327,
11,
12159,
11,
2172,
62,
457,
11,
7386,
62,
65,
3733,
11,
2172,
62,
2100,
198,
198,
4299,
651,
62,
7091,
7750,
62,
8818,
62,
13345,
263,
7,
1174,
46265,
22046,
2599,
198,
220,
37227,
16409,
257,
15553,
14134,
263,
2134,
329,
262,
289,
433,
9038,
2163,
13,
37227,
198,
220,
327,
11,
12159,
11,
2172,
62,
457,
11,
7386,
62,
65,
3733,
11,
2172,
62,
2100,
796,
4808,
1136,
62,
7091,
7750,
62,
7890,
3419,
198,
220,
673,
7750,
62,
20786,
796,
37456,
2124,
25,
673,
7750,
7,
87,
11,
327,
11,
12159,
11,
2172,
62,
2100,
8,
198,
220,
1441,
651,
62,
68,
1229,
62,
8818,
62,
13345,
263,
62,
6738,
62,
8818,
7,
7091,
7750,
62,
20786,
11,
7386,
62,
65,
3733,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
15879,
1417,
28,
25101,
11,
2172,
62,
457,
28,
8738,
62,
457,
11,
2172,
62,
2100,
28,
8738,
62,
2100,
11,
12429,
46265,
22046,
8,
198,
198,
2,
1375,
7750,
2163,
5645,
994,
20368,
1783,
26171,
628,
198,
2,
4424,
12769,
5518,
35470,
15553,
20368,
1783,
10541,
198,
4299,
1090,
12769,
62,
11201,
7,
87,
11,
17130,
2599,
198,
220,
37227,
3082,
1769,
262,
1090,
12769,
39682,
2163,
13,
37227,
198,
220,
2124,
16,
796,
2124,
58,
15,
60,
198,
220,
2124,
17,
796,
2124,
58,
16,
60,
198,
220,
1188,
62,
16,
796,
352,
532,
17130,
1635,
45941,
13,
11201,
32590,
16,
29006,
17,
1635,
2124,
17,
4008,
198,
220,
1188,
62,
17,
796,
357,
1954,
405,
9,
87,
16,
1174,
18,
1343,
21489,
9,
87,
16,
1174,
17,
1343,
1160,
5892,
9,
87,
16,
1343,
3126,
8,
1220,
357,
3064,
9,
87,
16,
1174,
18,
1343,
5323,
9,
87,
16,
1174,
17,
1343,
604,
9,
87,
16,
1343,
1160,
8,
198,
220,
1441,
1188,
62,
16,
1635,
1188,
62,
17,
198,
198,
4299,
651,
62,
22019,
12769,
62,
11201,
62,
8818,
62,
13345,
263,
7,
1174,
46265,
22046,
2599,
198,
220,
37227,
16409,
257,
15553,
14134,
263,
2134,
329,
262,
4424,
12769,
5518,
35470,
2163,
13,
37227,
198,
220,
1090,
12769,
62,
11201,
62,
20786,
796,
37456,
2124,
25,
1090,
12769,
62,
11201,
7,
87,
11,
352,
8,
198,
220,
2172,
62,
2100,
796,
1511,
13,
3720,
4521,
1120,
198,
220,
2172,
62,
457,
796,
6045,
198,
220,
7386,
62,
65,
3733,
796,
45941,
13,
18747,
26933,
58,
15,
11,
352,
4357,
685,
15,
11,
352,
11907,
8,
198,
220,
1441,
651,
62,
68,
1229,
62,
8818,
62,
13345,
263,
62,
6738,
62,
8818,
7,
22019,
12769,
62,
11201,
62,
20786,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7386,
62,
65,
3733,
28,
27830,
62,
65,
3733,
11,
15879,
1417,
28,
25101,
11,
2172,
62,
2100,
28,
8738,
62,
2100,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2172,
62,
457,
28,
8738,
62,
457,
11,
12429,
46265,
22046,
8,
628,
198,
2,
33628,
259,
15553,
16529,
982,
198,
4299,
865,
272,
259,
7,
87,
11,
257,
11,
275,
11,
269,
11,
374,
11,
264,
11,
256,
2599,
198,
220,
37227,
3082,
1769,
262,
33628,
259,
2163,
13,
37227,
198,
220,
2124,
16,
796,
2124,
58,
15,
60,
198,
220,
2124,
17,
796,
2124,
58,
16,
60,
198,
220,
2469,
62,
1186,
796,
257,
1635,
357,
87,
17,
532,
275,
9,
87,
16,
1174,
17,
1343,
269,
9,
87,
16,
532,
374,
8,
1174,
17,
1343,
264,
9,
7,
16,
12,
83,
27493,
37659,
13,
6966,
7,
87,
16,
8,
1343,
264,
198,
220,
1441,
532,
12480,
62,
1186,
198,
198,
4299,
4808,
1136,
62,
1671,
272,
259,
62,
7890,
33529,
198,
220,
37227,
29620,
262,
38491,
329,
262,
865,
272,
259,
2163,
13,
37227,
198,
220,
257,
796,
352,
198,
220,
275,
796,
642,
13,
16,
29006,
19,
9,
37659,
13,
14415,
1174,
17,
8,
198,
220,
269,
796,
642,
14,
37659,
13,
14415,
198,
220,
374,
796,
718,
198,
220,
264,
796,
838,
198,
220,
256,
796,
352,
29006,
23,
9,
37659,
13,
14415,
8,
198,
220,
2172,
62,
457,
796,
45941,
13,
18747,
26933,
37659,
13,
14415,
11,
362,
13,
23195,
12962,
198,
220,
7386,
62,
65,
3733,
796,
45941,
13,
18747,
26933,
58,
12,
20,
11,
838,
4357,
685,
15,
11,
1315,
11907,
8,
198,
220,
1441,
257,
11,
275,
11,
269,
11,
374,
11,
264,
11,
256,
11,
2172,
62,
457,
11,
7386,
62,
65,
3733,
198,
198,
4299,
651,
62,
1671,
272,
259,
62,
8818,
62,
13345,
263,
7,
1174,
46265,
22046,
2599,
198,
220,
37227,
16409,
257,
15553,
14134,
263,
2134,
329,
262,
33628,
259,
2163,
13,
37227,
198,
220,
257,
11,
275,
11,
269,
11,
374,
11,
264,
11,
256,
11,
2172,
62,
457,
11,
7386,
62,
65,
3733,
796,
4808,
1136,
62,
1671,
272,
259,
62,
7890,
3419,
198,
220,
865,
272,
259,
62,
20786,
796,
37456,
2124,
25,
865,
272,
259,
7,
87,
11,
257,
11,
275,
11,
269,
11,
374,
11,
264,
11,
256,
8,
198,
220,
2172,
62,
2100,
796,
865,
272,
259,
62,
20786,
7,
8738,
62,
457,
8,
198,
220,
1441,
651,
62,
68,
1229,
62,
8818,
62,
13345,
263,
62,
6738,
62,
8818,
7,
1671,
272,
259,
62,
20786,
11,
7386,
62,
65,
3733,
28,
27830,
62,
65,
3733,
11,
198,
220,
220,
220,
15879,
1417,
28,
25101,
11,
2172,
62,
2100,
28,
8738,
62,
2100,
11,
2172,
62,
457,
28,
8738,
62,
457,
11,
12429,
46265,
22046,
8,
198,
198,
4299,
651,
62,
1671,
272,
259,
62,
8929,
62,
67,
62,
8818,
62,
13345,
263,
7,
27830,
62,
27740,
11,
12429,
46265,
22046,
2599,
198,
220,
37227,
28407,
82,
257,
2440,
38517,
11345,
9038,
2163,
13,
37227,
198,
220,
1448,
62,
27740,
796,
362,
198,
220,
997,
62,
24432,
796,
493,
7,
27830,
62,
27740,
14,
8094,
62,
27740,
8,
198,
220,
257,
11,
275,
11,
269,
11,
374,
11,
264,
11,
256,
11,
2172,
62,
457,
62,
17,
67,
11,
7386,
62,
65,
3733,
62,
17,
67,
796,
4808,
1136,
62,
1671,
272,
259,
62,
7890,
3419,
198,
220,
865,
272,
259,
62,
20786,
796,
37456,
2124,
25,
865,
272,
259,
7,
87,
11,
257,
11,
275,
11,
269,
11,
374,
11,
264,
11,
256,
8,
198,
220,
825,
4808,
18206,
62,
8929,
67,
62,
1671,
272,
259,
62,
20786,
7,
87,
2599,
198,
220,
220,
220,
37227,
26439,
12632,
2440,
38517,
865,
272,
259,
2163,
13,
37227,
198,
220,
220,
220,
1005,
796,
657,
198,
220,
220,
220,
329,
474,
287,
2837,
7,
22510,
62,
24432,
2599,
198,
220,
220,
220,
220,
220,
1005,
15853,
865,
272,
259,
62,
20786,
7,
87,
58,
73,
9,
8094,
62,
27740,
37498,
73,
10,
16,
27493,
8094,
62,
27740,
12962,
198,
220,
220,
220,
1441,
1005,
198,
220,
2172,
62,
457,
796,
45941,
13,
40927,
7,
8738,
62,
457,
62,
17,
67,
11,
997,
62,
24432,
10,
16,
38381,
15,
25,
27830,
62,
27740,
60,
198,
220,
2172,
62,
2100,
796,
4808,
18206,
62,
8929,
67,
62,
1671,
272,
259,
62,
20786,
7,
8738,
62,
457,
8,
198,
220,
7386,
62,
65,
3733,
796,
45941,
13,
40927,
7,
37659,
13,
18747,
7,
27830,
62,
65,
3733,
62,
17,
67,
737,
51,
11,
997,
62,
24432,
10,
16,
737,
51,
58,
15,
25,
27830,
62,
27740,
60,
198,
220,
1441,
651,
62,
68,
1229,
62,
8818,
62,
13345,
263,
62,
6738,
62,
8818,
28264,
18206,
62,
8929,
67,
62,
1671,
272,
259,
62,
20786,
11,
7386,
62,
65,
3733,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
15879,
1417,
28,
25101,
11,
2172,
62,
457,
28,
8738,
62,
457,
11,
2172,
62,
2100,
28,
8738,
62,
2100,
11,
12429,
46265,
22046,
8,
198,
198,
4299,
651,
62,
1671,
272,
259,
62,
8929,
62,
67,
62,
8818,
62,
13345,
263,
62,
6738,
62,
20147,
81,
7,
20147,
81,
11,
12429,
46265,
22046,
2599,
198,
220,
37227,
28407,
82,
257,
1029,
38517,
289,
433,
9038,
2163,
422,
257,
4731,
13,
37227,
198,
220,
7386,
62,
27740,
796,
493,
7,
20147,
81,
58,
22,
25,
12962,
198,
220,
1441,
651,
62,
1671,
272,
259,
62,
8929,
62,
67,
62,
8818,
62,
13345,
263,
7,
27830,
62,
27740,
11,
12429,
46265,
22046,
8,
198,
198,
2,
45409,
13207,
15553,
16529,
23031,
198,
4299,
18631,
13207,
7,
87,
11,
1976,
11,
3509,
62,
2100,
2599,
198,
220,
37227,
3082,
1769,
262,
45409,
24478,
2163,
13,
37227,
198,
220,
1303,
279,
2645,
600,
25,
15560,
28,
14774,
12,
1929,
2737,
10223,
198,
220,
374,
86,
796,
2124,
58,
15,
60,
198,
220,
374,
220,
796,
2124,
58,
16,
60,
198,
220,
16749,
796,
2124,
58,
17,
60,
198,
220,
11256,
796,
2124,
58,
18,
60,
198,
220,
309,
75,
796,
2124,
58,
19,
60,
198,
220,
367,
75,
796,
2124,
58,
20,
60,
198,
220,
406,
220,
796,
2124,
58,
21,
60,
198,
220,
31767,
796,
2124,
58,
22,
60,
198,
220,
1303,
3082,
1133,
1029,
37744,
2163,
198,
220,
1216,
330,
17,
796,
362,
9,
43,
9,
47247,
29006,
37659,
13,
6404,
7,
81,
14,
31653,
8,
1635,
374,
86,
1174,
17,
1635,
31767,
8,
198,
220,
277,
17,
796,
949,
7,
9806,
62,
2100,
11,
362,
1635,
45941,
13,
14415,
1635,
16749,
1635,
357,
38202,
532,
367,
75,
20679,
7,
37659,
13,
6404,
7,
81,
14,
31653,
8,
1635,
357,
16,
1343,
1216,
330,
17,
1343,
16749,
14,
51,
75,
22305,
198,
220,
1303,
3082,
1133,
1877,
37744,
2163,
198,
220,
277,
16,
796,
642,
1635,
16749,
1635,
357,
38202,
532,
367,
75,
20679,
7,
37659,
13,
6404,
7,
81,
14,
31653,
8,
1635,
357,
16,
13,
20,
1343,
1216,
330,
17,
1343,
16749,
14,
51,
75,
4008,
198,
220,
1303,
3082,
1133,
2457,
5072,
198,
220,
1441,
277,
17,
9,
89,
1343,
277,
16,
9,
7,
16,
12,
89,
8,
198,
198,
4299,
651,
62,
65,
382,
13207,
62,
8818,
62,
13345,
263,
7,
1174,
46265,
22046,
2599,
198,
220,
37227,
16409,
257,
15553,
14134,
263,
2134,
329,
262,
45409,
2946,
2163,
13,
37227,
198,
220,
2172,
62,
2100,
796,
40286,
13,
49803,
26115,
198,
220,
2172,
62,
457,
796,
6045,
198,
220,
18631,
13207,
62,
20786,
796,
37456,
2124,
25,
18631,
13207,
7,
87,
11,
352,
11,
2172,
62,
2100,
8,
198,
220,
7386,
62,
65,
3733,
796,
16410,
15,
13,
2713,
11,
657,
13,
1314,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
685,
3064,
11,
642,
2388,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
685,
30005,
2154,
11,
12279,
8054,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
685,
34155,
11,
1367,
940,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
685,
5066,
13,
16,
11,
18693,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
685,
9879,
11,
48964,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
685,
16,
10232,
11,
1467,
1795,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
685,
4089,
2816,
11,
7982,
2231,
11907,
198,
220,
1441,
651,
62,
68,
1229,
62,
8818,
62,
13345,
263,
62,
6738,
62,
8818,
7,
65,
382,
13207,
62,
20786,
11,
7386,
62,
65,
3733,
11,
198,
220,
220,
220,
15879,
1417,
28,
25101,
11,
2172,
62,
2100,
28,
8738,
62,
2100,
11,
2172,
62,
457,
28,
8738,
62,
457,
11,
12429,
46265,
22046,
8,
198,
198,
2,
3250,
16,
2163,
38093,
28,
198,
4299,
3952,
16,
7,
87,
11,
3509,
62,
2100,
28,
37659,
13,
10745,
2599,
198,
220,
37227,
3082,
1769,
262,
3952,
16,
2163,
13,
37227,
198,
220,
2124,
16,
796,
2124,
58,
15,
60,
198,
220,
2124,
17,
796,
2124,
58,
16,
60,
198,
220,
2124,
18,
796,
2124,
58,
17,
60,
198,
220,
2124,
19,
796,
2124,
58,
18,
60,
198,
220,
1005,
16,
796,
357,
87,
16,
14,
17,
8,
1635,
357,
37659,
13,
31166,
17034,
7,
16,
1343,
357,
87,
17,
1343,
2124,
18,
1174,
17,
27493,
87,
19,
29006,
87,
16,
1174,
17,
4008,
532,
352,
8,
198,
220,
1005,
17,
796,
357,
87,
16,
1343,
513,
9,
87,
19,
8,
1635,
45941,
13,
11201,
7,
16,
1343,
45941,
13,
31369,
7,
87,
18,
4008,
198,
220,
1441,
949,
7,
1186,
16,
1343,
1005,
17,
11,
3509,
62,
2100,
8,
198,
198,
4299,
651,
62,
20928,
16,
62,
8818,
62,
13345,
263,
7,
1174,
46265,
22046,
2599,
198,
220,
37227,
16409,
262,
3952,
16,
2163,
24955,
13,
37227,
198,
220,
2172,
62,
2100,
796,
1679,
13,
3365,
4761,
21288,
198,
220,
2172,
62,
457,
796,
6045,
198,
220,
25439,
796,
37456,
2124,
25,
3952,
16,
7,
87,
11,
2172,
62,
2100,
8,
198,
220,
7386,
62,
65,
3733,
796,
16410,
15,
11,
352,
11907,
1635,
604,
198,
220,
1441,
651,
62,
68,
1229,
62,
8818,
62,
13345,
263,
62,
6738,
62,
8818,
7,
20786,
11,
7386,
62,
65,
3733,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
15879,
1417,
28,
25101,
11,
2172,
62,
2100,
28,
8738,
62,
2100,
11,
2172,
62,
457,
28,
8738,
62,
457,
11,
12429,
46265,
22046,
8,
198,
198,
2,
3250,
17,
2163,
38093,
28,
198,
4299,
3952,
17,
7,
87,
11,
3509,
62,
2100,
28,
37659,
13,
10745,
2599,
198,
220,
37227,
955,
1769,
262,
3952,
17,
2163,
37227,
198,
220,
2124,
16,
796,
2124,
58,
15,
60,
198,
220,
2124,
17,
796,
2124,
58,
16,
60,
198,
220,
2124,
18,
796,
2124,
58,
17,
60,
198,
220,
2124,
19,
796,
2124,
58,
18,
60,
198,
220,
1005,
796,
357,
17,
13,
15,
14,
18,
13,
15,
8,
1635,
45941,
13,
11201,
7,
87,
16,
1343,
2124,
17,
8,
532,
2124,
19,
9,
37659,
13,
31369,
7,
87,
18,
8,
1343,
2124,
18,
198,
220,
1441,
949,
7,
1186,
11,
3509,
62,
2100,
8,
198,
198,
4299,
651,
62,
20928,
17,
62,
8818,
62,
13345,
263,
7,
1174,
46265,
22046,
2599,
198,
220,
37227,
16409,
2163,
24955,
329,
3952,
17,
13,
37227,
198,
220,
2172,
62,
2100,
796,
642,
13,
46351,
39357,
198,
220,
2172,
62,
457,
796,
6045,
198,
220,
25439,
796,
37456,
2124,
25,
3952,
17,
7,
87,
11,
2172,
62,
2100,
8,
198,
220,
7386,
62,
65,
3733,
796,
16410,
15,
11,
352,
11907,
1635,
604,
198,
220,
1441,
651,
62,
68,
1229,
62,
8818,
62,
13345,
263,
62,
6738,
62,
8818,
7,
20786,
11,
7386,
62,
65,
3733,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
15879,
1417,
28,
25101,
11,
2172,
62,
2100,
28,
8738,
62,
2100,
11,
2172,
62,
457,
28,
8738,
62,
457,
11,
12429,
46265,
22046,
8,
198,
198,
4299,
651,
62,
8929,
62,
67,
62,
8818,
62,
6738,
62,
9319,
62,
67,
7,
27830,
62,
27740,
11,
1448,
62,
27740,
11,
1877,
62,
67,
62,
20786,
2599,
198,
220,
37227,
28407,
82,
257,
2440,
38517,
11345,
9038,
2163,
13,
37227,
198,
220,
997,
62,
24432,
796,
493,
7,
27830,
62,
27740,
14,
8094,
62,
27740,
8,
198,
220,
825,
4808,
18206,
62,
8929,
67,
62,
20786,
7,
87,
2599,
198,
220,
220,
220,
37227,
26439,
12632,
262,
2440,
38517,
2163,
13,
37227,
198,
220,
220,
220,
1005,
796,
657,
198,
220,
220,
220,
329,
474,
287,
2837,
7,
22510,
62,
24432,
2599,
198,
220,
220,
220,
220,
220,
1005,
15853,
1877,
62,
67,
62,
20786,
7,
87,
58,
73,
9,
8094,
62,
27740,
25,
357,
73,
10,
16,
27493,
8094,
62,
27740,
12962,
198,
220,
220,
220,
1441,
1005,
198,
220,
1441,
4808,
18206,
62,
8929,
67,
62,
20786,
11,
997,
62,
24432,
198,
198,
4299,
651,
62,
8929,
62,
67,
62,
8818,
62,
13345,
263,
62,
6738,
62,
9319,
62,
67,
62,
20786,
7,
27830,
62,
27740,
11,
1877,
62,
67,
62,
20786,
11,
198,
220,
220,
220,
220,
220,
1877,
62,
67,
62,
27830,
62,
65,
3733,
11,
1877,
62,
67,
62,
8738,
62,
2100,
11,
1877,
62,
67,
62,
8738,
62,
457,
11,
12429,
46265,
22046,
2599,
198,
220,
37227,
29620,
257,
1877,
38517,
2163,
24955,
422,
257,
1029,
38517,
530,
13,
37227,
198,
220,
1448,
62,
27740,
796,
18896,
7,
9319,
62,
67,
62,
27830,
62,
65,
3733,
8,
198,
220,
1029,
62,
67,
62,
20786,
11,
997,
62,
24432,
796,
651,
62,
8929,
62,
67,
62,
8818,
62,
6738,
62,
9319,
62,
67,
7,
27830,
62,
27740,
11,
1448,
62,
27740,
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,
1877,
62,
67,
62,
20786,
8,
198,
220,
1029,
62,
67,
62,
27830,
62,
65,
3733,
796,
45941,
13,
40927,
7,
37659,
13,
18747,
7,
9319,
62,
67,
62,
27830,
62,
65,
3733,
737,
51,
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,
997,
62,
24432,
10,
16,
737,
51,
58,
15,
25,
27830,
62,
27740,
60,
198,
220,
1029,
62,
67,
62,
8738,
62,
457,
796,
6045,
198,
220,
1029,
62,
67,
62,
8738,
62,
2100,
796,
6045,
198,
220,
611,
1877,
62,
67,
62,
8738,
62,
457,
318,
407,
6045,
25,
198,
220,
220,
220,
1029,
62,
67,
62,
8738,
62,
457,
796,
45941,
13,
40927,
7,
9319,
62,
67,
62,
8738,
62,
457,
11,
997,
62,
24432,
10,
16,
38381,
15,
25,
27830,
62,
27740,
60,
198,
220,
220,
220,
1029,
62,
67,
62,
8738,
62,
2100,
796,
1029,
62,
67,
62,
20786,
7,
8929,
62,
67,
62,
8738,
62,
457,
8,
198,
220,
1288,
361,
1877,
62,
67,
62,
8738,
62,
2100,
318,
407,
6045,
25,
198,
220,
220,
220,
1029,
62,
67,
62,
8738,
62,
2100,
796,
997,
62,
24432,
1635,
1877,
62,
67,
62,
8738,
62,
2100,
198,
220,
1303,
8229,
198,
220,
25439,
62,
13345,
263,
796,
651,
62,
68,
1229,
62,
8818,
62,
13345,
263,
62,
6738,
62,
8818,
7,
8929,
62,
67,
62,
20786,
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,
1029,
62,
67,
62,
27830,
62,
65,
3733,
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,
15879,
1417,
28,
25101,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2172,
62,
2100,
28,
8929,
62,
67,
62,
8738,
62,
2100,
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,
2172,
62,
457,
28,
8929,
62,
67,
62,
8738,
62,
457,
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,
12429,
46265,
22046,
8,
198,
220,
1441,
25439,
62,
13345,
263,
198,
198,
4299,
651,
62,
8929,
62,
67,
62,
8818,
62,
13345,
263,
62,
6738,
62,
9319,
62,
67,
62,
20786,
62,
13345,
263,
7,
27830,
62,
27740,
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,
1877,
62,
67,
62,
20786,
62,
13345,
263,
11,
12429,
46265,
22046,
2599,
198,
220,
37227,
29620,
257,
1029,
38517,
2163,
24955,
422,
257,
1877,
38517,
530,
13,
37227,
198,
220,
1441,
651,
62,
8929,
62,
67,
62,
8818,
62,
13345,
263,
62,
6738,
62,
9319,
62,
67,
62,
20786,
7,
27830,
62,
27740,
11,
1877,
62,
67,
62,
20786,
62,
13345,
263,
13,
20786,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1877,
62,
67,
62,
20786,
62,
13345,
263,
13,
27830,
13,
65,
3733,
11,
1877,
62,
67,
62,
20786,
62,
13345,
263,
13,
8738,
62,
2100,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1877,
62,
67,
62,
20786,
62,
13345,
263,
13,
1831,
62,
8738,
62,
457,
11,
12429,
46265,
22046,
8,
198,
198,
4299,
651,
62,
8929,
62,
67,
62,
8818,
62,
13345,
263,
62,
6738,
62,
11213,
7,
20147,
81,
11,
12429,
46265,
22046,
2599,
198,
220,
37227,
29620,
257,
1029,
38517,
2163,
24955,
422,
262,
6764,
13,
37227,
198,
220,
17894,
796,
1715,
81,
13,
35312,
10786,
12,
11537,
198,
220,
7386,
62,
27740,
796,
493,
7,
325,
11726,
58,
16,
12962,
198,
220,
1715,
81,
62,
1462,
62,
20786,
62,
11600,
796,
1391,
6,
18647,
9038,
10354,
37456,
25,
651,
62,
18647,
9038,
62,
8818,
62,
13345,
263,
7,
21,
11,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
1671,
272,
259,
10354,
651,
62,
1671,
272,
259,
62,
8818,
62,
13345,
263,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
22019,
7640,
42372,
10354,
651,
62,
22019,
12769,
62,
11201,
62,
8818,
62,
13345,
263,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
20928,
16,
10354,
651,
62,
20928,
16,
62,
8818,
62,
13345,
263,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
20928,
17,
10354,
651,
62,
20928,
17,
62,
8818,
62,
13345,
263,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
65,
382,
13207,
10354,
651,
62,
65,
382,
13207,
62,
8818,
62,
13345,
263,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
7091,
7750,
10354,
651,
62,
7091,
7750,
62,
8818,
62,
13345,
263,
92,
198,
220,
1877,
62,
67,
62,
20786,
62,
13345,
263,
796,
1715,
81,
62,
1462,
62,
20786,
62,
11600,
58,
325,
11726,
58,
15,
4083,
21037,
3419,
16151,
1174,
46265,
22046,
8,
198,
220,
1441,
651,
62,
8929,
62,
67,
62,
8818,
62,
13345,
263,
62,
6738,
62,
9319,
62,
67,
62,
20786,
62,
13345,
263,
7,
27830,
62,
27740,
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,
1877,
62,
67,
62,
20786,
62,
13345,
263,
11,
12429,
46265,
22046,
8,
198,
198,
2,
9461,
11,
530,
845,
11282,
29908,
13,
198,
4299,
651,
62,
28869,
62,
8818,
62,
13345,
263,
62,
6738,
62,
3672,
7,
8818,
62,
3672,
11,
12429,
46265,
22046,
2599,
198,
220,
37227,
317,
845,
11282,
29908,
523,
326,
345,
460,
655,
651,
262,
2163,
422,
262,
1438,
13,
37227,
198,
220,
1303,
79,
2645,
600,
25,
15560,
28,
18820,
12,
21834,
12,
7783,
12,
14269,
3196,
198,
220,
611,
2163,
62,
3672,
13,
21037,
3419,
6624,
705,
18647,
9038,
18,
10354,
198,
220,
220,
220,
1441,
651,
62,
18647,
9038,
62,
8818,
62,
13345,
263,
7,
18,
11,
1715,
81,
28,
8818,
62,
3672,
11,
12429,
46265,
22046,
8,
198,
220,
1288,
361,
2163,
62,
3672,
13,
21037,
3419,
6624,
705,
18647,
9038,
21,
10354,
198,
220,
220,
220,
1441,
651,
62,
18647,
9038,
62,
8818,
62,
13345,
263,
7,
21,
11,
1715,
81,
28,
8818,
62,
3672,
11,
12429,
46265,
22046,
8,
198,
220,
1288,
361,
2163,
62,
3672,
13,
21037,
3419,
6624,
705,
22019,
7640,
42372,
10354,
198,
220,
220,
220,
1441,
651,
62,
22019,
12769,
62,
11201,
62,
8818,
62,
13345,
263,
7,
20147,
81,
28,
8818,
62,
3672,
11,
12429,
46265,
22046,
8,
198,
220,
1288,
361,
2163,
62,
3672,
13,
21037,
3419,
6624,
705,
1671,
272,
259,
10354,
198,
220,
220,
220,
1441,
651,
62,
1671,
272,
259,
62,
8818,
62,
13345,
263,
7,
20147,
81,
28,
8818,
62,
3672,
11,
12429,
46265,
22046,
8,
198,
220,
1288,
361,
2163,
62,
3672,
13,
21037,
3419,
6624,
705,
65,
382,
13207,
10354,
198,
220,
220,
220,
1441,
651,
62,
65,
382,
13207,
62,
8818,
62,
13345,
263,
7,
20147,
81,
28,
8818,
62,
3672,
11,
12429,
46265,
22046,
8,
198,
220,
1288,
361,
2163,
62,
3672,
13,
21037,
3419,
6624,
705,
7091,
7750,
10354,
198,
220,
220,
220,
1441,
651,
62,
7091,
7750,
62,
8818,
62,
13345,
263,
7,
20147,
81,
28,
8818,
62,
3672,
11,
12429,
46265,
22046,
8,
198,
220,
1288,
361,
2163,
62,
3672,
13,
21037,
3419,
6624,
705,
20928,
16,
10354,
198,
220,
220,
220,
1441,
651,
62,
20928,
16,
62,
8818,
62,
13345,
263,
7,
20147,
81,
28,
8818,
62,
3672,
11,
12429,
46265,
22046,
8,
198,
220,
1288,
361,
2163,
62,
3672,
13,
21037,
3419,
6624,
705,
20928,
17,
10354,
198,
220,
220,
220,
1441,
651,
62,
20928,
17,
62,
8818,
62,
13345,
263,
7,
20147,
81,
28,
8818,
62,
3672,
11,
12429,
46265,
22046,
8,
198,
220,
2073,
25,
198,
220,
220,
220,
1441,
651,
62,
8929,
62,
67,
62,
8818,
62,
13345,
263,
62,
6738,
62,
11213,
7,
20147,
81,
28,
8818,
62,
3672,
11,
12429,
46265,
22046,
8,
628
] | 2.211703 | 6,665 |
import dairlib
import drake
import numpy as np
# Class to easily convert list of lcmt_osc_tracking_data_t to numpy arrays
| [
11748,
288,
958,
8019,
198,
11748,
28841,
365,
198,
11748,
299,
32152,
355,
45941,
628,
198,
2,
5016,
284,
3538,
10385,
1351,
286,
300,
11215,
83,
62,
17500,
62,
36280,
62,
7890,
62,
83,
284,
299,
32152,
26515,
628
] | 3.205128 | 39 |
import RPi.GPIO as GPIO
from drive import Drive
from dribbler import Dribbler
from field import Field
from enum import Enum
from kicker import Kicker
import time
import numpy as np
#########
# ENUMS #
#
############
# FUNCTIONS
# these should be very generic
###########
# VARIABLES
# used for condition checking or generic functions within navigation class
BALL_IN_DRIBBLER_DIST = 9 # min distance when ball is in the dribbler
BALL_IN_DRIBBLER_ANGLE = 15 # ball must be within +-28 deg of fov to be in dribbler (32 is max)
GOAL_DIST = 90 # distance to stop at to shoot for goal
GOAL_ANGLE = 3 # goal must be within +-3 deg of fov to be in dribbler
OBSTACLE_DIST = 30 # min dist to begin circ,ing object
MIN_SPEED = 35 # the speed the robot will be at when its target is very close
#############
# NAV CLASS #
#
| [
11748,
25812,
72,
13,
16960,
9399,
355,
50143,
201,
198,
6738,
3708,
1330,
9974,
201,
198,
6738,
35003,
43400,
1330,
360,
822,
43400,
201,
198,
6738,
2214,
1330,
7663,
201,
198,
6738,
33829,
1330,
2039,
388,
201,
198,
6738,
38297,
1330,
10279,
263,
201,
198,
11748,
640,
201,
198,
11748,
299,
32152,
355,
45941,
201,
198,
201,
198,
7804,
2,
201,
198,
2,
12964,
52,
5653,
1303,
201,
198,
2,
201,
198,
201,
198,
201,
198,
7804,
4242,
201,
198,
2,
29397,
4177,
11053,
201,
198,
2,
777,
815,
307,
845,
14276,
201,
198,
201,
198,
7804,
21017,
201,
198,
2,
569,
1503,
3539,
9148,
1546,
201,
198,
2,
973,
329,
4006,
10627,
393,
14276,
5499,
1626,
16408,
1398,
201,
198,
201,
198,
45463,
62,
1268,
62,
35,
7112,
33,
9148,
1137,
62,
35,
8808,
796,
860,
1303,
949,
5253,
618,
2613,
318,
287,
262,
35003,
43400,
201,
198,
45463,
62,
1268,
62,
35,
7112,
33,
9148,
1137,
62,
15567,
2538,
796,
1315,
1303,
2613,
1276,
307,
1626,
1343,
12,
2078,
3396,
286,
277,
709,
284,
307,
287,
35003,
43400,
357,
2624,
318,
3509,
8,
201,
198,
201,
198,
11230,
1847,
62,
35,
8808,
796,
4101,
1303,
5253,
284,
2245,
379,
284,
2686,
329,
3061,
201,
198,
11230,
1847,
62,
15567,
2538,
796,
513,
220,
1303,
3061,
1276,
307,
1626,
1343,
12,
18,
3396,
286,
277,
709,
284,
307,
287,
35003,
43400,
201,
198,
201,
198,
9864,
2257,
2246,
2538,
62,
35,
8808,
796,
1542,
220,
1303,
949,
1233,
284,
2221,
2498,
11,
278,
2134,
201,
198,
201,
198,
23678,
62,
4303,
41841,
796,
3439,
220,
1303,
262,
2866,
262,
9379,
481,
307,
379,
618,
663,
2496,
318,
845,
1969,
201,
198,
201,
198,
201,
198,
7804,
4242,
2,
201,
198,
2,
47140,
42715,
1303,
201,
198,
2,
201,
198
] | 2.87 | 300 |
import simplekml
import json
from polycircles import polycircles
import time
from subprocess import call
'''
https://github.com/LiquidGalaxyLAB/ViewYourData/blob/master/VYD_Project/VYD/Utils/PresentationManager/cylinder_generator.py
https://developers.google.com/maps/documentation/geocoding/intro?hl=es-419
'''
| [
11748,
2829,
74,
4029,
201,
198,
11748,
33918,
201,
198,
6738,
7514,
66,
343,
5427,
1330,
7514,
66,
343,
5427,
201,
198,
11748,
640,
201,
198,
6738,
850,
14681,
1330,
869,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
201,
198,
201,
198,
201,
198,
7061,
6,
201,
198,
5450,
1378,
12567,
13,
785,
14,
41966,
26552,
6969,
48780,
14,
7680,
7120,
6601,
14,
2436,
672,
14,
9866,
14,
53,
35755,
62,
16775,
14,
53,
35755,
14,
18274,
4487,
14,
34695,
341,
13511,
14,
38801,
5540,
62,
8612,
1352,
13,
9078,
201,
198,
5450,
1378,
16244,
364,
13,
13297,
13,
785,
14,
31803,
14,
22897,
341,
14,
469,
420,
7656,
14,
600,
305,
30,
18519,
28,
274,
12,
45068,
201,
198,
7061,
6,
201,
198
] | 2.637795 | 127 |
"""
来点小强+{可选小强数量}
可以艾特一个人使用
"""
import base64
import random
from io import BytesIO
import httpx
from botoy import GroupMsg, S
from botoy import decorators as deco
from botoy.parser import group as gp
from PIL import Image
小强 = Image.open(
BytesIO(
base64.b64decode(
"""
iVBORw0KGgoAAAANSUhEUgAAAKAAAACgCAYAAACLz2ctAAAgAElEQVR4nOS9CZhdV3UlvM45d3zz
q1dzlVRVUkmyRku2PINnMAQMNEOGJp2EpNMNSYD8nQQa0mkSOoHMCSGBJh0ShgRImAzYjhkcsLGN
5UG2LGuwNZVU81xvvPM5/Z1z75PKUkkqyaq08b+/z5ZU9d6799277j57r732PuT1jKJoMhx2Q1S5
wHEAOQBThKAHgCninwlC4AFoBcAATAIgiE0Iof58lWWhhVK4yb8vtRF5Dr4PEobIA1ggBBUhkJJ/
B/AECMSi81quCVzY+V6vM9xkaZjly3ufvF4LnPysH4UPBUIMdVgMEBwBtC17fRygENHFXCp5dA6o
70+Tf59+XGlPhCFqnKvrd8ZnCMDQCH6qTQdrcLSaFOOgODjtISP4BV0ZeS66xEiBQTSArB/hECF4
6Bx40C7g81+y5gKwANxp69ApRbjMB0C+LMtwZasmDoUCleW8R6fAbChwTAgIsrzjaES+T//geMTf
Z9FwSN4kn5j3HvWCg0f84DfpRVzYJvAMAuw+32kQsiT4Xgr2sgAgkhtCoggFCngQy/KCEYH02OvW
GvSIx8/vB0nihduogCOk1zn/UeQrQqHOqXc2YO+AEAcJNe4POWk5HkZvKDHKLxSACnyEoC4EOqnA
XIjlPT0vQXtZALAJg2oQQd5NkXi3876PoiUKCJ/yo4VoGYuNAqB8mc6Q1in8Za5PPgcGdXH0rSXy
5j0N+80TfjTv+WHnRmaFjC7vXJsmX5ohFD4EvhM4MJNlDxcRerwU7GXjAeUXkV5JCzlyGkVwvrtK
gDCi2yyNdhepQLBMb2YTgl2NEMc4Vzf/fCbPogGgq2B6KcYQimjXnO/ehEjzbIm+ZcaRSD7LAlHn
8WDgwhEcaY1ecAz7UrKXDQBFEnTL+xnyeNk7F6SIBCilm3VC2kIsHwdVIbDN1nAlISeTr3MZUe8B
ChrbfH8ZUycc/1qTCbicoCFEkjYt//tpFPhh4GJe5i3kzMTjx81eNgBEcoPcSGBeCBUnncvkUtqq
kw2jER+uRcvN9oiCQkansAgQLOcdQiAQBLmIphfC8K6KzCwjipBE4IIna/r5TT4gLZTgyZBj+uKS
5pekvawAiAQiMrlghJwdhAIICGAzOmAj/KxOhaKZzmuJx0tBgMkseBnYoQSIgDUyXqwF0X00EmAE
sIgAkeBbxmcIlXQAIQhO8PM9Wj9e9rICoEgCcgsCDSrUUrykESBL6U4C5MdC/uTycuZTRmnCuy3H
eQkBk9INGhHo0/GYJnmci2AqS5TiS+5yUqUfL3tZesAwEiiLs0dX8jclxt4yEmHuyYAvGw7y81Zr
FN06RW2ZQaNMGWxKuuQxx4FpTR79AvGXAsWxSOBg8PLyfng5AtBLCNqbdYIUJSoZOd1k3ugzdv1h
P/q7ndKbLWP5FUm1IUcEjDBCeplYkC+zNJInjIhWyjyTiGWylKeO3K5RfKbqX8B7fnzsxw6AIgFY
FkBZiDNKb82S1FgkYBJyZlVEUjWEbrE5UjkefLFIsEQR60yTL5MQyFIGXQJ2mewxFwIWoYUaF+QZ
N2io8tgF4M8EwS4e4kT48kk8FtslBaBFCGwi6wMrs1RQIqMv8BMARglN5xjdonH+2OmhvHyRwwE3
4GeciaROiob+7gbnT80KES7XG8nPkYDuNxiMs3jWpUwuvYTQVh8i6DSWVz05dUyBTkbwHefM7/Fy
sUsDQOkRhMBhz8cwCIIVCpUlsPKUvXk/yNcMQtbdSLRbiPB3nX5zZObJJM13WpzGY19n2YRuP+57
/6nB4+V42cenRJX5GpwvmzeUlyZDaWsUkYVGQE5WLc5n8uPThOCQz3HiZRj7Ne2SAJAkapkJHmEt
Icvixy7GQiG4xph7LTU+OM9D1BkecaRPWQQGmnidhogk/fECfyOX0FW68RvDQgzt5fx5SdUsOwER
Alt1AoMIzEQXEMUJ6TnRqhGU8xqBtsx3SuBKgcUeL3rZej9c0iVYCNgmw/Z2W8m6VspqIb/3ldvb
viE8RF/7wZiVMVl8txLLUoJDQYDh4NS6LH8dCeUZrXWa9uac7/3HLYvkSuez+L0EGwwGixK0LRN9
pEkNEdJRjcRcCIFlC5w4UCfA6MuIdF7KLhkApUpkzI/w6HRDMfbeCmHQ4QKNhca9r1hnv3o0DRTT
p2gNVaulQGNWKC9sJ8CM67ECg6b5Jz6Pds9H0XMKfMtUAcjXSiJ5IeQoRxdUvlVeuM9gnRxil8vF
eXOXppBCxpntNmAGBE70cmP/TtklA2CzLkoDgQITqK3QNZMZ8KNPzH4lPIJbayYzqn54kp+wKDAf
CTwdxMsWFeJk9tpO6cZexv7D9xvOlloCqnOdYtN7SQBJMG+3NKwzKRYSMMj6cXCeejOS9xPAWIj4
ifllAKlZ892UFsga7Oxk+svELjkNc0TEHsJdsYdWwCDswcugZcZcb8tciN1Nr5ImwPEQmFHHJqdQ
BIFXWNZd/+aHfzIkxAIuQpzZo1N0yQw4inPuFJWcYAzEs5mMMCMhMBqS0AU5kGLnTnnU7zhBWuco
GkA9+vGUWF2IXXIAyou4lsXZ3sokI0QW8Y/XfVr2mP6Wugh2N2UhvvKAzbM4Rc7cYJl/007AdgX+
x3qWeRRJaBekjEoI5EyCfUGELywig7sIwSAF6uf0gkLGf607s3bGoPxpgfOQ0ALoTccxay2MM6rz
OUAZUzZXm6XBHf/0/zeK6AYX6ua1aEB9hZYPSiQVIna3Uu1WxgJ1U2kiTz8ixCLvJ7BF11671dB/
5au1xkBw0iGe2z3L15UAbGlWPwAMKzdLTqJtQtE8UMKCpb5mUwndq7N3dNlCH5rje5hcGpZQv0hP
KRXZhgG02xTDjVh2JQ8ZnesaxqR6yzYm6gtCeIshJj2vPH7BYKhSgiHvpZnMrEglZE8km5oAd4UA
KC90nkX3bqDab9uSdBFAmgLjEVCLTrmD1ZQW3phO3fvVuvO+ac6HLuQYWxMhKU0EDqcnD9Kh9BOg
M3ndUtYQBFdl2W+VCccIF2V9UayMRRSR/JlNgPWpmBaSXyGM+1Ww0aKYcSLY7LTatgAYJV1por03
IP6H2sipcqEfCcWFrioauLZo4Vk3wrHR+lm/6wr1kC3LVgSA8iHvoUBthbw+UUwffyAEfreD0jzA
y22U4OAi6qUDwOty1tETUbDnUBD8SeY8nymfFUeVvoDLk1Kf/Le9xGtp8voKF1iHpT1goD6LXVm0
WdszC8Ff+VxgKR8k5foGA/pSFAERyuOR5DP9CLi+qOEHXKAevjCD5kQgTbU7Whhy41wuOuTk+zI2
Q1+rrV4v4+HaSziLXhEAygREai31FX26+DMBUN4nyHaf4wFLAE8H4mT++oaseXfWQvGTk450Uqgl
1ZqljCTLbHuy9LZIFfM5Lg5JQDiU/Hl6rCsS8N5YYJ+WMdpMNfqfa/FCAMnXyGw8oxEUUlR51MU9
JvIYARfIM6Dbpvi3hVDVhZt+UIaIg7r2PoOJf5JSLYmxwIlQBsFgycJAq4m9Iw1EJntJS7hWBIBl
HteFW+nKZcOUCC/iGPEjso0BD4zLvsrkSX9dyvzTrSX2un8d825eK+CbzQB8iUBcerwRec4Adgih
KJD6MvQC8veSKD4s4opFE1zNXl0TbNu2PLv83+aDLz0CXm6eQ9NLyXBwjU7QnaGQEHEinNFjIt9S
CQU2Zxl21zhmQ65umHx/ibFrNhWMjQs157s5QVALODZvyOLRUQ+ztRCdBX4xyf6/u60IACUOKkQg
QwlWyvtL8plwUS0a9KqcDhypxj/frOn/6e2d9DfuWvD+cI8fPVBYBpHBF6ldtEUc4LlMBvltGrDD
JHi6LtT7/CR7lvbaIvucJF0mKvzdg4k0v/mZ8k/NIFiXIoh4Mzde+jylV8wQ4DUFir0LsQpbLuU7
26wPFVs0HJiPDjIGrCqYeNWVLdg3OwX/JZpwLGUrJMcSqEYEhIkLqhpcqOlEHOKcbJwIgKO+QBHa
zg+s1j63x/fv/5e56APy48bOJ3tP3ETuIo4vNQLb0hQOFdhV5ehiBJuFQIVrWzfn2eWPzQefboDP
ZAg5qaCW5bgBi6I9BcwGskEdKgE5m1HVbipQsijW5YARj6MRiPTlq+zXVoWYPwxeWZ8x0b8qjYob
wfe56hn+cbEV0wNKbsqkFNpKKWOk4gVirx7RHfscgaxgud/s0R8Xul/5m2PRq7CY+1rifjSzUbJo
2bxQC5ML2KLH3k+Sx8wn2Jajn2ec4/ly9K7m2AyV2cqHxqLQ7Pj6JPXp8xpJGAXZbmrXI9kX/Ibu
HhuP7i9/qy8COrkGpxogCg3UGoH6UHYxyv//B7ZiAJStiHUqTi5Jl9pkQ48OPmlTMhPUKd5S1Hdf
1xrg156LrqyJJt23suE3SWK5RrLizQQEbYb+c2sKuPzJ2eCXOEQgvZ8nhBof0mNpoJZM0LgseCzv
GEQoMEWcw/MpQg/IWPpr5uqyu450b+1Of5iaxtbApKnpKka39WbrgccPD0/4z0xOeAfSWW1CmOeu
QItlSXJXxlYMgPLplpo8fXmNXxds8c0X+yOQ1DUZ8543dwdr/+x4+Kb9Lg7jlETxpDW94cWAskkq
xx+Ak3SKFL3KZvguHciAYL2hP/iakvbKJ6rBI1+u8783FSMg0EIIdthyEgOBiEQsnjgLAFnSLSfJ
dj+kKDukT3Byhc609aWstuOarszWjjZjQzFPcOerSrenM/rtQiegpg6fE9x8Rye8QGB41MXwsOMF
485Xvn24/NuAmjG1pMkeGtUmvQL36Xy2YgBUlEJIFAhX5OkSqkn8QCDYdW/t963758MP3LNAvqF+
12zYPm0FvliPyJMqiyFjuUTDZQgpjo0HFWU1gp9vYX+6sYhX7pnjwT3z4etFMjRJqnNuzFLkIXAs
ELCW0IApwElmUxDMu2xgoYGrXI3sLGXYzQMF7apihqGrVUN3h45SyYBuyrEgRGkwCQMMg6mlPWtQ
MJ3AyjJ0duVx3TVF07a0t/N/PHG799jUYMB5reZEZ3y3vEHQYhBM14SioP49bWWIaEIwFwH31lZO
Si6XtQ5oV7ymSIxHpsK/++Qs/vAk1M9oA1lOXnt2W+DA1jTQLUtwLlBgZEPG1l45x8O/a7PE7ety
+GzVZ93Hq3hqd93/uQr4vIT9ep3glSk1Sgaj/qkHIR5yJBlnCl82qYf6LRFnr8kIXKen8MqrWiiK
WYquFoZSgcG0GIQc60EpJIBoADCdguoEjMflOhFw5cFYBHhehFolAGEUazfk0NNudezMm2Jzu4E/
e2wG84uvDQE6bIY2g2J0JTPGs9iKeUA5m2VqpT5cGTXf0a49mWEcD81qv3N7Jjqj4C4Qe6lH6xyj
55KtLHo9a474SH4mvZjUhMq+3lWS8HM5KNfeAMFu2Z4P1vfb+m/tnSXRjCN+9zI7+r2szlVqu1aj
uMGWY9k45qNmlSKe2OBwAj807ogEe2PewG1Fk69P6yFaUgKlLJBLS0+mg1OChRqg+TJ5IaDSDUcU
VHDQJMSRukFNRKpRXmq3qGZCMwwYBoFuAHOTHu753sTfHxuq1I0go+/zojM0IoYO3JTXlpUQXWpb
EQDKpW6l1BfNZfSXW/SHt+VC3DOhDfVZ5IYMFV89fYU1SczLVS9AeOqAICRExXmyQLFOF2KeEEgx
qcEobFtP2wZ776ZC1JOi7LU/mqY/rLi4l+vBv9xVgapE7LQJ+giDwyOEKp7j4JzADbQdGcF+OaXx
13SkxUDeCpA1IphanDUFhGDWZYrCMgwBwiJwwhESjoCEkPReIAdNUgHKCBgjSOUyaGlJo61koq3V
htMQaEz5aDg+Zmc9eB7Hrde2bOl/Y8/Ro4dq9qqj1bcsEDxCkmsi/992AU1Wl9ouqSJ6JYGHRZNM
70gZf35zq7jyy+Ph1Z6v/0FnDldRgq8uFm/KV+Y0gvurHJVz8LJNQDtNOoYBZlZHWiPQBX19OQqm
dBLsCkOaDgl7f6utvdNiweFxJ3xzitDDJ1xv7po8wZ5QWPvqArflCIogmPc5ClIuE7GOcqi/NaOR
X9ieDXZ2pUKl4ja1CE4gMO8DE17cRxNJOlqqYJgMXXgseuUxdxhGkfKihmFCN2xougErZYEt6JhY
CJEeXcDmQR8tWQKn5sFzBbImwfo1KazuT1/NKMGWHSUcmycfefD5qZtNFmdCnBGs0SNw/v+m8+6S
K6JXmvpYy7Q3/VQX+/8+P+6+xyD08Rs7yA3fmeC7pgMBY1Gcp6kciGD3ec7HTFTWtqpiSILYwPqu
PCYbLjSf3ny8QtvbmdhQ0PXPyuXO0AWGa+xZKoRta9QlkYHZIECHFrlvzFF0mRwHGwJBoG9xob8z
Y+GXLrNdqzcHtOYNNEJg3AFmF4D5gKMWxRn2SRUZ4Wr0h3wceCAgAjlCF8jkC8gUiopVpCICFR7c
WhU1x4Gtc0RphuHhNFovK6K7ZMRfTmbdOsHMnA8ehVi3IYudV/dc/sj+USNrar5GCBYkwjXZ8Xcq
B25Wr7QL5Edpwo0qBmSZfujHqjE9A9r9q13G1x9Z8L58X1V8/OfadIy4wrwih3TE2QsoHzkVYTwQ
qNRj9/dCJQlIlhAtDRH0l9LYtKEDI6PV//ytI9NjvTa7N9eawp4jntXphTdcaYtrQhg/64vom5NR
+EfpkFzVZrLbJhvk9SfqWqWka0/Nhp5qQyhpBMfq5p1Z0P/cmYve0GH46CkSpPNZTLgMT1Y4xqsu
Zp0g7pkhRBH1LAGcpGi4B9AQSNkaiq1tSOXyqlwn1S9uFMCvz0AnshcwQsOXXpPCYBoaHjA+7aNk
19BZMqHbGvSUDtOiUralLozrc1i2VVhD0dOTpsfk8YdqXLUuNJdgSf+kKBkMQWZngfnlTI1o8qGy
ht6tAekL0IJe0iV4pazpVd/Zau6bDaORv5uNfjIN4MnpEDuLhNkWXX+oGgsJyKkTUm5lPY/OmJ4g
k8YCEzePEhycZnS4a9tqmOn5t27zo5Rt6vdWZpzf2ErEn3Ie4Lgv7nUo/2inxh+SCtTAE49w8I+F
gkOjHGnbw0IgMFE33tZqaO8dMPwbegwPq7p0hNkOHK8RDM9FGJmrYKHhgTIKixEYNPZ2USjgVaGy
2XwhjZaBLtjpTPzEMMAPGqgszKBRXkDocegaoOkMESdKLZM2gSiM4HIKRkI4boQwEKC6gK5CIiCK
OAI52CgU0DQNnk6Lka0dK7scXsBhW1SpbHSlyNHen6YY1xnumg3PFEgsZRK8vqoIEVUulMt6eZlT
vF7yHrDp0d6WNb/eqqPwhxNer/z3tXK50wTSoOUHZnnqcX/p2Sk/15/BpryOaSdCI5TVg0jeEQQR
2zYz7txRKvu/ed/Dh1Gf50eu7Cy9i9fnF0TZzZeDYGRMC3710QX2zdUpjl6DQIsIZOwkY03dBngU
oeyYP28y9u5+y7myQ/exqtdGWFqDZyscxycaGJuZhdvwYJkEWZMpolm+L6jHni7fkkX7llVqeZWt
VG7gotqoYmFqCtXZCkQIpZTWDUm7MPiyquJx5XKoYnIiwDKVB6Kq5iwQhBFoSMEjgUgusQEQBRF0
jcGyNHx7NtC02QAb0wxdFoHBOFKavrYcmt93PP6Pq03xR5qIwXGu1lWqRLcxMb8jRZA14p+5fPlV
wJf+EiwELjf1X746rb3pkzPOKxcE6q0MWK8BoWwM0jm1GmJXv0ZfsFVBlDQOvep127CtvwXVuq+6
zMyUiYHVRRw4NOe0f/6ptxome3/FNN6bJtX/mKpOk7mGnz9R9t/jkvDj9ZTMpBkMEEhBqRkRZLQI
tYig4RlvZIT9Zp/hvKLXBrpX5+C0DuBAg+DYWBknTowgcgNkUwRGmqnYjkjv5ACptIm+9atRbG8H
0TU4oYOphUnMjI2hMttQN0+3pGKGKRfEuUC1zuVzo5ZrSZukLIZiSxEm4/BrFTCDwWaxBjOQni7g
CNWfAkxLEkRdRyRV2iYCO60hx2ISvOxoP+lV9X+edeufpQg+uD5tL2tguyy35gkwkJENW8BcyFU1
hiy34fqlDkB50VooXfvTeeNvv1bxP3g04A/Jn2+y4qFDsx4xWs0o+9pOMp9hFCE/1QfcrgNP1QR+
6dNPqqrMFV0ZvH1jB+Yihkx3DnsPTD3amc/3ZA3/2GZ3YVXZd/m+SfeTU673QaFhQQpFyyEwmIrQ
YzTDAIJZX7+6EukfXa07t/bZPjr78oh6L8MR38TBE+M4fuQYuBMimyUgeYZQustaBJsDxY5WdF45
iHQxDzdwMD01gcmREZRnY1G/aQGpTHL3ZATBBdx6rOsrtuXR0taOTC4L09CgMR0dvT0oDx/Gkad2
Q9eZErfKeE56PW4m3VIkPncRceiGganpipcO+VNdJjDjCMtg5v/xGtrPDnvOHzcQvL+VnFvA2tQz
1tXYYeCWYjysfS6I48ALDcResgBsJq+/ULAO7vejR37UCD4qv17JJFibIahI5l8jnVxQ2IJ7ORrB
T76+vIWyR+T+ioDvxgx0o0oRNFyMzXoYf3ZirfCiP7x1s6UV4K969HgDx6a9H4LxX0mZRNE2cnlr
4QSWLpDWBaYcracRGP+rx/TfsdFuoK8vCzKwCSdEBvuGJnD44JOIGiEyGYAUGbj0BnMRbA0YGOhH
a98qkJSJSmUe+/c+iZnxGQQyw7UXga5pkr9sRMrjlbqKWLV2EKWODtipFELPReQF0BiBphjzUMVu
UhMpjyWncUHEc2xkYitBLBKKTEbJJ47Ozw75uK3AzJ0DfakPnxgJjZxR//WZyPuYE5w7ez215QTQ
bgA78lR53Vnv4oU3FwxAmlQHsJIKiqSX940Z8xuCQfv8gnuD+jkBNhsUfZqGqkkQBKI9o3F8ZUQM
ydIfS5hCK8lB9ohTyUg2ZYBqFHMV/PStmzs+f316VjtyeAZf2B983rLZF/JZdud8XWz0GvxAi00h
MSEl1wsRQaVm/VqO4E+2pBvWhl4d9vorMJnuxIHjk3h694OolgOkMoCWAC+YjWDqwOoNg+haswqa
yTA5NoKRJ49gYSEA1QHDotDtF04ZV7J8L4LnAPmSjb4Nl6GrbzU0XYfvOJgbm1DJgpm2VV2aRCEi
p6HmVWcNoioZEgixFCtxfzwWP9i2gePDPpjwun7vvWu/NzdF8djuBbhu9VX5lPgeaUhl9tkHh5Bm
qwUE+m2KHouo5bsRLX++zlJ2wQCUAefAotl8l94IXDmWzNB+4cqU/ob75ho7V0mqisTLi1EN8bgj
0L2+IJvE2wyvAceUfkGoLQyk55Pn+NRpzbKjNR+eQ3/rJ7Zk//i63Azu+8EE7ppkH1qdpR9uNzmG
G+F9FQ/MNAkyphQbcIy5+g7Otb+8zHBu3N4BtG/ZhLniauydLGPfjx7EyFgN3AKyJSbV2QjmIrWT
0uCm9SgN9KgKxtDxIYwePqZkVEYKsHPs1A0Tp4DHI456TcDOMGzYMYjetWtg2Sl4ngffdeCW6yr7
tTJpVRZUkx3CAGGtrDyfzKp12dQkqRweg1CCVXo+HkToW1PCdx+Zw/TELLl2Wzv+8QdDnx+brv3G
qoI2vZwZsbVEmd2fIUp8IasyssZ9LjHtcuyCASj3ZEsjBsRKAFBJ3Slp++m89Q9fr3l/vCfkT8qO
NksI7Exesz+MUGlw3Nia2uAHHm5KCX91mmBOyPRf3gAK6lM0wrgy48t92SriFlKr/PHluTq+9p0q
9jj6L1rp4B90KW8RFC6X+6SRqK0AzIcCMw3rfQXC/+iqgoPNm9rhDGzDoQbB/kd2Y+jIFFxJh+Sp
AlxUjhCFwOrBfnSs7wPXKIaPHMPI80MKDFZaejy25JIhwee5EWSFtmdNNwY2bUS+VIJbq8FxGuBh
BGeuAjNtwcqkJOcSb9fAGLjvgbt1pK14OzDXkwkOiZdfLfFMskQcBIhgI3CqePjJmccef3r6fekW
9kC+qON8bIlQwg+goAObMrEqSNIzxiXSu16UBzxxCQ58LrshZz1xMAzHdzWC9yNZ8rdCLhFU/T0N
3jdcD45rPVre1gkWPFKpB8C9dYGRMNY335lhyNgkloURLbs2Q78ppifwt0N4/HBo/sw60zsin3xJ
a8yFcqa0rIJIXk7rmazpn9tuOrfe0EfQdeU1OKKVsHfvIRzed0hNLAgzFJpUHTciBA7Qurob3ZvX
gzOB0aETGH7+mLqxdpoqMIizKD4l+OrVCIZJsPG6HegdGEAYhqjOzUG3TISOh8bMAtIteRhpCzwI
FdDkUiuXZVGrQpdpNRhcjyBjU2RTFLpcjilVx5UxYUvRwnOHPdQqDgZXmV9wPPcBh1IEvlAP0Nkc
CU9olk4d2JojcImAvM6XkvFdFgBJUmL59+hgvtrW/9c2i67+s+lGL008rTx+n04UKSo95AYK7UTZ
f/Ns2dshdWyCiAM90k065KTu6knfRw+TkxrUgMgrt1Avs6aToVIvlO4+OHuk4cdB+vq0zOi4uhHD
DeP13Rr53B15p3jtjk6Egzvw0EgVTz36PVTmffAUwC0G5kdKcJUq5dF1zUboORvTI2MY2v+cSixS
mVMAWOqSqSVX9vpWOAqtWWy+ZicKpVY0qlVEYQjdtuBV66hNziHXVYKRssF9X4GZkXioZjplojxZ
Qa0iUChoKKSAfFZGcUSR3Qr4ajWIwMwc6nMEOvVQc4MFuXY6XqTiyAAUJQb1wHhJRUOWHN2YPkR/
mqJD0jiI4F0Av7dcWxYAJfjyybizleq3krSKQdjaNxWN//FQ2fsQi8ToQNLMI5/iST/CXOKBOXCk
zdbf3Wsbb0yHlfCoQ26lTLt1oxZ9n/j8m/IilUKKbh5vHcsoy0zUAxSFjje8av2aB4/t+ckxr/Ev
7YQgpXHUPIAH9of6NO93b+vi2HT9FTiW6sEPHnoGz+07DmYCJEfjkth8hKylofOaLbC6WjE3MYHj
Tz6ORi1COktg2mcHHhLwhXJZrQE9A53YfIe7g7oAACAASURBVM1VYExHdWFB/V6CzSnXUB6dRKmv
G4ZtIvB8VU5jcSMWMmkTXt3B+NAkbB1oSQMpNScxBh7TY0ZUCAKdcYxPMyXNKmYijJXDA+1ppvg7
n3PUZd8yj0eBdBsEUr0/60UoMoJciqAzTRBU47k75AJ3ZiKL6spns/MCsNl4vSCEKresBABJssz+
ekl/pBKFM0/Xww+nEh5QLgOMUWRsIx5AFIRoBBwLVPxpLqe9x57n2kabfSoi+IeCHj2kJ+KCPgoU
WRy/hCBRPRCYKgfYeFUfXr1n/r888MzQv7QKH7Mu0T3f/OJVlvOW2zfZKO28Hg9PRbj/3u9gft6D
nSMQsvrR4DACoHtdP7L9vai5LvY98igWpmuw00BW7pF7DuAhKVf6XojAA9ZtG8Tgtq2qQtGoxT2l
hm3BrdYxf3wMrWt6YaQsBK4XVzgIIDFm2SbmZyrwFyrI8HlkCnEFhOlMEc5yHxLW9H6Co70jg2NH
GYpWGRMzbjQr8Lws6alGUEUQcJyQvc1q+itBjQN7GgF2ZCnKBsN8IJKG+OWbvGeykmIoJblKnc86
q+q8APSSpIMnILnULpgkx9hpab+/NkPaPzrqb5yIp4rGGjkA6zMW1vcWMR9EKGQsZG0dowv+PEKf
10LuEcI3r05F809V4zktEoDjkcDxMFQPTJqScNAkSk0s1cW33jhw24O7n4crZe2e/vQNOWfTLVe3
g266Ft/aPYQHHn5G6j5hF6jKTlEWaGsporS2D76p47l9BzA7OgvDXB7w0Oxsa4TqdVuu3Y7V69bD
qdcRBnEJUbNM+I6L2SPDKoM2MykEjqtAKwUCts5g6BTjx8ZhGyZ62wzMTYUA0ZUkX1ZNmMYUEE8G
ItxH1W9Fve6jr+Bj6HD9ybUZumBQuuSNVCRzIv+STtS7kFHEi0zqMMcI5L4o6Letr7/X4p82RHR3
tMSnnROAzdKW0qEt2hb0UlmTVbfAut/Rof/24xX/f9cCfnB14v3CJAYcrLqY2j+GWQi4/SXk8iVo
lF6WgcdGK8GhCcHm56sMk45QD4ssjZUswInim8cjEnCpGHECPHX/MxjsSqEd5ONzdVz1hi530ytu
vAwLHevxlfuewDMHxmDIbE/eAdljCwMta7pAixmMzExh8tiY6gvJ5JcHPCxKNiybYet116C1qwf1
akXVhBXANKZq1DPPH0ehpx2pYg5+3Uk8nxx9rCuObuT5EfXwbdqyGlPP7ILvcGQypqqCSHGqpsX/
QTUacXT3ZLH7WARLVECoheNjjfvzNjljeHt8kkl3HJMVDqLUBUrGcYEIFAonAq6Ua2v6H9iG/qbh
sPE+uR3aUoc9KwB58t9GQlQvxEqkH/Lz5wRwW4t2n8NCfG4uehdbJA6V3usWOaePC9QQTx+YHp/H
wKoismlzm406Rsri0IgCCpAz4rG2JBJoePHFU9+Diyku66oawdjDe7E7smCG5Nfe3Bvi5tfsxJDZ
jc9/5d8wNFZDqhDXlLUAMLUUMp2tqBKOib37lT5PZrYg5ILysVo5QraYwvZXXIdsoQX1Sln9vKkg
0gwdE88ehpXPItfVphIQSuI5MLalg0Yhhg+PoaWYxoYNPfDL86hOjiGdIdA1qmI+GaboOlXb78vY
L/I9OOjE9EwNt16hYdcTVTzn+F/JhEu05IkYbLJi0pJnSDMBU5ALHu0hEINswmHYnqXvTmvaB780
5bxhWESHzjZv4qwAlNWEMSHUkrZSSlnp4Xqp/lM3tWLr740Fd0oXHS360pdToCfhHnUQGFz2ZXNn
rOZgXXf7VaxBUWlgfI3N1fanVZersbmmQZE2SKwQkYQ5xYgO4RfTwnhkUsPotIvXrQGu/4kbsauR
xec+dw9qjQiZFgbKibr4Uh/s6gLV2Sm4ZReGZP4Ntuwm2sWZbntvC7Zddy10w0KtvPCCFlE7m8b0
4RMqZmtd0wO/1jgFPhn3+j5GjoyirbOI/t4WRUVVpsYQ1TxkS5YCn2VSpFOxGG2+HIFQKT7N4+lj
HFpQRqlQwtP7J0+kU3S3Ts7cGUpeJxnntRGqarziAm54UwvohIDHmaHp7N3XtvL3dttY9Y/H+V92
2eG3BCdSt7nk+5cEoEiWXNmjMLVCcV9cm6T4lS76pf1u8NSBGrk7tegLZQmwg8U7X5rJuRcYskVd
/zM7pP8nR6NcEISoU+y15QyaSD71sZeUHWJzZjwdQGbQDo8qJZM/MVezrq8u+HjbZcDW19yO786Z
+OyX7lVVjEKegUYUuiAIKIcv66quq2a6mDY7dWGW8/2kBi/kcOoCvYPd2HL1Veq9kmaR5UAZV8rv
adom6jPzaMyW0b11HSI/SDrmpOczITwXY0fG0N7Tgr7uIqgfgFOK+sQwLANI20wJTh2fwK1wWBZV
Jb60GSEwS5ianMdNlxt4dl8D+0Zqfy/5QXJaAUFea/nQXi25mEBg3wVMl5evbCRD23sy+GB/ivxB
SufI6hEWfIorc/j1Vk0//pmF4C9HzvIZSwKwub9GaQW9n0w8NpvaR7bnOD51lL92ezLjWU3WJXEW
Ne6fOn4cK2LKE8Fn2Yn6XTeszmTqQYhJH18cTMnGH7q+leKQDgj5sK3OCBypEcxIj8YETtTNw+uZ
d/2dGwQGXv1a3Dut4YtfuhsmBLI5BhZSdXNcGqkgnAoJ4Atv1ZafEfihqucObh3EussvVzSKLKfJ
pdatxIMi7Vxaeb2ZY2Moru6EbhkI6o7qCbEsE5HrYvLwCHr62tHVkYNwXOjZHGpjQ9CqC0gVDMzU
CJwFgdYWgvYsQzaruovRf1knfnQoBHFm0dffjfu/PybbBj6djvdtOnmuIplx2Gtr6NAojjpLpQln
mnQdsgac4WClFD6y2cL75PJd9sRTE5748+G6tk+j6Gq3+B+XQ/0vNJ/oBUR/stRnnQFAkiQbrDn1
/oJvwfkt3rGImnd2kg88MR/871EPk61YVBtNRI7plKEqDlw0LxuBD7ELfvAXGZP8xZwXooPp3448
o6MuwocPkugdEr/yPa8vEpQbHClFYKf+exd1fubWPoHe234C/zqt46tf/pba1jWb0UFDAkE5PBLv
gHQh22m94NrJMRxOqDLJzVdvRd+GDXAbDVUK0+TkgposrYWwshnotomp547DTFkodLfBr9bjzWls
E5HjYvrICFb3t6G9PYeo4cKyDKRNgpmxY5goS95SVyLXVZ06VndqqgdYak9TaYZpL4PRoXG8+uoM
jh1y8a/7F757FBgxghdmtfJB22pSbMlS1Wd9vrZgtQFQpNoAutamyQc6bPJLDEgdq5MvHK+JP3QD
sTcv20epkPzjU/ur4l6bkKuzOrc9f+mE5gUApMmIMZpQGctopb1wS2al3JzS/jFjcHx6WLzLlcA6
jeS0DQ2XrSnFVZhFVybPKNyAPSQpca/qojfH1tfD4C8rfvCnRyPZ7S2wmUpxgFweOCZ96wM35dyP
3Ngr0HrLa/GDahrf/PrXoYdcgY/IpiAat09K13uxD5wEj1MPVXXl8ldcha6+ATQqcaZrGBq8hovQ
DZAu5sA0DY25ivKGPZsHEDqxvkjGfNzzMXVoGKv721Fqy4NEEYqFFKr1AM8+fRjDR+Zh2QZW5YGe
doZMhsEP4/FvXETo7O/BPQ/PIq/V0N/fi699fQrDNecP2nEq9iNJY79Ud68psHi45TmqHKoOIvOB
iBY6TPYHLSYk8EbnXfGbJBKfnOFcgbkgiWwWT8WQD3GKSV8ZPlbnQiWWS9kLABglwNMWzbm71MbV
oB6WfXUneeueqv+JSU7UbuD+yS8bX5y1BRsFjWLeDV4ACgmUtrx1B3M9PDUafsQw+G+nDQ7qn7p8
/USocbeUWe+53PQ/cmMPR+6G2/Co34J7v3EXZGtaJqvHVI9sgZQZ34Vu4nsa+OqVCHZGx+U3XIuW
9g40KmU1hEgzNQSur7SI6WJWuXepXp4/MI50S1Z5Qq/mwJZBXRBg4uAQVg10qKVXLskzkws4Ml8D
ldWS48+hJyfQ3UHBZJIlW5P4qQpFZ08Gz49rKM+U8dbXtODwMQePPzV/cAB4oEhOPVyBSswIukoa
qnJTx2RbsBeCLl6KlP4vYHaPRT7UbbD355moPFcLfmrcId/YmBUo6gSVEGDh0uIUiuZxT00jW2za
qRfGAJwjRHU3rVTsJ5+k16bZZwyd474ZKLGBf9rwRnmSGR6iMVtRwfxi80CQRTA46wWYAfleSeOw
QBV10PyScm7+3jnrXWsywcduKkWwrrgW+61+3H/XN1CfqSOf11WXWewwX5yeDQnNki+lsf0V1yOT
y5+kWSQpLALpqRtIFzKqPiyX4vLYFEQYoa2/WwHTMjQYVGByaFyBT/aJHNk/hMgP4Ts+Wjpa0Z4K
UJ31IJim+M0soTD15MxpvOzZbW3Y/0ANG3qBUtHE40/M4+6Z6v/gSUjVvMaSKH5lSQfRAM/hSJ9G
8MafylFzCfI2+7W1JfZx+bB6YfCJssd/VfYyS0JA7rX3Yqd5nASgmyQdW0W8zdVK9LjFA3tY9pUd
ePOehejTQajVVIfRooPJi5VjAixwMOq9cF8N+TdZKtps1q6e5xRzhB2Qpbk5IXDQPfUZ05F+23rw
T9xQCGBtvAwjHdvw0Hfvx+TQDNJ5qnR66vNepNdr0iydq0rYdv210HVDgU/WY0miX2yUq0hlU9AM
Teny5FJZGZ9Fobs1JvgZRdpiOPz4QQVQeUMnh6eUhD5fyKB3SyvSKQuHvv+vcCXxXDRg6lT9d7IH
hhD0DuTxyB4HvDaHna8oYGzMx0OPzx33ga+ai0awSXZjihEQm6nWgdO5PiEVLz6HE2j/YWeb/okU
JZ2Vhv/ovkr0C1nGn9tiyyoJUcPVL4VpTWCEqu8WWHWWfS9evBE4Uhpks7/MUI4T0/zdV0oR6Wmx
n7xAwwI44CQT4xftq6GqSxHJuT7bNBEwL0/CiXTczY3jyZamJWibriqR791SdGGsasf02hvwxO6n
cWTvEVgZokakvVhWPRYUcLh1gb71Pdh81c54MHm9pjJnuRhpuob6bFl5PDNtKhm9lU5h+uioUquU
etrUEptNGxh97gSslIm2npKqhbV3tSBlx0uylE+PPrsHtakKMkUNOiOwDarEoGqkGmNKDTPlpDB0
dBa3XmGoGHPf/jJ+MF35jbakrJmwCKgLoebKyB7kxQ++pKxkN53rkZ39femPFnR2e9UJMLLgvaPi
h5+R9WXZTnqpRy4rAOqJ1v8w4nFqK2HqBoHhne34xaN18d1nOHGKpym8SJLiH5ATns6ieuiEGAy5
JmkAFvnsKtsIHs/ZsYrD4dT66YLxwK0tDbCCherW23Hw+CieeeQxJYOXJasXO7mhKZv3XWBwy1ps
uGI7Qt9H4LrKgymvZhpK0SLLa+nWPHgQKK8opxPU5ipoW90BEgbIZ02MPj+C0Atx2ZXr1O+5H6jY
Uapdcrkc/PIspg89B8Mmqqc3ZcbeT23OIzsBNaEkW/c87GBtR4Du3hbMzYb4/q7ZYxT4qpqRIBOO
JMQ6lHwPfdH3kbzkdAXFUt7+q62t9s+mCcf+sfpnpqv+e7tsXskYFDXvxU0YO5spAMolN08IMmSl
ZPbxZKguRv5rzqTYVSb/rWhG0E5z/2pzFlPDuwZbVX8HPy3AIFIzFIg7tmISM9VQ8yLrkXmX/pwR
BV/sZwQF3fz2De1uK5P7rG25CWMNjid/8AD8AEhnLw343GQc6tZrtqieDc91ECmAxeDTDYbI8+FU
6ih0tKjZafKwdsbGxOER9RDIqoas7c6MzKBRaWDd5WvgOR5EFMZlQDmdwFaNxxh75gnVUG7nTGQs
ImvgCOTwIp2q69HTn8fuIxTUrWDHzox8C/bsqeJ7M9V3YpEERQJwMvm7otVJnGRUqiEKBfvdq3qy
f6U2Zqz5818+Xv+vAQm+vD0vx4DQFZ3zrcWaLaVyRA5Lb6ZyKcwTBFe3kD+qBpifqfJnO5eYXCkB
2JUycFlHFq4fnQEY3dQwVRGeMDna3HGsLbraiar5BZOyn99hsBPb24Ib5dNb7tuERnE1nvzWNzE7
7SBTZC9eS5tkulaKYdu1V6Fj1Wo4taqiWeTyRBKASqn8/NQUUhkbhqUjcINYHhWGcOaraO9tU/Xb
8nQF06PTGNwyoMROQRgkO70LpG1TkdbDjz8Mb66KQoumKJQgokpuJUuNuq2jUNIxw4s4MTSNV26W
A14YanMh7tk185gLfMdWoRVRYc0EiZdfJJ5QXt+gxge2Drbc1duW2jY6VT9x4HjlZ3IEP2K6nP5L
kxh5ZUXIygNK7yT7auWXl17nUk/ZkF+Bcgy0ZfX8w3PRe09EAabPgvRKI0A0UkbDD88ADWEEVYff
u+WWtX/WRisY2VfHtpKH0ap+h50BNmZCTFITvO9y7Nn1IwwdnkQqdw7N+TLsZLJR5ih15LD1uquQ
zRdVskGSbfyb3WiSVF4Ym1FBdL69qLya/J2dNjFxeEwJBjr6O9BYqCllS/faLlWO86TsSs75A0fK
NqGbFib3/Aje+BRYSkMjYEjLAeUmi2cHpnRIL293deKpvS42dbuqX1gC+8En5nCi0vj5Tc1Zh0Rg
AQQTCZmvSp2RkIMxX33n9e3fdgTBD5+e/XDZcT4kVyeDSMW3ONlhuNKmACg9jxztn5UzPeSJvojs
cCmTlMdqm/43apk40Wj8bT6ZYrDYREKU6n6I8tCcaolsNLu7yCkgV7k4+Nx0eGTDlg1rO/buRgUE
Uw0Nd/S6WKgD9fXrMT0xg72PPQs9BSVTuljvt7istmpQJhtXqDjMqVbU70hS2FeeS6OKUG4sVNHW
36Wk9VJKpU494qjNV9HW26rKb8cPHEexo4hiexFOpaHO0WIUxVwKuqbhyOOPYUzyhHkNNmHIWRQd
eaZqvcLQlHKlY3UJIxUbrWwaq3pSClnlUR//9NjMp44ABw0SV5BaDYodKYqW+VAJTitCoJDSLn/7
Hb3fHp3wcM8Px37CMPi/tuY0+N7F6f9ejJ3MgvVEfFBTpOSlRb8kO7e1Wv+lzrRDpRRz8/TM2Q0y
zsgbDE/NNvB0NVCbAEo1TIXHWbmdnKPcz+PJ7z77vtt33vbVy2/vxl99eRybuwOULIEnK8D0XB3H
9z+mRAy2cfFLb1NAKstqG6/cpLrVZF+GV6snNEvs/UiyCY1pGRg9cAJ21kYqa8GrNRRPJj3c5PFJ
9druwW4899hzSOVS6F3fqwjqVMaC8D2EroeRqo/JI4fhjAwjI2u7NkVbXkrjmWrJFJqmtPNtPWnU
jA7MHR7B+k4oMUK7zfC1B6fmx0P/V9oWMRuDcullBAfk9RNxReJ920v/NjzUwL27p7ans2SPRdh5
u+NWyk7ygPH2UlSVvQJc3JiFpUz144eiPW0axjwnH2stGDBPowAkSHI6w5gb4Bk/XpvrNsVgXseM
E+CEJ7DXjeX5EoQ1z/3avY8Pf3xH18Avpo2x9LZiiNGGlI8RHHvuqNro2Uov3Qa5XFOVjbSOzVdf
ic5Vq+DXa4iiKAYdjbcGpAmBb8iJB1PziMIAbatjcpk2x/RLrzNTRudAF8YOj6FRqaNvYx+mhqdV
eU42nNu2BdMwML7vGdBaHb0dBJkUUfo+NYZD11T1RMrBskUd9qq1eO7pKXSm6giQRmuB4cCzdfzN
ofmfqUNO9o0v7ia13zGwn8d738mf7ui039pVslr+9u4T11o29liaDsKX0xm8MnYSgEIJPqUWjiKk
/AW6vBcFQNnWl2Z3ymVq76z3Ddkk84Lt/EXCqxHgoZlTFUM5atmNBEId6DAIrBTFAxWuyj7yTX99
3/73vL235adv32yk6zUfQw7BlEvUeA7VE3sR4DvZIF4VaO0sYOt1VyOby8GR8R5J+m0Rg48k7ZHy
Txm/LUzModBROAW8RGg6OzqjiGjJu02dmMTA1jVoVBvwXU9lwqW2FuSKWVQO7UW7VofVJQWmGgSj
ME0NqZSmKipySmWuqCM9sAaHj1bRwqeRbUmpkpqoC3zpgcnPOxDflvuSyGSjmGy6OBfFDiWV/Psn
1uc/Pj7pTDaE2GU1gHIQIpUiyKSpGuv2720vqAX7ECjJmEnecCOeWfdiTcaXa3LsNa4QYsrxR6Q0
SiyKMWUCVNQZ9lZ9TLtnyh/CKNYEbjUoZnSBZ8I4TmmNxEc36XNttohw1ANG3XjfDikL0ikumDpY
TC6vXteLjTuvAGNM1XQVxRITBSeBp+auSCI9Y2N6aEJluqWuFjgV56T4l2qaApqMI2dGp7H6sj61
JMvlVGc5ZDJp1WJ57EcPoTYyibxUY+ua6vGwTIZMSlO0jgRfa4eNMs1j5FAdJcwg02LB8Tj6O018
87szjYcXnF8cSDxyu8UwaBA1varTopkhLsQcUL/Z1javajE7v/zdsddryRIdBhzVcuwAZF13xWiQ
s9gZcix5/FzAMOzFqpWL8SSLTW5LUdShtejR8JYWA8Zpv5dgkQH4I7NL6yWaUJ2JBFoEsFYp3rSO
13ay/z6Q9TBckVsgENQjOS6CXFTcoMAXRHAbwOC2Qazfvh2RHIlRr52M95o0SzPrlT+QVQ8RBKhL
cnlVOwJvUde2VP3UXXiO1AL66FzTBSNjo9Fw1XdmRhqeG2Bo1w/hTc6hUJKtkxo0SbHIpTatwbI1
xfW1d9vYN8owNV/FjoG4sarhEXS1G5g86uDPd02/aRIIFc8nJ0vYFFaGwYmE3C0911vHf38awXvW
byn8vdMIgsfqwT0yTnSTnmvZEltdiOCkKNakLmC22os0cTZBqhSGTjcCPHVJinIEqwJa7hEYy8qR
tIuyApmldZsaHpv3UQ3OfSzZ35tjHBs0OfebvveaDh+cAtMBMONDxX1B8oWiC4hfm55PZrobdmzA
4Nat8BuNuHrBToFPejxKcFLZIR9MO21j7OCwKn3lWvNqaSVJv4gst8mWSgnArrXdSOdTCpBSq2in
06ph/Oiuh+FPz6FYij2dlNbLzjbp+TJpHZoMP1bn8eCzEYZPVPDa69MKlDWHo62kozwd4X9+a/R3
JgT/7uLvpFVDDFVCpTDiwFiXZcy/yrb+pb/HvvrBx2ffaSXluabJZEmCcLTB0Wdr0Kh4wd7Fl9KS
uVMnY68zACgSKVYP5dAIg20aap+yizG5WMom7E6ND2SKtnNlMY0wOLXMmjQuJ/3+4TMF23JJCCKg
4isy1bJAL/NcUkppKBoaefuh6ZjnmuRyjzaBKicnR4tdiBNUKo+GwJrNa7Bu2za41RoED5Wna36W
ollOOlcRTyegVHWu1St1lWBIL9cEn+qpYLIHOEDHQCesrK2mpMoOPzuTAQ99HN31EPzZMlpadRgm
VQS2JH9zkmCWU/pTQLarBd95Bpgdq+DOG9MKpJU6R6mow3UEfnDvxDd2V7zfX/x98jpBb5apSVYp
EdfSZ7zwK2/c2fGMFkT1x0cbn2pdYvKpBKTM5h2Xq8GfF8PENR98LR7KdVLZdPowJtnhsFanKATa
2ZuS5IR5mR0ZXhgPormIGr4sTs2GkdzzLFso2uWuVVm17CBJTuQet988MAfPDc/YLpVIyU+efGB7
hl7HTHaNZWjtKnaKu2qw4KfR8DmqswEW5kNUuQ9Ldi2lJBCXTz5LhUnPmi5suHw73Fo9Bt8i4SZL
vB9ZFP/JDzdsA2OHRmBaJrKlrCqpyQdOAloOgpTAlLObU8VMXA2RUxhyOURODUOPPYSwWkeuJGVh
DCGPm8qLGQOdLQZaixRBKo+vPBzC8st4yy0p+IKhXIvQUdLh1QU+/tWJRx+crr6JN7fISL7PqhBy
l061h13zgQk4vO5WDXv3zf++TE56zjJYSsbPfj1SjfjtWSCvxQ+Te/rrFl0LKRjxVMIYh1MShBL8
TRKCo7lpuUCHTrDNoGjXCVo0gtF5enYARmqkBVVjXEf8AHKomHWBE7FkDJmSJHSLVZqqYrxy3AFP
lloJwIUqwejzFbwy4feahR+5lX2LwT68ozP8nZIdp8QsJaCZIm5BtDTViB0xhqrMfmdC9WWeHYtw
YGRa9tahWEyIknOcsCr1caCjp0clHHLcWZPbQ+zEkmX3VBWhuQmd1/DQqDho7+9Qy6xIGmvlcuy5
vqJbCp0typWYhg47m4EzN4Njux5BUHeRypuIBFU1XVnBaC3oWNVqor2kYbRm4L6H6xgourj1xjQq
DoHrRWhv0TFfEfj6NycfGZ6u3jgBYHHZ6hXyegN4LopDEZHs/v6mtflPCCbw189X/yKb1ISXuiyk
2Q8UCYxV4/uw3gAsGu84lWfx3yU7ET9s8bjgdo0onPSngf0Vgf0V4G1dBIagkHs5y43Lb0kRbJNz
pAnBSADMytbZpNX2LDcn/nMga0BzCfY2fLXj0IWM0+LJHOGNXE+/osXU8iULvqrxQpWVZDY8NF17
wRb5cUOUtvn6HvxOUY/QCIgaliMng0suTNIOcmmuN+L6nm1TbFmnY4fBcHNo4+hMN769awa7j4wg
pUUo5NiSbYbNG6D2tnCdmNMjp5aM5rJLF+U18ZQrmflaitOTdEmmJaeqGSffSSimj0/AzmUUpRM6
PohtY+roEMb2PqniimzRUtWPtEWRsigKaR2rO2x0t+t4/FCE7+8u46ZtGnZuzmJGjn6LuPJ8k7MR
/unuyR9U5uq3tEoXUz+Vsm6RPdwAjgLIyitI4hjbBnpetyV321eenPtIK+BlMxoelyO+zlZvXXQj
nl8Q+J7UCMhGfAoMyGGXOsHWPMWeOYHheY5b11DkQ8CPCFrMWEghtYLSG6blvioQaCPAepOoSVtT
PJbsNw9/TjwFqs9AYJ1loEOnGHZ9aISrWGY5Jl9VjuRgEI1KdtQWYTwlXm4zJTgePTSLA24Ek1DU
lHcVapbLzhz92Lp8gIoHtb+GJ6ukauiOgJGS06AIBroZ0jaBZD1mq/J5DGAwF1f2ZbHjslV44sgq
/PPdz+Po7Cw683KY4ikgkqTPQQFM4fdKYwAAIABJREFUA2aGh9Dd16/KbFJcQJvebzFSySnvJ2O7
RtVBa08rfCdQD5K8TlL3N354VDUIZYsZiJAjlc1gbugwJg8cgBS4SPpEjtdVDeVSjJrSMdibQqmg
4e5HGjhwPMCbbkxhYJWFiblQHVZ6vtHxCJ+5e+orlXr9bataGGacU/dgHYArhVCbEMrEicvuvpAr
8vnajszvZ/MMeigWXt+S+vVDfvhEDnhoifb0M4Ao4zi5vMo9PyrgmPZkxx7DW1soDi2EcJI+Cgk4
yXbIZVgkMaDaoDuJA4Nkw0e6BElxTgCSJLBciDiyGsW1bZIWiMBDsazmZYnTmidQyNL0nqGq9535
huLLWiyKsOFg/3gDPcZJ/6L+q3Otf1tB3CaD5+fKmiKXLRaqAFnNOxYUh8Cw/6iJNf0pbBk0UTA5
5iocvtBx/EQNllbGTRs6sXPrTnzx7nF8/QfPIKVHKEpvmIzyjXdcl725BNXpOubGhtEzuA5OuZwQ
zuQkSa6Mxx7QSJuYGppUWW62taAyX57IreZHp9FYqGPNjkGYpqkAPfXcsygfO4BcLi7LyeQlrqYQ
5NM6tq/JqOz3M/eUUW0I/MLr88imGSan4znQMuE4dNzHP39n8q+rrv/uYp6pfeeaJqdWXCeEWi79
RFjawWRmr6pGxuu2Zn5+as6LBlqs3zpBg4lg3N31GpCTS/S5b2AMQjXKiBK1g6dUxI258bZe8u8v
VmW07PmAsgAuA9u9EwRjAUfGiG/QuY5PVABKcHMjqIehn5ssO7A0gvpkIHc7R9aWWxSEGPaEEpTK
zKtNwzv60xwTDaASRejMxGARSVAtd5+UurnpBQ+PP1rH80fT2L4li01rNNRrITxNbmuqYe9TI2hv
ncGv/eRl2HH57fiLT/wIk7N1DLQT8DApoyViAVlomD1+VHlBXe4Ew6O4g7YpguA4GfNIJYlMOHLt
BeUJpVJGtw241QamhibQt2UN0rksvEoVJ574EWpj40qLKGvFLNlgUIK3Javjqg1ZtaXCp+5aQC5D
8ctvLijgTM+FqhSXy+g4ctTFp+6d+FVXhJ9YUzTUbkeCxuNLZDvDq5IJYlqiJpcdaOOUYAjArZ2p
j/e3G+ST902+rUcn3/RpEBFNqATvfNZkStRqYBNYtpw2QeE5l1YncEETUkMRB+QDaYqANUdfnEq3
z/Yet9qY0hnt6rbjuykvIDMZyr5AX1rHpCxTeaEarrgtR9/UYgb4v+V9B5hlVZXuv/c+6ca6lau6
q0N1pJsGmhwUEAxgFtOoKA6mGWcMw1NH583oG4xjeqPO4DzTMKIyOgKKEhUlh+6mG+hEp+rqUDne
WzeduPf71j6nmga7kVCFlKzvuzQ03ffeOmedtVf41/8/VGS691cOccjRp39wzYKfBZobIoxMTOH3
v6thZLSA00/IwGERXF/ByWQwMRVg/PaNOOtFx6D7Sy/H5V++DyMjI+juUAiD+DzQDpgGyiMVFAcO
oqN7SRwFE+97bKKi9PL45NC4/ku51gLcqqudSXCBni170baoA53dXRju3Yu+RzbpSpdocHWDWcSk
lTQmbG+wccaqLIYnI3zzp+M4ZZWDd7y6Ef0joe5JdjQZKFUUrr29ONHfW3qLycPfM5sfAgxoEkkG
LLA5DjCmk/kkhxVNwvgLXvGvpj/3zjMaP9A3Uh/bM+H9YslCB3khMDyp9ArlkzGMqOnrLYCmPNOe
TT12L4ydfSbnxk+fJZ+EUiga1rguAiiKcHVkqS4NsaLN0AAbuZRv3VuMYPoKXfTnCecWSixwDLys
wcIjfSV4kueWZnA8pdak0UHJKgkwq8Mby0lxQJGCcnDixytEIXq3jMEMPBx7bC5hs4v3MmA1YP0d
O7DqhCl868vn4jOfX4+BvfvR3aVQ9RI0C81TDYXRPTt0RUxVKwELDh/R6+9AgtGTlaTAiG8fzXl7
N+1CY1szFq/pRs+GdRjatUPnQYUWW+d6poiHxsRctaA1hVNXprF+u4fbNlRw3hkFtDZyjIwFmmzS
ThtYv83D+i1Tt4+MV9/Z1sgHClkDY8kWkEYG0QMggB2h0hHPZodQORExta0qOFeszYrC0kaBy+6e
+uwBA7hx1MPZrYbe2z2aMcQ0HWSkc+IRPYWpD4Q45ZoFloJn9JZ07bMEe4+Uzg+nCIVMa3xMaiap
6Rf9dw2SOJh/lzWEsdNn7ftonS8vzrEY/xzdpAla1rYFmgyOJm58osmRWgprxCclR+gISLhAooyl
AoXuA72C5EWcxVWaYzYA+3vKGBj0dW4ynZxQLpltKeDRLUMo79qEL1x+BhYtW4yhPiDvKF0UkWBg
lqh6R+sY3bsD6WxCYqEew8cRIGBqrBhL3Hc0wnM9ZBoymDg4pjOqtvk5bL3tt+jftkMzFhQaHdgG
sVVx7eA0213ZlcFJy9K4+b4qbl1XwWvOdHDJW+fBa+zEtr2+bi5//8bJ2q/vHfuk69fPX9JmDLQ7
hm5dkPQ/ceAQcykVdg+5UjvFEsWQCiQsUkUKgR01/yojY73x0hc3vuOhA7X6znHvO20hwOsKB6ak
jsTiMGHu6ZeRRNaMydDWzOBk49NNzvJs+Bn7NN0I2sjP8BitS4kqXRBLPeFFiAxPXZc1FV6SYR+f
lMAtrtwvIvaeJY4otWfMd065siMTqf+1Isc/nTEjVENKdBmGfKAYJhXWtNMllRn9GsVtPF2NDdUZ
lh/TgHlNXIvTTEcolUTtpo4CenZPYGLzBvzz5WehfekCTAwAaSuOqPSi6cPIjj0ojw4hlc0/th2t
YmRLebKspb4IZJAr5BDVAwzs2g+TTWDPA3eiMjyKQpOpKXRpc416fHTs5jMmTl6WxfJ5Dq66ZQrb
D/h4/0WNWNLlYMumYbzqomUYES344o/6vjE5Wsl0NgZfGTQY/mcsxC3FEBtrEsOUG4YSlVDhPldi
ty+xj9SJaMfE0Zpbh/Z0/UAOGYbCvZsrH35pg/CPtYVeua2UpJ6kEOaTNpenDnsRTV7ZBJqboTXf
aI/mOaAEf3ZKSSpJ5HM8rsw216ND1B6HmwtZ7PbCDSc3mx9/qIwrslG0ryfy5sPk161ta/h+plDg
p7Yys2dvCRlDohZyzUZPHfgqzSmF0jlPrIURl/OaUkzEF6rmCpy+LI1VXQaqbgilF8BjAWhK5qXJ
UfaBzoUF9O6dhJXaiA9ddhq+9I8lhOUpWJkkEqSISBLo3bgRx7zkfDiZHGqVqvbgeoWIgwRaFy+A
aTCE1TIevW8bgvKA5kvRk45GW/+/tBXT5BJKuilr4YSlKQ0a/Y9fTqK5wcD7Xl/Q+dxERaI+UUY4
OITXfeB0bFy3N7eyJbpsZNKcPxUG14+G6u7RcDoEMc3oIBLenOnRVJsdU9jRuIF+hhbFj33pCntN
sRaQSsAx7Slx9oFAPkjMIfkkoh3Jr+haq6QQpI98rvCBz+pUZ0mRQV2BvGBYnjbQRrsLyQ5qKsGh
0Wv9kPpowVRYnTGuHqC/15pBkE298YDK3v6ON600G/M2ilWJAjmOZPAk00dvVXO8MJ3vlZO8z09Q
0uSkE3UDpy5KYc18hlI5IPUkjb0LPIlCiqInxwMPFHHfrcPY3R+ha0kTdm8fQq66F69963GYKMWO
nfSYtaZHdaKOXfffp9ct04VG5Joa4VUDfZQG5VH0P7IO62+4E97kAFqauabVIF4XxyKRG6GPOcc2
sLA5hTN1sSHxXzdNaVnUV56Z0U3a4lTc4yM415abH8aKToY3v/us997U6/1fbiq3levOip4irOAM
S2nMlkT8w72D0hKPijoSNJQKC5vtr69eaBoP7fbhKvNvByrWD0YYO3/SYhiwGIYshuEnvHoI1GEw
5Iha7E8Nx3q6xpIbV5MKraZAJlKYIoJlKgCIeyViEFYIYav7e1zZc1xanTnkOhc25zK3ZOzcNf/w
0dMvDB/ZhAfuG0Iub+qGMjkYCQ8GCf8cnaYOjzV2SQlI85XQUeNxnN0usKolxERZgBk0MJT6gWjN
c1p+x90PTqDVq2BhCtjw20FUX9yOU1Y2Y88jB3D8scvR86Ju7N/Yi0yLVnHV5uSA0tAktt/5O7St
WKmbzEP7RxB5RZT2+BgdBbJZA/M6TN2XpL4e5XpE9E2N4IaMha5mC0s6Hdy7vY7bNtTw2hdncNpq
B7etr2PxPFOvWE5OxbofQdnF+h/dibdf9iZse+hg7w/u3flPlPyf3WrhvCzH7n2eXqusMeD6J/D2
6DrBZNil/4st/fia9AVjkwHW9dYuGvLlr0/OK7uUhnpo/AgQIRnfPJrInJfiyEuplQAEf+7w0TNW
18Q6sQoVqWAwErEz9StrmHpSQNXaVQflhxrbs1jdZP2YeeZdH7n4mDcV712PX/54B6K0gG3EEc6T
0zsNBBNiOgckAUENuVKx+MxQnWN1g8Cago/xYoDAi/RCNzWrm9PAjj6JX/2uiJxXQWtzzLS+phBg
4+1D2LovRGNLBvXBPpx8QiNENgURTjdd4/uUztGIzsfBh7ag98GtqI+PoGD5cD0TDQ1pdM+jB4Kc
jiNLIzXK+SyBjoKN1V0pLGpP4fr7arh9Yw3vfU0eZxybwgNbXNyzpfSf9983tZ0EUYmqbXzSQ2Q7
GNq4B2ObHsVnr7ioe7WT3jwZAG9eZKLFAkapHQUcESLFOX+5ySBoLtyatf/lxE4Dv99e37it4v8y
YDKyDNSERP0Q5/L0K4oJrldnLZDy/HIzzrXlc+d7h/xmRk0nrlxBiAg5Q6LBkst8yU84I82xIitv
eVBmrjn5xPnN81Lq7KG778d3frwHYxloBAbB9UtBXGxQH47wpWHiiIFk+sgtR3GBstjheFFLiKlA
wfclwhqxE4RoTitsPQjc8EAFnRkXDQ1UBEHngJQTHFsIse7uMYzXRTzgNyexYFGWRAx10KbjkWjL
6EUw9YY8Q0ODge52gVrdhmAmls8PYZtCz7MzxFRgkEKRgUUtDlYvSsN2DPzgphL6hj188uImNKYF
fnD9+A3X/G78lX1F970/Pzj1iuvuqUqHENiElq5ECA0bd/3bzbBMF1/+5huPOx34j7In1/ZV8Lqs
YBbtcVF1fwwBNZRCg1LIQmHYlWujyLr/eJin/OVK581DlRC/2e9/lRx2wJO6efy4DlmSaxAU7qIF
Wby6I6ULtvHgMMDFc2hG0uOfMT4YypNEGOkndj1NTDistZb9OQIcnduI0R2DU10lK0BxqIgr9gRo
aCFqL4Eg5GiwA+1kdARbiTNL9lh+Rt+UsH+2EjinOaa59MJ4SYig5Y3Sx+6DBm5+tI72rAfLiR2P
jm6KqkUfaCkAmQM1rNtUwWvOyWj20qVdJnp6DDgs1LsYh6BntNVGRYXJ0F80oKTA8YsiDRqVSujP
NQza1TXQlDexoN1G31iEa+8oYWGLwFtfWsCGXS5+s674137N/05z3kDNM9BTC/u/1jN1TiSz96zu
VBithvAtA9laBbd9/hpccMVf4T33n/3Xv/qvu9/e1WH/h2L4zQS1kxyBBVWpKYuDJG8tucFX0x3W
R16/KLNhRTPDPXu9UsDC/5lPbVo6NVyFx616MGBRxsK5bWkscrgWcaRFtOfw1H2cGYyJVQF4i6Gi
u+MR/bMzanlQ4dBBum42sGkq2t7J/deluVPqtsP8mS1V3L+rijo3UbdSCKvhnVPSYC0OzlHc1w1o
cq00T/YTDkM1Emq3GHC8uYVhXkpqJDTX7R+mi5fxEsOv9oaw0q6Wua/4caV86D2o8nSB7lZg2/4S
egYdzC8wLJ5voGteBsXhku4nKj1TZfoopxxvy6CpC4zTl6l4zyOKZ7m2JdCQNdGYN9FUMLB+p4s7
NtZxbJeN809M4Zd3Tu194NGptzBHbZrXYKASceRZhE4CCyh5744h723SNX/a2gZM1iJ4ZhbBhj60
f+vX+MBX34DeR4f4D9bt/t+ubajXz8+gPDSFEokfEvmjFaO1baWwfdT/yGtWGtfRg3Znj/99qiVW
5TlkXWLDSKgflOMTGrzWtIlTFpNgdoRhN3rSKdZzYbwilc2UcY3BrU+VIjo8lb6pUsWYwEPwJDwG
xoxlQBNxZD0zVYd+P0rWOunGvygDLBIcnsHP6cx7gxnLx2hAGhKWpiVbXQgxVeffGXXll5igywVU
QwYPUmPPDOIlSebAdKlKIcNJjoEzGkMNxaejOtTaZloLBDcetDHKfY1wIQ67agKWnG5ehwlwktGU
PvCxu6cOy2R6vtzZ7oDEr3OWQltak25jsmZg84CF5izDmctiOSwCu9Kx25gz0VKw0dFqwbAYrr27
gns21XHR6VmcsMTBN68f++m67aU1C5vYpuaMods0RZ+WwhnePk/gvfMNLMzLzZUIsmcwlgGbdEOM
Wzbuvmo9+m+5H//0g7fkVjU0bCIFdCdnEKKlqyCYIKAoo9GYCzAPGKvAaM8q7BwO3Z2e//HVeYYV
Wa4JnjzNtQgsTIALrUk/tRzKP1nUO9zEsUINBRw/W+BYN3bZ7JJ6xI26ZLXxQHpVcLPNMm1PMVMq
OMT3PVKngowt5JxnygFTJudNBhMdYcgXScZXRoov5wrdjsVPqyh+lgzMv20yrW915f0WXzL0TNqI
JHdVxA+e1+k1tjn8jY9OWtvbst5GxtU5dV39KnBpYNzjqPG4XUHL7fOUg5e3krpkpGUBppG5pBZ+
14CDe8shck6kCcZVMlaKklJ/+ljVOyBJg7wccMyf74BHksaAmBr30GxHGKua2F80UaxzrOpQOK6L
8lGhR3GOJZBOmxooQODRfcMhfn1vFdJTeMNpWc1gMDjk4+ae8gfrhtpbVxx+pHRbigqpCiSoGU9L
VjUlXpoRWHRwMvhbBNbb0oncBDXdD9y1A8e9aAFe8YbTOh762eb29sbUabVaeP6YG/5GP/EyDgCE
RDy9zf7ZSQt52+Z+GTSbfGmKGcuiSLxiLJJTEGqIKnOanE4q6g5YyGRtzTxhadIGpVm8CIRKDps1
Y3EgLXGmcX3xwJxaY46WAIub9yQKRH9naRNxBTLdtcgYBJ9T6HOZVtesBXHOTul3PoZK6jHpNB6w
7nEYnZbAIBevWJMO0W6iu9cUXyMev1UZR0cNziQE3VArQmRGWMKg/Igz2tlYRAxNulIFnHR8gFN7
gcPUv+cHAt1pgvBEOFByoFT00wYT32022U83Fd0X3dZv/Msly4NLxlz+/tHQGGSGD9pL1yz5VoBF
loOdvomASXTDwslNEaQZYKAe8w8T0yddsB0TFm6fVDDtQLd9qkkeoRJcGj3xtBNLC1+aCjoE0g5Q
rHsYGYuwsJWE/BiEQxJgUqNpFjRILG6Reg+DnJMazNwUusBoKhASW+F3D7oYGAuwosPAyYsclKsS
A4MhSI1oWZP5tl1l/54BV6HDBkbpuAuAVpJWCOIvxzkOVN3oZxkruH5vCedWI+vW+c2RUzME+twI
P/y7q3HxF9+E//31133wx//+AMpRkVkp2oiLUErWT4NInHbiArFmqCQRRiK1KI13bx+RP7JS0aOP
KvT304kSxi2Yc9oymNecgR/FoOCne/byZEXSTOQvaFSXNpR2VD3GMyh1kfAUhxPrAmnYw5MRfhgV
ZX632zDfPxJEuL+sbsrysLfV4MdFDCsJuhcomFMEwQ5iRlGe0CkTRRgdy14CNFSSjYUKw0qqAV+p
EYuxQaGC4arEYpupih/gJqjwLmWwVOjzvhqTg/cU+efOKpqXvHKB1/3rAaN7LIyH6iQ4TUCHxrSP
VTB1FOtMRTAcH5M+09MQeuLylsKUx3HHmMCUcNGImEDRTbq1kseaZ3q3OGGAzSXXItRPYISJYoju
VqEvlm0LtHCJBa0k8EzM8QKhEhpQ4KQNFPKGvthbewPsG5KYKIfusnl8eFmzWLR/0EfaYAjqERrm
OZjfmT13ZziFbqbQYSoNTc+ECruqEv2IBQAF5P1Vpu6nm7fMDu4arqmTPM/+VVuTXEaN7X0VD1d9
6lpc9LfnYs1xjcWRiakLuxqjW8oDZa0MTxF1Wcb85MoWhXv2KmzpCz69LO9/MW1KSTlrbYqKNHIY
jrctbcbyjI2+mqfbVUezabDudLoVp2IxI6ob8lam0FYO0OkI5khDpfqqvK0aMNsNmeNFzK74ImwU
rDpcR2YqRJ1D7pRKbZVK9opDTvxYrUH13He7LPntbfWotD8IexfRKmLIsCOIaLnZGGY8dX/Zw1II
rMyYTe2FMBUqqXO8yGXRg0U1vLxBqFwYlSdlzKpUh0ITSUfRjJHkrWjh3aKKDdg1pixp+2/YGlAy
He655qB95Sey/NJ2W2KwzOAYCVwo4lAsQj4T6fyJxJIDLyai1BtzxP0iGR4smtgdBMhY8TFBFLPU
nK0nWSl9thFPseJNrUT921cx+36d+F/oswi5LaBvrCaTJL5Ei+s93YgLjFSBXQMBeoYk+sZCdDSp
65gTXHb7FrUqWKxuSdtKL5Wj6sPOZDB/QWFNtGW8eWUrxqtEJp70QlqkwoYjgKG6Q4rU4aOe4NfU
q86nSIQnl7exzwvx3/96J05Z21wQy52bb9hcek+DwJULDODhKssev5C/0YLE+mF5xwD3Pr+QZsKK
w/Ok/pmXtmTx8vY0FjsmhmoBAsIvPiarrI1OdHpRzu/qHqzo8hXOMhh7sQl+ck6wFRE9m3TacYZx
D8jbgG8ybB5X06nN+L6qGrA471uVlgd2V3g1L5A1GKxOk69kSmQ9qdJpzvoYk/dHSu2ikTQpiz1I
0J5GoTAYxut5aUJeRHoXICxClcmpUoiIv6XcaCe8wuQEIdMgBA1E4/GurAYwHnqOHoO2U2Qi1EkH
R2mCy5KfIHh/6wbvOXmAH1dIsVNoBZOSDM23x+KJhp6IyISpKhn9kQSoIxQmPIFtdLSJSIdllXAd
apoRGat9E6QqxeNdFpqqjOIx8AF9YSJBpySfJ999b9HAkJ5tcT1LrutCJ4IjI9y9L9gU+tGPTu8Q
9w5HcsPQhCSgxcTBicBvy8OiQqmNhQhlgJbWZpyatx5mTN5Sl+yXDsLbqCbqYMAlYLiVNJCTiDPP
pBYUQ0UpzM+zbhNRZfOg+tKSUHwhlwEO0rbalgmsaBJ4+QLrPw+UnQX1mvfZBma86+ROiUf6OaGp
f9psAnsrCgWh4BQcXFhIobstD8/zMFgLYkqRaafjsePRglG9zrvSip/faOL8rGDnm4wtCMP4oWEs
qtSVfJRLXB8qdTAChiyO4UlXjQJyMm+zQXBV0jgIvWoSo6UdbuhdkskoRMEmli+2tCLVyXvLaM8L
tZBQ8eMMe2OG1MMmAHh81yLe80z4UCRih5jmCaabLQ5bl/hjKcU0Y5MWpGIKLRrUKnH3uDq1Mcfv
qwic6QYMKcZhKAFPSS07ZYq4ylXJ7NNPKNEIrjVF0ZjHQtpMJauCifOTw7tRnG/ZiRPSf9OUwU6m
hRaPELgStglMuqpnqMRwcoEvLflM36CMkGhIKxyzIIWecnT7wUHvG8IPdYQc8jmqkJUdU+FPsha/
tB4qZNM+3IkKGtdksHxxtktOFt/XN2WdOhmqtiqCKwfAtPj3Asb0hEOjeSKFXZpaRFLasG9tSj6a
tupf7K9Yvy0E4nsNKXbCoGJwJxXWtoVoShmXX78zdeGFK6MlppS4Y79AXxj9XBI6yeRYtLAZjYUU
2ijE1H1UQ4lGHqM4SM7MdSPUInVCyhJv6bTF2/MWlpAgIi2A1ag4ktFPDRlezRVfPxzK4bqMQG1X
cloC1Jo8iXqIx3ZUJpLURRxUeQx3VSwZtsQBJC1UjyOiHuKqSWvsgCCQivGsZ8FPxzTiRMVABYJq
GTJB2BosK13TkCbBSkKMhRJLHIZTHI4HSyaqdBTbke73qZhuT0OIvEBoeEcgKGOLhzoycUIVC1Xr
lCCWmmca7SGTxScvkQQTUiKo04oAVShyazEIdy1tYp+QIiYjIsh9EESIuubh5LX+mhetriHvCIxs
G8bYRFXfgPFA3VissktNI8QEkYxP1rCgIHCdzPx8eLx4SY7V3e0Bbxh6wiNK/9VhABcUeDJ+1O2Y
ew0p/RMaOR4sBxsmgnCtCMxL62n+YSbViQemIg2kfelidubiBoXrtlrYUHbfuhfRRHfBwYnz81rk
h9ZfK3S00vgkClGshA5n/Kx8xnxHvsF5m62QsUIfbrUKLwoernnymtE6u6UOtSkrlGpgcf5syfgU
OUTrC/Y45jTN8/MUihm9I6yYRjWxRH+EDrjnzAHpyCNBlFER02zQE+klx7LvyZvabPfUBXYaD9eg
1R4JC3hBe4A1BY7r+03srwo0pf1k4z5uVXAusVhYGJCBbtfQZ5gqlswXSVimSEVHI0V5JuNJjZ/g
7PXT6SlIL9BSXdwPh7dW1X+sO6g+saIlSpIJqRf0W5sLyM/37GYjjfZ5OfQGDEsP9ugZMMCaKyFD
xpYYoUq3GOG4NMPihQ1rBodGXWpzGPWg9ETiH/oWTgTkKnFRwDWLfXTblii8O6OFdrgGGjAZXFmq
4sqKKz6mpPEZLnm+ajBsGRYT42X/IzbCn7+qPY2TFjeiGiqUvAgmk6h6UZPi7NzmbOp9kaFelbc4
cjZon3mqWq7+93jVvWZPOfqdJ1ip24GexdM1eUz/g/1BrjrT9pw4IE1HaGQ2Wlc6LyPS7cWI80c6
kpcee/ySTDvHih0PY1Q42Ets8iFwdb/AJ5dEeFe3hx/tt7C7bKM942uHoqcpEhGyNsOywMSkJNUf
iRqLQEVSvHbJYjZ4FTNsqcOYrbQWnSlAu8cpKbGzj+H+A9EtnYbsHZiUkwUrbDRZhDRRIcl4hdML
lRwqeVrdaKzo6SYvqYqvTrHTm22gL4zFAgeLlIOG6F5UWHXb7d6CQoN9cJEjkfZjQOk0KU+Ngm4E
7Hbjfh7B12pAvQxVryYpBZ1RkY7jEUb88OvFceM/VzrRcczh81Qkb+zKRWUDAvNabRSnPEzUo+Md
y7wgnXfeYXKaE0tklETdc3+2SU/3AAAdfklEQVQ7MF67oTLu3pCK5F6RAWyHEWZQF20cz5xJ9tnY
rDvg9J6oR8KAJjRv3WNigLSsrLCgtUkd/873ofcL78Ny38MjUwZSRohBl+En/Rxv75S4tNvH93tN
9ExZaMn6iaIhR51FEHaElshAsxQk1aBzKp0ratV14joksh2p2zd6wy/kKEuBzhxVxD4mywY29EX3
3h6EvzgvpRD67JaBMnt7VkTaUalqJhYFyzRVY3MejQ05uEVfN1mdSGFNK3/Pzrq8Z9xnizM51jVY
VRgfKWPevHkIXdkdWvWDJzkCZTDsDuK0g6Ld0my8L1LxJfLUtPXiPJUen4W2QnsOenJkCam7CCSo
p1Q0Kbm6K22GqNSBYg1QKfUyLzRf2d6QvtTkQaMZR84J6UU/GJ4oXjMyVfstDxHVacHcEKAdE5fJ
Q4v2f8qByKw7IHXSCSRapl6i+EMNOi6B7ffft6vPTHUtJnrbqqd9iyYfdAw9UGQY8QVe2yrxnsUB
rh9QeGjSRi7l65YLS5JdPTExAs3ympNctyIoSlIfL0gWx0VCfJkzFTpSEp25EBMex7o+s1KuuOec
ywkVwjDly6tOcvjbYUc68jWlgXTaxp49/QcHDoygyTHx4MFJlBj4WVnrur4Qtf+ecM9+sWVfoSD+
hsZcu3pLWP3yJehuSL83G9bWMSG9IoFsp/OhJF8loR6D1h4zDAcrSm+fUT9zVaPSNBiEs6QG+nyH
WFtpz1pioARxsIQ3LZ2XffMxJ7W9hZsWiiWfnG6ryKkv+FXv5n2jle1ZYmaIQmRSHCIieYdYmuyZ
NKFny2bdAekGjnsKlUAdsVJWGjEdfGXstzef37FEQAkLpoj0Ue1pBi2FPXWG7/RxnNqgNBN+MWAY
qNG6Y/AYcQFpvlHLRrOthjAIxk/tJMbQoPWH42Vzqqhpkb3RBkoex54p81deEH6yECq5Dwx79LBf
PbwmNOBakWZwoOmKV+W0nP8XAz1jN6wDrqXjchVntJF5241T3l/lwdHk8+/VPXxAWDB695WwQkos
6cpfUuutXTwW2r/2Zfg5A9GmaLobkLAHUKOc+pI66bfJKTkCFWmArEzm632TEGMVvLq9Lfvuc05q
fmNjW17nEgHUuv7x6g8nS+Ubrao64ORtpAgipkwITfj5PPG0o9isOiDlYDxS2BAcXa4zNnXrBbZ1
pVEXl466HK2m1O2AQHENhaK+JBVzG2oMPS5HgxHqipZRDWUEh1j9Dzk4RTxyxuQ3FLUNeNw8FwKo
BAJjVQOhry6rs/Abi9ISm+vAJhmDHi5s4D8mxYBiovLi12zUqxEsodw1+fQ1ftX/kIzCK7qkotnf
vxMBU95kGGHew5Zrb2522EnDwyWE1TrM9tzBTVuHvrK2Da9R4K/c7YXaAUmVwHwCjbUGxJJDavoT
CS/iKNX5qYFpfKR7Qf6d71jSpPmoI4l7pJLf3rRv/I6Bsdogcc00Z41YDYn6ltGf9lh9Ovac5ID+
U6ilJjz/PZFv/s+Yz9qd0PrOcofZB2UAVwlNTpRygGaSQggkxl0GZoTgoQkjEpAievyTfti/xqqY
MeGi9EniywCP2L21KPhYWsh1OZOhHDE9vTmJKMQs4x/bbIzuq4efa7D4p6uBhEwbOhLf1Tvx8ULg
71ts8dY76tBsYd2coSC5lpGdUgwtYK2KCc3SMDFcQntHbn4Z+PeFjvvv1MwYLgGrTKA7EzMy6AUg
Pq2JJ3WfNVTGknGPX5Iy+YeO7TCb53fmkGtM7wVT//bA1qFrxie8vmUE1xEMTQ2OjoREhHSIIHEO
2XNSBRtPUfy6NRXestVTGPDluhMM5+dpIdZMEu4olLAqppZqpV6gH3BII4KyAsC34jGSiHQLgR1q
nsfhj0UGQo3e5HSzfx8i+kZrKvy1oPxICqQEw9aSxITUqH2iY954zaT/haw0TjrbEJ/2ohAsbVKr
iNYiq3bG+n1T1dcPFTn1RCBRImQJtX4UX9uWiRZQsht4IXp3DqN5fjtf4PBXkXr4eAicnmLoTsVE
4jT6slncIqoFotmTxoVLU+yTKSGOy5kRLEN6lhH+29hU/dvbD1R3WMSFZjM0FmxNYM6C53iDaBbs
OW1EP5nReI9g9zHDZrTDVbXjyr718UZuvxMcJwQ8xALXhSOBQruFUd/A3oChwUKl5pqOwwwjxYmq
IwA3BKy0NW4Dg0HEttlcru+0g1+WrHDvEGHodLc+kTtN1jurCYuTIdUt84mcSLEDlQCuJeFIW8Cn
doYhDkbzmtDXO4ZWHiJrA731GNZE7t6RZZeRovv6yegTrQb7zPDu4VxTxoHZmDp+U7F605q0QqdD
ziZjXCJELlLiorTJ3pMx+bkNFkPGDMNy6F85GaofwlN3irpCuoEKCQuWbaAk5Wy35p5Te9444OEW
yyAoTMH72qjHv7bQNO6c53jnXPChi4HmRdj2wy/i/Cwwsj91ve14f9mV4w3jJf7N1Uvyrz/r1a3o
e2Qvrt/s9lZNcaqTkjDMeDxCYIXpFlCQ7L5O1hVOahKwxyI86sUrne0a5SPHImlUgggOT1kYnvID
p+7e50iJfTUPx2VI5zeO7P117bypY5j5zmo5+Ph+P/h6XyiGlxfdqyZ39aLLZK/a7+Nf7AzR5YqF
kPzCBoO9I2uwcylbs4xIeVH4Yy7Vj3sq8lZa7Gq3GZpNpeexPJFb/XO0WWD7mCkj2BWHKyWqyjv3
QIn9eNOQg62DLjYP2bh1yHxko1e/KApksdEJ94P7b9g0Gnywx0+pl158Jt50wYJTJoLo8qCm9My6
JGPgJEUgIlv0k3XP6dSpjceKkjsDiQcDhdBg/6vdYS3EKOwyThHVbHD9B2r7i0saEqJOapaTrO+C
BoWVjWiaUP5FRQRfPzsHpKX80UMl8/r+QRp3qbNXZuxvZrm5Y75t7G93xHeyljoBPPx2oPzz9tYD
3l+X74qUvDVFQAIRPyizqVL5fLHnZQQ83AidS/ArI8ffteHqH1yngFfPL9iVvgCfniTCThqtET+x
HjKr/3fvQ4N37BsPP/mSU1a+6xKkPnPfXb1vLtaDd6ZzeIjyfAIhGOzx0gvUCiEQayaBrRtMrDil
mX+9EkQ02UqzFGMhD9ebQhQ5N38gRHAeNTD1NCYCRTh6p/G9ofpdyjEvyHOcdWqerRkLxEvKIddY
xrIhPlKN8DDgfYqF6uaixOaJgKEjxTUQIo4E7JBI2iEO5ufHbZg1e947IJIwTc7TXMAvSj5+UYev
SXRShwEbdbRQDMsW53fUlHfpt6/d/pk1C3Jvmres7dPGgfFN8FQ/E/J7gZTXBExt0/21BJY3TWdL
blQk8iGuXC8MX7KrxHs6BQ5kchyjJfemnsnq5akQL87Y5qsDYqRlbK1lspMZZ6tMztpObFSHUERm
qNdMHxoNojtaUuqytS0Rbhu2bxmXzpc781wLA863FSYm64iIh1kovcsS1JXGKSojprGin5MQKG70
7BfGno82Jxxw2qhwmI5cOIqWLXFQZ/IOhImDPYNT31jWlvlGExpf09838bFUxD8NJv55POSRCbUv
Y8iHGeSjvmQTXOCAI1AlkcQMRy2KmOxK8Q/x0GB7el00doefOaUj88/+ZB2ZDI/pZpNGcjVUE4LJ
e6TUQMv1IwF2lH3sa+WssjsIcX+Z3/bVlfLGt6yQn7q71rLsYEV9WAk/dGputhpgHxX6wlCoM4ZC
a1o/cuMTLgaKQC4VYZ6QOt/MOgbqfqgxjH8uNqcc8KkaVbYkCEO8ecRl6Ap2w5SIbiCUcbspTrUs
/ioeipdJ8Attwd5EuVxnA0cXVxrsSo5FVLfE8j9aUS5NyioT7uadw5UHF6ZRKvtyD5TqiYCeEDg4
6iLIHSJQSnTi9IK7gBEx9IbypusP8LedVfeuPmtV8OZHZdvrH942usdsTH/hL87o2FdxJaqBwuio
i/Zl7ch6Pjb/drtGNA+WI/STpEPKxeL2CNISyFgmsmkTYxX5eO7EOWh/lg54uGnsGqFZpnGCkBts
Q26IVHR5yWVwA2WkBOvMcLStzPLWcZ+j0ZaoB3Jq2yTvmeeo38/PRKtZV+7L+yZbftq3Y5jOXj02
40a89E5SY9ZhuSUS6jjao1iTZphnAwtt9rNHx/nSyc0jXzj+7JyZOWvRwp27R/b3hgIVZqLqkbi1
gcCPwJOdDUszisRvOFYPMbavqBHrLXkboZTgWdpwMzXgU1dTc9D+7B3wD40luyFMRykDknYMCGp+
MKUnEhzUjxsLIgxIYG0G3QUjwtb+cvPK+Tns7ZtA5D8mc3C0vIwABASz4qFE3mJYV4tgwewbHDLG
hm7qyb/mralM2znL7v7FTTs+4DrqezlbwAliOlia/bJEmjZKRprONDuEUhgruRgpuWhImWhqTiPb
mEKLYyBrckyGck5Vzy9AB3y8scM2JQgB3WACm8clttdocMZO68oitb3Px7/u2XMTLbDnHQMnMYZ2
Fjeuj2QqqbZJRqLXJ+HHWDq/mYkzqpxde7CIK6r/tXXzq98W4qN/ffp3f3bttrO27x26dHFrJn43
zdoKcwoQdcA9xKqbIJKnGclG6wGG+kow+6fQlLfR0ZzG4o5MvLU1R+wF74BI6hkCftJRtrkYYaga
aedak8MHORNY1x/8fQ5RL0HHSrRZluU6RzyaAxL4lZimTkkDZ6e5jkgkAFgN5W/vHQ+Lps227I34
BT+6ascNr60E5l+957S//P3dfSfcdN1D75q/sNDTpIwPjQesfQvUZ8tQbk7FHItHMpaIPu4suYhK
Lt7CgZcsaMD4ePQnAZg+XXthO6BGysQSZGFVYUtVYmdtmgxcmF15vHvUlVHKVF+9wIr/QpDoixDS
iR3l6hHIYKKs8NDUY9wroa6uw18soSmLydDH1W9CZp710+t6NuzdM4GLP/yyE7sXnbf1oQf7RqJS
pUd1FS7mo5XymS0ZjLkBesaqf/THoW/+y/1F/TM1Z0xaXoJLgjbP4+nd83gSMntGkCyRKLUYnkJQ
iuDVpI6AxCxf0v+fvbvZ4mxXGd8oKVJ556iqmK9wMuEqbBLxUXtk4b/DxA4PiR4yTYV70FUo1yXG
g3BbNpvetX7z5NbLP/pzBOUJvOKCZW35hU3rlzaket937lK895QF6GpM/QG935FeZMVA4oe7xvHD
R8fwm+EqiC2g0WBaiNx4BoKTs20vmAioI5GIj1oar9WrxCmoDnEuc8RUcDQKO9Y0O9sd9k8EsapK
s/XBcqhXCqaXdKhEIBTLMZLh1AxDS+LMhx/J06icaW4+lkxaBhiwScWz7rTgJzLP/2dl8P+Gh//5
2tfvfcuLT2vHK1930keXL2s5+95N/W8aqdX31Z4B6mXcDXFXokC/zOE41pYamNsq4j3pJypg/qns
BeGA5ARU8UraoXBJHyRm9+KHgVhDPQFhy/Mm+7C0zL/OOr455nO5IOdc8jI32P/zeviZ5N30P+uK
4YEa8EBdYYkJrHViiawnS/9lQrbZmujzOgoPpsLovlGmMGqIty5P2we3bBju2rnlZlxw4fKTUqVg
W7HK/q4G/r1n8/PvcSX2uHFv81gbWMsY2hymsZJ/avuzd0CWRDZZUWB1aFUhcaiWfMzIGetgZ9QC
cUIopczbCqO+eHi4Uv9mp2n/8FTJihUW/N8nuhgdxbRmujcA8hxoTDR2j2QUxwjwkFHxr0wqn/p8
7Xkif1KwJfpLOfthX/odt964+5TuZqRztvXd9nHjtAh4f+ZZHKHTnDnVusQOD2AphsYMI24W+E9F
9y/5lcbeNsMR1yueif3ZOuA0+0rGNmBbpEkXTyrUoQH/YdwoiWPsDcIf7a+yH52dY2OOwe2Kyw+O
h/Wrco54pMuSy2lhSDyxtEyyaKKLezRU6LIYChmmlSufaDyhFqkmv+obSKTmlAa4Ch5jga3Cf5BK
bFUpdv1woF63vMHHhY3yfRvr5tVpFdxuPUWl0qNel2Qpv1JVCOpAaMX6KMQ5SKDcevLjUb6YoY29
hDXDTk4JN9momqlGz5+dA05vfKVMgQaDYahYw47eCQxLhTH25Fv8JBy4xGAfbU7LZsUNjLt0ynJ4
PHpkNJSPDLvxdOJIxhJxaCpMmo9S2kUJhVnHYcf/mhagI6OpzjL3j8lfbKlGB+fRpMXnrx+qsdOK
vvHuV8/D3xQa1dd/PcpPSs9YGcG0VolyAdMHmhzgGAdoSvJZX3NxR5oviPhj9muwEbCZVPQtjlda
TO9EP1v783FAFU8MGjMWUhkbW8ISDh6YxNBEVUPeUxyHVM2P8tc1D2KTxd6XTSkoZmLK9XfS6idB
6RPZtCe9YFZS7R6p/8YSxDVt080/9HsKeyfopcd44aDv/6uQUMROZsYbRuvvmVLr1zTgDS/uYCfe
OsqXe4h2GzPYZ2aJ3u8AFWQeYJIwIbGGBcB+KfUERrNi0coEYoWlrJq59smcdsDp+5w2YtjSFAP2
TtSwZdswtvYVUYniC2gcAs483jOmhXamV5rSEIuONdSanMP0gntkyM0kS0tkSKE+Lf94svRkMgcU
gKkw1bQiye9N78pIKI92hrOJExOlCInPrITEpkHjEyc24ienNah/vK2k/tL5IzK5z9R2kBhQHegk
DurkYUmxGAZmJS87Ueqcqc+f0w5IN5EiG+nEbXWBwUoF5QMlLTGU008sOxpqKzYGzdREN5xQMHkh
3mDyCLZjo1LjAy02ekgHT9P90kTD+SOXnfImrvT+yFG/Mzucbzu+qdNf0VWxQ9J39kMJFka6dTMa
yqt3FfmVJzaxd/dU+XszfPYkBKnIKGnWsbh1NNs2px2Qbt6eqsJEKeZWcRJZsHmH/sTRQ8X0DT8+
z5E3GHZVJJpN9lphSNiWhbCiNi0SONTjYyY7pCF8NNOOxBgqUYQaCw/12p7OiamjcqQ0H02sQciQ
UwSf5p99caf4/CILrw6V+pWYJRAWoXooN5wKn5sWzZxzwGmicVrspig3EsYRLH9YoHsql04lORlt
xBkWgUHF6UqocwqpWOfN9r3aw9TMLTO9l/yUvxviL8glwyoWPxhPNVxNT06IaZbx2Jmn/8dYVX1r
tYfPt2fwqY2T+FWaz46D8ISj23xMK3RWbY4houOjy6YlIzdCM565gvf07auHrGNxVlx9So6dVwxD
5DICigtaKnprq8E2/r4sv/JMv+8UYzg1UaJ8KnvRLHHW8URSYhqEHy/3R+U9FXb7qqw47/YxZVci
6c1KDExSkvAoIuQzbXPKAUXCNXN/WWrR5pjt6pldJJWAVZsj9spBFwNTkbwiw6K/acnarClnRHdV
oq1dhvXl852gv9+NfvJ0q75Yjk2hMk0R9xQsSh6wxcYfRnF6v6GK+vtlWb5haYpdUgnwvdm6eVS0
UWW8i6jkZtkJ55QDTi8n7Y4Fc2ekFDvOllf6fnjlVGB9bmEWbF6TDSaEGKr5b1QOP3N1yvxC6Mnr
uULl6fo6OU3/9KbdU/zzlMfmFDtixKyG8sFxV/rLc/zyh4rh98xZcg56sH2tG5wAYWflU2KbUw44
zatXoH2Np8YM+6SmEcYS6EqR9htbU7CAziYLGwYi2R8qr8sMf1KFurWiEKWfwYfJpJXxh5z4Rza6
GQT3Kqoja/eFHATN/+zCvPX5bR5vDiDHZwPOpA6T8teikbPwGdM253LAslLojknsZ+DJJKFA4IYa
0WuIjSc28zfQPsb+AdfvsFU/KQPVAzU2DY9/ukn5tHM8Fd/lSVFE/DfWUT6L3ufRivp6VwafPyMn
/mlHTV1mzVI1LBCTij6JpMiM2JxwwMf1kRXRtakZOhZIA0RpjB9n4f/bXEr9n7F1ntg07H5jOADG
SiShEMOonoumhKYyZkrPY494utLRzKQ7EoTrVqTF3w3Uw8sIWjUbTM48WdgfV4fNrWfBnvcOOD2t
oIqBNHNXEKfxjHKlxIpPEmpsKpD+wbHInUDwD/1JeUNC1plDcrFPz+QhAs5pqYv4SGZPQAJP31zq
7bWwWGznaBeD2BiGKuqyrmZ2Hxg/fTSS68Qs5IL085rTeiqziO2fEw5INzJPVUAIlMKZin6PN2pK
r84EB+w0Fi+qMKxxYsULko8lxxdP580SU0lUI6pXHsTvsTMBLRzJAUmoUconr+ylJkaX969SMjg2
K75x56Q6M/VsfvAnseCwyc1sueDz/whmcbuEkC0Efw9mKSeRepGI7YwicUyBh3CIc5CwelbcEH6m
N4D4BweUwkgg9epuH61dHiUvNJ7i7IvAFfvr4bdOyhofWzdJUCl5lDP72ZuRPDAv6COYUD8ToULB
iMURZ8NIRI8zsYODv/5AoAqCyeJMEN2aLKYn3kdL60SQPh3fnkVIIV6bnVPqK2c24mMtDnvffhff
j+UoZj5OTa8WWM/iIXwymxMOSP8gAWrlx+I2s2Fc63aoDUTf1ijUIjBVnAlfZ4lCJwE/p1U7Z8Iq
Uo3Uomjk5Abx+T1u9H17ljg62GETmtmIgnOiCiafqymGRhGLqsyGD7KYMWEf/bvNWJcEe2SmqL6d
ZJVpZAaRxD4UHqlE//ryJval3LDRLRD1zhZAQSAmb58NmxMOGANKFRaKWFlpNi4F13JefJz+fTJi
rVrXZKbem8VUHac5mDHaDFpuSkn8rMGWX1qTEf/wSFV+wFazR+Hm6V6omvE93jnhgAZi1aMxxNi8
2eoKSGA8TzK1JmtLW4kC5AwYMWbRPslkHZgBFLs2epshyXqLofRPbGbv31VlH8gKOSsxkD6rSQuJ
x4TqM1l1zxmCyjoYSAXcThqkM2+6OChTnmZGjMgnZ8zRtWpTpGLd4hlEE5O+cLGGn69oVBd39ImL
Ail/MVvzYZrOlDU+Z2arwLnhgCxWN5/wJFKz5IDT0wSHqRoYb63N4HVWpEIrmO41zmQ+RVIRm4vs
J2vb5MXLmtnf3zGBX7TNEk4wTJrodjBzaQTm0iyYmqItjtBbW7PRitHTCa5Q81l1wpOFEDMJSVf6
++cFg2MoLUcxE5bTzWt+60A1qlwwLzpj0wRbvC2U+1Kz1LSzEkd0ZvA950wVTNc0S71ALaM/O/0u
8rhSoKaaHN7RmqK1w5l7/7Rg6HcVpgI2c47N9DEsH5nk175hgXz3+S1m76bhYMmEkr0z9AlH/lim
jrDa/8xsTjgg7SkQG/11pQjGLFXB05JiL0mp6mgAdtVEFOMPZ+j9yZcXGAyn5qiHN0Nviphbesyz
Mz/bh50Ow8TrMtbfj0bhB2dLLY6+eotejo6eEsr7j9ncOIKTbbHOtECzwXRFPFtGwjDLhWo5oYVp
FtWZ+iRLAGMecKCuntFc+WhGVMFTUt69x1ffaUmHtzUJs7kztDQf4WwYIaVbaGyJaEbKkTnhgGEy
Pz2vwHBcmqM4SwhJQn5sLyFyTDSe3iK0cOBM3UaHqC/qCuM9EaZkTHUxE0bN50EE36qBgRQ+fanG
CdBqzNJDSm0YK0HKvGCO4OmciUiAKjJCbYaS+CcaOWCjxXhvDd5de5Sm1Z2pT1IJcSV16pqI/nKG
IGU0A+bq8d7AZhE8MNPvPUeKEKa7zyaP1yjNWXq6yQEFhxISZiGMtMzDTDqgIrJIh4F5TG++zcTF
V7PscLNtc6YKhm5jAE3m7F1sOlbKHsKUiXyXw2d87ETuTNjCvgloIe85LfAxQzZHGtFKw92GphgK
LtM51GyY1FUlikoo857JGEo1G06SZUDHNCvr7Pwoc8bmxiyYMS1AfWsxwr1Pg2ng6RpxypydFaW1
bUyUfIb8EfZzZ8KI9aBWiTkBwxcqUXdic6YNQ2OszjTDQosa0bPyEXr2m3aYO9+SuD2S+aEAUzNV
rR5utNFHbAmNyb5I7QXshHNmFEdA1NUOw1kZjvFZIs6R8civvyml0G4ZN149EZw9mzuxOcbwioR9
9GiaI3/uNjfaMCwuEHZMKaia1Nq+s2EUZVflkd0whp12YK491zbu3u7Vz+NPjdrlaRs11Ik5YTlj
Gm/3QoyCcyYC+tQAtYD5KYbiTIHqnmB6A4wzd8skvojIu3a+bd88GbCFrsTe2aJIGVZKD/fbEtDn
C83mzGI69QAHPIWtxL03a5M4LdV6hcWF12yq6lRYP+dhqcRszVW1Maap5Ra+EB0QwP8HOr8RIsI4
uEYAAAAASUVORK5CYII=
"""
)
)
)
if 小强.mode != "RGBA":
小强 = 小强.convert("RGBA")
@deco.ignore_botself
@deco.on_regexp(r"来点小强(\d{0,})")
| [
37811,
198,
30266,
98,
163,
224,
117,
22887,
237,
28156,
118,
10,
90,
20998,
107,
34460,
231,
22887,
237,
28156,
118,
46763,
108,
34932,
237,
92,
198,
198,
20998,
107,
20015,
98,
164,
231,
122,
31965,
117,
31660,
10310,
103,
21689,
45635,
18796,
101,
198,
37811,
198,
11748,
2779,
2414,
198,
11748,
4738,
198,
6738,
33245,
1330,
2750,
4879,
9399,
198,
198,
11748,
2638,
87,
198,
6738,
10214,
726,
1330,
4912,
50108,
11,
311,
198,
6738,
10214,
726,
1330,
11705,
2024,
355,
875,
78,
198,
6738,
10214,
726,
13,
48610,
1330,
1448,
355,
27809,
198,
6738,
350,
4146,
1330,
7412,
198,
198,
22887,
237,
28156,
118,
796,
7412,
13,
9654,
7,
198,
220,
220,
220,
2750,
4879,
9399,
7,
198,
220,
220,
220,
220,
220,
220,
220,
2779,
2414,
13,
65,
2414,
12501,
1098,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
72,
44526,
1581,
86,
15,
42,
38,
2188,
29697,
1565,
12564,
71,
19684,
70,
3838,
10206,
29697,
2246,
70,
34,
4792,
3838,
2246,
43,
89,
17,
310,
3838,
10262,
32,
9527,
36,
48,
13024,
19,
77,
2640,
24,
34,
57,
31298,
53,
18,
52,
6780,
44,
2231,
67,
18,
3019,
198,
80,
16,
67,
48274,
13024,
53,
28425,
1820,
49,
23063,
17,
44032,
77,
5673,
48,
39764,
4720,
38,
41,
79,
17,
13807,
32755,
8035,
35755,
23,
77,
48,
48,
64,
15,
28015,
15821,
78,
36905,
7902,
4579,
41,
71,
15,
2484,
70,
49,
3546,
26903,
56,
73,
71,
74,
6359,
43,
16630,
198,
20,
7340,
17,
43,
8205,
86,
37371,
53,
52,
6659,
87,
25093,
5868,
20,
14,
57,
16,
89,
2425,
40492,
28425,
74,
80,
3972,
80,
2919,
65,
10,
14,
89,
20,
57,
52,
24,
67,
3134,
2079,
27019,
73,
3553,
81,
22,
2624,
47,
84,
51,
16,
73,
42,
9908,
44,
71,
87,
17,
48,
16,
50,
20,
198,
86,
13909,
32,
46,
40291,
817,
42,
18429,
70,
34,
35073,
40989,
34,
19,
8579,
78,
33,
66,
32,
13563,
40,
12397,
36,
15,
40,
1659,
3365,
75,
54,
1199,
71,
47191,
19,
88,
65,
23,
36540,
32754,
20,
6187,
19,
11401,
672,
3539,
16,
1130,
15199,
34653,
74,
32178,
14,
198,
33,
14,
32,
2943,
5653,
72,
6659,
421,
33538,
89,
56,
10,
53,
21,
85,
44,
24,
87,
4914,
57,
73,
306,
18,
3046,
85,
37,
19,
43,
77,
47,
893,
39,
19,
8577,
19499,
3955,
67,
53,
70,
11682,
33,
86,
33,
83,
34,
1558,
69,
49,
35641,
1677,
39,
17213,
34,
79,
20,
67,
32,
21,
78,
198,
2154,
10,
51,
69,
3270,
10,
55,
9861,
2725,
22495,
80,
77,
42,
85,
4372,
23,
57,
77,
34,
12740,
48,
3398,
21,
80,
51,
48,
67,
6015,
6561,
64,
6080,
46,
70,
3727,
73,
83,
1797,
47,
19,
33,
53,
15,
36056,
50,
2791,
87,
36,
72,
33,
48,
4694,
3163,
33,
14,
71,
2943,
37,
19,
198,
21,
33,
87,
1821,
34,
22,
70,
6659,
10,
88,
20,
70,
42,
86,
1565,
42372,
3388,
25189,
49,
50007,
10744,
15,
34,
10,
31288,
4246,
57,
8597,
5211,
9598,
293,
54,
23,
49,
21,
69,
4826,
1925,
86,
5603,
70,
3792,
81,
89,
6592,
1546,
10,
51,
1003,
469,
13752,
69,
198,
57,
24,
37,
86,
15571,
19,
15418,
20,
73,
18,
39,
85,
27353,
70,
15,
69,
5705,
35,
46428,
49,
53,
89,
56,
41,
85,
25087,
84,
86,
10,
2624,
74,
48,
13396,
51,
19,
55,
2164,
17,
45213,
10262,
74,
4352,
34,
10332,
4851,
782,
48,
88,
14,
42,
5222,
56,
39,
2999,
46,
85,
54,
198,
38,
85,
11584,
87,
23,
14,
85,
33,
15,
37373,
646,
519,
8220,
74,
16,
47347,
14,
52,
68,
48,
81,
48,
80,
32298,
80,
55,
66,
17,
56,
46,
10,
14242,
12832,
41,
8199,
19,
47,
3913,
74,
20,
39,
74,
57,
85,
42,
35,
38730,
43,
87,
50,
2246,
3281,
36,
78,
34,
19,
4720,
80,
77,
32,
198,
55,
40,
20362,
11571,
15,
85,
48,
55,
83,
57,
1847,
32,
41,
70,
17,
78,
48,
48,
67,
20,
45,
74,
42528,
2548,
4304,
18833,
72,
15039,
34,
41,
14,
8226,
19,
42144,
31212,
84,
4535,
80,
33,
23,
23209,
21,
48,
16,
259,
23,
57,
64,
20,
10246,
36484,
38,
67,
55,
39,
15,
81,
50,
55,
88,
198,
20,
73,
15,
45,
10,
1795,
51,
69,
73,
51,
85,
10,
12418,
77,
49,
2611,
37,
73,
34,
22,
85,
55,
41,
5796,
55,
20,
1219,
26009,
19,
15200,
71,
44,
19,
43421,
45,
75,
35,
25306,
49,
263,
86,
52,
22,
38,
55,
73,
32,
68,
31235,
74,
53,
20,
34382,
89,
306,
38,
74,
53,
86,
85,
17034,
42,
198,
70,
9697,
72,
17,
22556,
45,
67,
258,
79,
9711,
12261,
65,
17,
56,
51,
4743,
17,
45,
3620,
66,
19,
53,
89,
69,
14,
69,
34,
65,
47,
519,
38,
70,
80,
17,
33,
21,
42,
66,
56,
48,
320,
73,
55,
77,
46,
14,
17231,
36,
73,
14969,
3546,
10,
57,
6888,
6998,
35,
22,
43,
2348,
39,
77,
198,
23,
22332,
70,
1929,
36,
6888,
56,
16,
721,
26903,
22,
16692,
42,
55,
35,
48,
29499,
4834,
14990,
10,
87,
3281,
68,
45,
74,
22,
37,
21,
11584,
2749,
346,
76,
18,
15922,
17,
74,
3792,
39,
16993,
12861,
65,
35504,
16,
77,
2348,
1797,
68,
2898,
18,
44,
57,
52,
68,
23,
33,
198,
1925,
81,
19881,
39,
23,
57,
52,
88,
535,
14,
16,
80,
4825,
65,
3713,
34,
15112,
42421,
56,
83,
1003,
34788,
37,
2725,
71,
19,
38,
40932,
20,
72,
18,
74,
89,
13752,
73,
87,
6659,
68,
45,
70,
12473,
1073,
47,
66,
38475,
3856,
23199,
3118,
10782,
85,
74,
18274,
38227,
198,
46265,
17,
73,
1137,
10,
84,
49,
33967,
45,
24,
23013,
34,
48,
74,
504,
10262,
9711,
46,
10210,
48,
72,
32,
48,
9148,
76,
40,
746,
69,
34,
23,
42,
21,
42,
89,
34,
86,
73,
541,
12473,
19,
40,
818,
64,
14,
81,
20,
15751,
19,
70,
43,
57,
51,
1360,
57,
33,
73,
10,
84,
27015,
198,
20,
431,
74,
85,
707,
32,
72,
32,
48,
72,
5246,
75,
456,
41,
16993,
71,
20185,
2149,
9273,
89,
46,
42646,
73,
14,
42,
87,
46,
3099,
42,
57,
89,
30300,
41,
87,
15,
83,
33,
70,
44,
74,
325,
33,
77,
38101,
48,
11584,
70,
35,
52,
88,
55,
80,
86,
37,
15,
55,
405,
10161,
14242,
198,
82,
40,
70,
32,
365,
33,
65,
87,
23209,
33666,
55,
48,
20185,
48,
71,
46,
23,
5868,
24,
54,
73,
24,
68,
24,
81,
2149,
78,
36,
70,
34,
66,
14542,
34,
5258,
81,
30100,
563,
74,
1546,
9148,
21,
52,
19,
34,
20,
44,
67,
34,
14,
84,
25492,
27399,
57,
5446,
10295,
34,
4669,
18,
39,
198,
68,
48,
38841,
74,
24,
2751,
71,
28900,
15,
14,
31212,
41,
21533,
979,
17,
32,
80,
50,
20,
40533,
50,
10,
20,
88,
52,
80,
52,
69,
43,
18,
83,
57,
274,
23155,
36,
4178,
43,
82,
15,
67,
55,
23,
73,
565,
742,
19,
88,
10161,
39,
4669,
56,
7355,
38,
86,
22,
88,
6659,
57,
81,
198,
43221,
3312,
46747,
17,
57,
48,
64,
45,
20474,
54,
87,
42,
12303,
48,
5324,
19,
37,
79,
5446,
3720,
7355,
38,
55,
1722,
54,
87,
50,
9864,
70,
23,
6489,
88,
69,
782,
20,
2953,
33,
5639,
45,
80,
17457,
56,
44958,
41,
2396,
57,
46,
67,
16,
74,
18,
1018,
89,
67,
85,
16,
71,
198,
47,
14,
80,
22,
358,
42,
65,
43,
25527,
20,
37,
37280,
16,
44958,
66,
36,
73,
35,
2749,
68,
489,
56,
74,
34,
10,
89,
41074,
818,
73,
40,
71,
54,
88,
73,
88,
40533,
33191,
2645,
8896,
46,
18,
42,
20,
49,
69,
42,
65,
80,
55,
23,
33,
22,
22184,
89,
82,
87,
86,
21,
20185,
70,
43833,
198,
37,
38841,
57,
72,
35504,
42,
65,
6469,
50,
16,
37,
70,
74,
56,
33,
41,
88,
57,
75,
6089,
52,
73,
8845,
1671,
36,
20,
52,
73,
30728,
43,
37,
3792,
36,
48,
49,
1899,
88,
14990,
20,
49215,
88,
16254,
55,
48,
41,
17,
76,
413,
87,
37,
86,
40,
49450,
56,
52,
64,
37,
10,
48,
57,
198,
45,
17,
952,
23,
25297,
37,
19,
44,
23,
36,
86,
50,
19,
68,
19,
74,
51,
2780,
28747,
23,
37,
912,
75,
34458,
33,
4851,
38,
37686,
21,
86,
27034,
16,
49,
48,
40,
80,
44,
85,
23,
12261,
1503,
4743,
45,
20,
87,
73,
9099,
39,
10,
17,
46,
76,
71,
85,
21217,
49,
1383,
36,
18,
198,
19,
38,
721,
544,
13252,
72,
672,
10,
22,
70,
9374,
51,
1795,
42,
1546,
22,
55,
38,
23,
77,
47,
74,
56,
35660,
45,
29992,
10128,
18,
73,
54,
79,
52,
86,
14795,
56,
51,
48,
53,
71,
23,
72,
21,
5258,
54,
53,
89,
2713,
67,
52,
88,
19313,
32812,
86,
39,
891,
44,
22,
14,
37,
88,
198,
82,
5842,
35,
48,
18690,
38576,
10744,
32179,
23,
66,
86,
25690,
3824,
34,
79,
52,
7278,
40492,
52,
85,
55,
74,
14,
88,
45,
66,
49215,
83,
17457,
8634,
49,
8482,
49079,
18,
77,
55,
20,
89,
57,
5944,
32178,
44,
1485,
54,
79,
89,
31212,
1129,
77,
17,
38162,
84,
47,
10,
3553,
198,
14,
21,
77,
33,
19,
10,
53,
3682,
66,
268,
49,
41,
55,
20,
38,
79,
86,
14761,
2736,
52,
306,
57,
26531,
46456,
28425,
56,
43490,
48,
36,
20,
54,
43,
66,
20,
77,
23,
84,
47,
817,
4503,
48,
89,
18,
17250,
57,
49,
73,
22,
8199,
17,
4090,
41,
33901,
499,
74,
41,
39,
76,
36,
83,
198,
40,
33967,
844,
88,
22,
38,
48,
72,
38,
19,
87,
746,
22,
27734,
52,
10,
2662,
24,
35,
16,
33,
365,
6888,
20031,
54,
48,
48,
38,
10295,
312,
31897,
74,
14,
69,
2943,
24928,
48632,
15,
24160,
3104,
49,
85,
35,
48,
34586,
83,
20,
21373,
20,
50,
67,
5842,
46,
86,
1137,
198,
29161,
16,
32,
78,
8895,
89,
36,
48,
55,
3620,
52,
41,
21,
51,
77,
49,
80,
71,
38022,
23,
87,
80,
33,
912,
87,
18,
5606,
33,
42,
36484,
52,
68,
43,
18,
81,
36056,
73,
24,
66,
15,
72,
53,
56,
44175,
39870,
86,
14,
57,
17,
54,
23,
76,
21,
53,
2777,
80,
40,
65,
14,
18,
335,
85,
65,
198,
8903,
36,
23,
32754,
14,
22,
86,
57,
72,
15996,
53,
75,
23,
17602,
3069,
52,
78,
37882,
48,
35755,
71,
19,
8035,
21,
43,
39,
23,
67,
34,
68,
52,
57,
81,
55,
33484,
24,
84,
330,
22,
14,
18,
6581,
56,
85,
74,
50,
14870,
10,
43,
15,
7156,
1383,
38,
844,
42,
15,
35972,
45,
24,
198,
79,
36,
74,
45,
7407,
44817,
48055,
49,
66,
34,
5064,
75,
34,
20,
86,
19,
9598,
69,
32,
21,
33239,
7390,
37,
22,
42,
43,
71,
74,
25189,
4933,
74,
89,
40,
14,
86,
21,
17184,
23127,
69,
1350,
34,
76,
41275,
19,
48,
29132,
71,
6888,
24,
81,
16,
21116,
85,
18,
78,
15,
7707,
15751,
198,
79,
17,
70,
27159,
2518,
48,
16630,
54,
36222,
24,
82,
41,
23,
24187,
3134,
2943,
70,
21,
65,
20,
41,
89,
21,
47,
9310,
24,
39,
15,
55,
33907,
69,
44,
83,
52,
12832,
73,
55,
42801,
41,
20,
40,
68,
48,
78,
49,
24954,
52,
19279,
53,
12496,
44,
24,
4593,
49,
87,
346,
23,
85,
37,
198,
68,
55,
48632,
381,
2749,
42372,
429,
45,
42646,
4579,
36,
2154,
11215,
47,
14,
51,
30488,
75,
32,
17,
34,
89,
43,
7204,
35,
70,
48,
2043,
80,
42,
18,
48,
37371,
44,
57,
23,
42,
22182,
89,
39,
19,
75,
11901,
41,
24406,
56,
89,
80,
77,
4051,
74,
79,
10,
86,
42,
5631,
69,
198,
4177,
16993,
87,
10128,
54,
14304,
41,
74,
24,
34788,
46,
21,
66,
57,
1069,
85,
22,
35,
24,
87,
85,
46,
18798,
34,
80,
77,
46,
67,
56,
83,
45,
22,
50,
40291,
41,
20474,
10,
18,
46888,
86,
89,
30758,
16309,
12038,
73,
21,
66,
55,
34,
1453,
73,
2640,
24,
87,
4537,
36326,
73,
19,
198,
361,
297,
10206,
75,
57,
4531,
17,
36820,
82,
4908,
22,
38208,
74,
10,
21370,
3698,
73,
74,
45,
66,
15,
9328,
39,
82,
41,
9310,
56,
67,
54,
86,
8610,
2032,
66,
1018,
57,
66,
57,
21101,
23,
83,
979,
45,
16,
45,
81,
20,
3546,
86,
11401,
48,
76,
37,
16768,
41,
80,
67,
48,
198,
3483,
17213,
29767,
57,
67,
28404,
64,
39,
69,
89,
40,
74,
87,
20185,
84,
48,
79,
89,
57,
78,
16,
45,
15,
88,
48,
86,
19,
259,
47,
84,
37,
41,
54,
66,
56,
26903,
23041,
20,
76,
44,
9655,
44,
71,
10744,
80,
50,
15,
26830,
20,
74,
8763,
77,
51,
20471,
52,
22,
23548,
48802,
84,
1073,
198,
38,
74,
32,
24,
10,
85,
38022,
48397,
17,
40,
8051,
3539,
5832,
19,
7278,
55,
57,
18,
82,
482,
40,
15,
48,
54,
23,
56,
14,
55,
69,
53,
81,
17,
76,
47,
21,
54,
6724,
17,
45,
17,
34653,
25093,
25123,
14969,
44,
19,
49,
66,
22,
66,
56,
41,
75,
14,
25816,
2782,
70,
55,
10,
198,
87,
18,
80,
1135,
21095,
33186,
33,
988,
73,
36,
78,
40,
20,
36287,
34,
69,
7340,
3698,
88,
28033,
22,
82,
40,
86,
4090,
37,
21,
3046,
15,
70,
74,
41257,
69,
31980,
82,
18,
65,
5247,
47,
87,
6024,
69,
46,
48,
15,
1847,
78,
51,
535,
87,
323,
17,
12038,
21,
81,
89,
198,
2606,
22778,
52,
89,
40692,
76,
21,
55,
33,
39,
69,
14,
15,
14,
2736,
42,
21,
4792,
55,
21,
6413,
16,
64,
30195,
24,
71,
57,
56,
3705,
72,
48,
53,
818,
64,
18,
52,
84,
16,
54,
87,
70,
41,
16,
52,
17,
4106,
51,
89,
23,
844,
5097,
85,
41,
22,
29499,
1157,
46250,
36077,
14,
198,
20,
559,
16,
87,
38841,
86,
15,
72,
10082,
17,
89,
18,
43,
1314,
52,
4826,
9861,
25527,
86,
2390,
42,
89,
67,
27734,
80,
41,
83,
48,
83,
36,
23,
5883,
36222,
40842,
20,
76,
52,
86,
358,
80,
22,
45,
18,
67,
45,
75,
3398,
20,
81,
18015,
20,
71,
66,
38,
79,
57,
48,
85,
15,
71,
47,
198,
30758,
55,
57,
71,
70,
38,
2999,
87,
21016,
73,
53,
71,
17,
41,
48,
23,
57,
2516,
897,
80,
49,
21,
45579,
56,
76,
21,
13655,
34,
68,
40,
1477,
41,
73,
17,
85,
11909,
22,
17513,
33155,
50,
12397,
39,
36133,
57,
77,
5246,
36,
4743,
21211,
23,
13276,
20,
78,
2782,
19,
34970,
198,
36222,
3829,
77,
74,
55,
18,
65,
80,
35,
397,
24,
84,
50,
67,
29499,
5840,
70,
43,
73,
20114,
5097,
2898,
76,
35,
16,
57,
48,
54,
18,
746,
46,
18,
69,
85,
53,
14795,
46,
10,
330,
21,
6581,
84,
48,
56,
54,
87,
44,
71,
42,
52,
15,
1961,
80,
31522,
35,
24,
33155,
24,
8202,
70,
198,
44,
18,
358,
18274,
56,
48,
29499,
25404,
17,
54,
10,
15922,
535,
5064,
17,
53,
24,
52,
323,
13599,
6998,
49,
14,
41,
75,
45,
70,
47,
54,
4426,
34458,
50,
55,
88,
15548,
10,
16,
54,
86,
15,
64,
31159,
66,
8634,
56,
22,
27734,
265,
70,
4792,
41697,
16,
1819,
3070,
198,
4061,
21,
39,
17,
82,
541,
66,
80,
36,
69,
34,
66,
48397,
27250,
559,
43,
57,
78,
19,
53,
74,
18,
18351,
17184,
10,
75,
76,
14,
21,
18351,
16,
74,
34,
18,
30976,
70,
4090,
23,
72,
39,
13038,
10526,
400,
65,
86,
10,
30100,
86,
487,
88,
14242,
19503,
35,
15,
73,
89,
32,
198,
88,
1828,
52,
19,
23621,
72,
21,
80,
8322,
86,
46,
774,
16,
83,
2767,
36609,
35,
77,
10526,
35,
23,
4653,
56,
23,
3281,
76,
69,
38989,
68,
53,
13038,
19260,
74,
16,
42,
69,
14,
3123,
24,
87,
38,
34788,
23,
13038,
42,
37,
16,
72,
39,
79,
51,
16,
2188,
35,
21,
43,
55,
53,
76,
15,
198,
54,
9310,
89,
34,
23,
37,
69,
10,
53,
87,
70,
30758,
23,
74,
20,
6513,
9273,
14,
79,
50,
7708,
1137,
24767,
1581,
20,
6322,
24,
5097,
72,
10,
80,
27799,
39,
55,
25123,
1990,
73,
8610,
20,
74,
48,
70,
51,
65,
52,
22,
1199,
12114,
3901,
43812,
46,
84,
51,
74,
10,
89,
40,
17,
198,
48,
16,
10,
21062,
53,
19,
85,
19,
10,
23303,
50,
17027,
43,
55,
71,
16412,
35641,
2200,
1872,
3132,
17213,
2075,
10,
35,
10744,
4944,
19,
3281,
39,
1878,
19,
86,
3697,
14242,
23,
39,
19,
76,
51,
4880,
78,
589,
55,
69,
54,
48,
85,
19555,
74,
17885,
52,
80,
4743,
198,
16,
57,
13976,
73,
4177,
43,
65,
39,
4669,
24,
43,
57,
5064,
69,
44,
20,
43,
70,
20,
41,
48,
18683,
52,
14,
39,
75,
21,
81,
32274,
50,
23,
45,
20,
26314,
41,
10,
22117,
26059,
39764,
69,
80,
13331,
14,
4851,
2390,
77,
55,
88,
38,
86,
23,
1140,
19684,
47920,
49,
4349,
42422,
24,
198,
41,
85,
40,
56,
1503,
69,
3955,
21,
43832,
79,
8903,
18,
71,
8898,
53,
71,
57,
83,
10,
10080,
64,
40,
70,
22,
81,
17,
18833,
46,
41,
69,
20,
41,
8634,
56,
36802,
86,
33666,
48,
37000,
37,
1360,
66,
37048,
80,
19,
76,
24,
40,
86,
16,
36,
41,
429,
20120,
22,
71,
54,
3483,
3629,
198,
39,
660,
24160,
10,
77,
42,
57,
66,
2606,
4093,
14,
72,
38,
11401,
73,
568,
15,
14529,
19,
89,
43,
14259,
81,
74,
50,
55,
24,
9892,
85,
89,
2898,
50,
55,
17,
403,
23,
67,
47338,
68,
42,
10,
34,
65,
89,
40291,
23,
72,
10526,
2189,
86,
6690,
19,
2782,
70,
4449,
198,
42,
37882,
21,
44,
85,
48,
34,
23,
303,
18831,
35,
19,
82,
19,
404,
15112,
16,
89,
45,
55,
75,
15,
51,
65,
45,
84,
17,
6489,
85,
5999,
10,
64,
19260,
89,
15,
34,
55,
76,
21,
68,
48,
24,
45,
31633,
55,
33,
86,
73,
52,
22,
48,
2616,
38,
48,
36,
13909,
259,
21870,
73,
1026,
24,
50,
198,
34,
10917,
17,
57,
87,
75,
2481,
23548,
76,
48,
2996,
388,
39,
87,
14,
571,
6732,
45,
71,
22117,
73,
48,
82,
18458,
82,
20,
48,
23428,
3727,
57,
7670,
3535,
49,
52,
48,
10,
89,
83,
7397,
36077,
55,
19,
5431,
69,
21,
14,
84,
1899,
40,
2246,
52,
11380,
74,
48,
70,
198,
48,
40989,
54,
88,
36540,
43,
23,
489,
86,
2937,
15,
64,
24,
42,
80,
66,
35,
36362,
87,
73,
14,
8310,
2202,
14,
21,
68,
17,
67,
24,
35,
20942,
54,
85,
35,
10,
66,
40,
23,
69,
47,
53,
17513,
33,
79,
39,
29499,
21,
335,
83,
19684,
66,
19,
43,
75,
10744,
85,
2528,
8642,
16458,
198,
41,
17250,
21,
49578,
51,
22,
14,
9419,
22,
6780,
7012,
45766,
1229,
41,
37,
15,
76,
42,
85,
89,
67,
70,
19,
74,
15,
85,
14,
76,
57,
23,
74,
14,
45,
5064,
72,
55,
40,
1219,
19,
44,
89,
2934,
10,
73,
2645,
53,
23,
86,
48,
19,
35,
36820,
343,
15,
43,
82,
48,
40842,
25596,
52,
22,
198,
2075,
86,
42668,
23266,
15,
39,
41,
72,
5760,
73,
3528,
81,
34,
80,
35543,
27605,
47468,
67,
70,
18,
46,
86,
55,
14,
41,
57,
79,
86,
41257,
16692,
41,
9742,
50,
80,
22348,
43894,
40,
74,
43,
80,
71,
14751,
80,
30098,
42413,
11380,
21101,
41,
86,
40,
70,
22328,
10,
40291,
23303,
198,
89,
70,
10,
82,
16,
73,
5066,
87,
14,
69,
85,
14,
20,
68,
3980,
2969,
88,
2780,
65,
46,
41,
18,
83,
47,
18,
2767,
84,
40,
78,
19,
85,
45,
9711,
65,
15,
71,
48,
19238,
34985,
53,
20,
68,
5303,
33,
33018,
37,
48,
3824,
81,
54,
89,
22184,
17,
68,
25527,
89,
48,
891,
2127,
6322,
198,
57,
10262,
20,
20402,
43538,
20,
35904,
23286,
21,
40,
24,
33,
66,
86,
38,
8135,
7407,
42,
70,
36,
20,
76,
16,
39,
53,
65,
541,
48,
82,
2926,
54,
20,
56,
1503,
73,
21,
13599,
72,
11571,
75,
80,
10,
89,
55,
42144,
54,
48232,
86,
27705,
54,
57,
23,
87,
15,
65,
23,
80,
73,
56,
672,
198,
86,
5036,
3980,
21116,
10,
21101,
20114,
15,
86,
46888,
1443,
80,
74,
43221,
79,
16601,
54,
18690,
19,
70,
53,
343,
87,
22,
48587,
69,
1416,
70,
897,
70,
463,
14,
82,
15,
49,
23,
55,
377,
14,
20,
76,
17,
4805,
80,
22,
34,
56,
10,
16,
81,
361,
73,
50,
89,
36609,
9908,
198,
17,
65,
87,
48,
34,
20,
5805,
17,
42,
43,
39,
18,
74,
10,
50,
87,
23,
675,
17,
41,
1228,
77,
17,
721,
19,
14,
306,
24,
42,
22,
76,
17,
42012,
53,
17,
66,
80,
39,
87,
80,
43,
48,
22,
47,
73,
21,
12889,
55,
79,
23,
42372,
41,
9273,
55,
57,
20475,
81,
55,
40,
24,
74,
55,
14,
40,
11110,
198,
39,
13415,
47,
22,
72,
24,
14,
80,
88,
23,
34,
5574,
74,
38,
8416,
519,
34,
70,
18,
52,
5247,
39,
21,
52,
42598,
5431,
85,
1003,
33,
22,
57,
72,
32,
41,
1273,
72,
39,
52,
80,
40533,
20,
41,
75,
24,
79,
74,
48,
2780,
3185,
4029,
15972,
71,
5105,
42,
67,
20,
50,
16,
39,
7568,
198,
16,
87,
41345,
21599,
43,
81,
80,
88,
32178,
83,
1954,
2385,
36,
18,
17887,
42,
20,
49,
81,
43,
528,
48,
48,
36,
65,
56,
65,
10,
66,
17,
82,
41733,
47,
89,
41,
17,
68,
34,
55,
27799,
48,
70,
85,
57,
23,
77,
71,
33,
1659,
15,
76,
45,
7501,
41,
57,
44,
15,
43,
70,
325,
34,
89,
85,
198,
8264,
48,
78,
44,
6217,
66,
86,
14,
28861,
48,
70,
14,
40,
25527,
1050,
20,
84,
80,
24767,
17885,
65,
10,
16,
5189,
20,
544,
742,
65,
25189,
25095,
79,
42,
4914,
2670,
54,
1671,
70,
535,
5760,
15,
14,
19,
89,
15,
87,
46,
68,
17584,
17887,
54,
16,
34,
76,
46,
12496,
198,
48,
1026,
75,
50,
55,
41,
55,
87,
75,
56,
44,
70,
6489,
489,
7501,
23,
69,
55,
76,
45,
55,
87,
9310,
23,
66,
15,
55,
10,
88,
46,
48,
16,
35,
52,
57,
5332,
3559,
67,
86,
7109,
28404,
87,
19,
10,
42,
65,
24,
43,
70,
22,
20362,
2767,
42372,
42955,
5824,
66,
54,
25214,
74,
80,
198,
5324,
10,
33901,
18,
18831,
3697,
18,
42,
57,
85,
5162,
39,
979,
4792,
43,
17,
71,
47,
14,
32994,
85,
65,
42,
41,
21,
81,
3483,
16,
10,
84,
23,
50165,
10652,
44,
70,
15,
36,
3978,
67,
20057,
36,
70,
9864,
72,
36,
48,
16184,
73,
70,
43,
8579,
77,
50,
6561,
69,
41,
198,
28241,
10,
74,
42,
35,
2724,
51,
18,
3886,
71,
66,
31751,
64,
54,
301,
84,
46,
945,
89,
54,
41098,
57,
73,
48,
89,
5837,
66,
46,
263,
50,
918,
44,
14,
17034,
48,
15702,
6024,
21,
69,
36,
24,
87,
23,
49,
5948,
23,
48,
4579,
3901,
43243,
18504,
2662,
37,
198,
32642,
55,
85,
77,
1731,
14,
45,
84,
5840,
73,
38,
16,
79,
44,
365,
38,
83,
37280,
85,
9711,
2623,
55,
88,
17,
56,
70,
19499,
75,
36,
41,
5064,
10910,
55,
20,
18690,
50,
80,
15418,
23,
48,
8610,
56,
67,
54,
14,
83,
4846,
22318,
23,
7378,
18,
43,
4535,
85,
80,
37,
10,
198,
1065,
89,
48232,
76,
15,
37,
85,
4528,
20519,
50229,
80,
7745,
37,
14396,
3843,
35,
57,
48,
31197,
7639,
15,
39,
24160,
52,
16,
31197,
24,
85,
56,
55,
10,
21,
82,
56,
71,
55,
22,
21999,
73,
86,
51,
18,
89,
19,
316,
23264,
73,
49,
41,
80,
77,
45,
10277,
3697,
74,
10426,
1722,
198,
3698,
43538,
15,
3539,
79,
86,
9527,
76,
52,
87,
23127,
84,
17,
87,
2188,
56,
8642,
55,
40,
18,
82,
41257,
34278,
89,
48,
49800,
22,
499,
4449,
80,
8642,
53,
4944,
18,
71,
2231,
13940,
56,
38374,
2417,
36,
70,
48192,
46265,
34,
48,
12038,
70,
21,
4029,
47,
54,
83,
48,
198,
43421,
18,
42012,
73,
41,
15,
646,
53,
87,
18,
6849,
37,
2998,
64,
15,
83,
14,
45,
14,
11909,
38,
45455,
73,
52,
56,
10744,
20,
260,
21211,
57,
18,
88,
18,
85,
36,
41275,
56,
71,
12261,
1415,
50,
952,
47,
2920,
65,
17947,
40,
64,
36,
40,
86,
37,
86,
39,
3132,
75,
57,
46,
198,
42801,
21,
55,
83,
48,
20,
78,
53,
22,
4948,
11584,
87,
39,
862,
42,
14,
4880,
48,
82,
14,
85,
33901,
16,
44,
24,
78,
32,
16,
75,
48632,
429,
17,
54,
10,
5631,
16,
73,
51,
9711,
52,
4246,
43,
75,
33,
70,
21211,
6968,
16,
75,
2231,
87,
23,
46,
14,
64,
22,
11401,
22,
2963,
198,
10,
38,
89,
53,
57,
6052,
39,
80,
18,
71,
80,
67,
6052,
14,
84,
48,
81,
19,
85,
2043,
24,
538,
18,
4743,
15739,
16,
50,
70,
1228,
14,
80,
74,
39,
4663,
20,
88,
41,
3629,
77,
2601,
6469,
80,
56,
69,
21,
43,
32754,
48624,
23,
74,
10426,
27827,
23,
44,
80,
81,
54,
4178,
42,
198,
54,
56,
421,
37,
78,
57,
50,
36484,
38,
15,
18878,
48,
66,
1899,
13807,
41,
9865,
78,
2885,
34,
67,
5162,
78,
36,
73,
44,
2704,
5812,
37,
86,
20,
66,
43833,
33,
39,
258,
71,
37,
349,
11879,
52,
1031,
69,
74,
15,
6144,
2507,
89,
44,
76,
17,
41,
27624,
19,
36,
14,
198,
68,
17,
86,
38,
5705,
14795,
35,
48,
36,
21,
65,
40,
56,
17,
70,
17,
41,
15,
41,
51,
6968,
82,
24,
72,
8896,
34970,
20,
76,
17,
53,
80,
79,
51,
20,
66,
19555,
55,
69,
15,
64,
2920,
76,
8845,
66,
35,
6659,
44179,
18,
45,
22,
41,
73,
80,
73,
19,
34,
19,
48,
68,
21,
75,
39,
21,
5431,
73,
198,
2816,
42,
83,
43,
28900,
24,
64,
38652,
9693,
19,
76,
85,
57,
73,
34653,
44,
80,
10,
18,
75,
19416,
23,
36905,
20,
29132,
5036,
2390,
41133,
17,
57,
19,
47,
16,
85,
21855,
10,
76,
14,
34106,
50,
55,
49,
73,
44175,
10,
24,
89,
40,
22,
10,
81,
17,
82,
48274,
53,
421,
16,
1228,
198,
84,
20474,
54,
56,
24,
74,
2231,
80,
45,
4029,
50,
8896,
17,
9864,
86,
32,
73,
36928,
519,
36,
68,
17,
47,
413,
38,
16,
37,
74,
3388,
47,
21,
88,
50110,
52,
70,
42,
75,
43,
47858,
6561,
15,
10,
11296,
16,
46,
1925,
49,
80,
70,
10,
51,
41,
20,
40,
64,
5258,
35,
52,
66,
52,
198,
53,
10227,
48,
41,
5653,
49,
2724,
37,
24723,
42,
79,
49,
55,
76,
80,
18,
80,
38,
57,
24187,
1383,
56,
16635,
41133,
18429,
26946,
84,
44550,
82,
51,
69,
39,
87,
84,
80,
16,
40,
15,
2188,
10,
14,
10872,
73,
44,
15,
40,
78,
56,
46,
18,
41,
29551,
34431,
52,
48,
55,
54,
40842,
198,
36,
48,
48510,
79,
54,
21,
75,
16,
33,
69,
37371,
69,
50,
55,
54,
14,
9693,
83,
10,
15922,
18,
35,
5812,
35,
69,
53,
57,
20,
40,
56,
49800,
53,
4531,
69,
56,
52,
16,
3351,
89,
43,
20304,
24,
32,
68,
46,
80,
32,
2149,
2200,
87,
55,
1820,
9711,
6080,
37,
17,
8896,
6500,
70,
87,
198,
80,
66,
36,
672,
37,
83,
47,
17,
86,
57,
39509,
57,
34,
16,
45006,
72,
22,
41596,
14,
76,
80,
56,
14,
81,
32304,
19,
75,
10,
85,
33,
85,
24,
87,
53,
43554,
36,
22,
43,
48,
41,
10,
12397,
35,
21768,
27799,
42,
79,
22,
73,
19,
41,
89,
2885,
65,
48,
67,
38,
66,
37,
10,
46,
64,
55,
87,
198,
1485,
15739,
87,
52,
5005,
34,
79,
32,
16,
40,
19080,
35,
36820,
71,
38,
42955,
57,
56,
81,
24187,
70,
86,
33,
37686,
41,
1383,
71,
1546,
7639,
5222,
74,
47,
3041,
40,
2782,
45,
52,
70,
38730,
23199,
70,
73,
50,
2606,
3972,
9861,
9908,
5333,
7204,
80,
18,
53,
198,
4352,
49215,
64,
36,
89,
20,
64,
35,
70,
10,
57,
23209,
24,
68,
33,
22,
39,
81,
2934,
17,
65,
30098,
14,
56,
23,
14,
15450,
19,
49506,
24,
38227,
73,
16,
65,
6359,
1961,
87,
34,
74,
907,
72,
14,
41561,
26830,
16,
54,
75,
24,
280,
80,
50,
41,
21,
41,
56,
38,
17184,
57,
32755,
198,
2154,
70,
57,
69,
2327,
89,
80,
22,
73,
22556,
10,
2725,
16,
57,
21,
85,
14,
15,
37,
77,
35,
335,
49,
70,
80,
23,
84,
37,
76,
14,
42,
53,
10,
56,
15,
70,
85,
333,
39,
41697,
89,
23,
43,
41,
45,
48,
35,
83,
15285,
78,
56,
33,
57,
75,
57,
39,
31294,
47,
40291,
55,
1129,
46,
48,
80,
76,
198,
67,
9148,
82,
34,
74,
46,
64,
35,
4743,
22,
69,
21,
315,
20306,
34153,
732,
37,
87,
41,
18,
87,
89,
270,
16458,
41,
16,
87,
85,
22,
7501,
23,
86,
57,
20,
48,
25527,
85,
80,
3163,
2704,
25690,
519,
76,
47,
66,
20,
2601,
40,
84,
36,
22,
11230,
66,
40603,
14,
26705,
1581,
198,
55,
24,
494,
36227,
57,
17,
79,
15039,
75,
19,
6592,
16,
5222,
19,
70,
11770,
23,
7206,
1558,
66,
49,
87,
41074,
30098,
38227,
56,
41,
70,
44,
8051,
70,
325,
84,
52,
24954,
87,
71,
38,
74,
69,
42,
4449,
76,
4851,
45,
17,
87,
20805,
9139,
57,
48743,
83,
21,
41,
71,
56,
198,
34,
41,
36,
68,
55,
66,
35,
76,
48,
49,
23,
83,
54,
48,
25095,
20,
82,
37,
89,
33,
65,
3546,
86,
6513,
16,
42,
1031,
84,
51,
16,
14,
46888,
20474,
54,
7998,
52,
66,
1820,
12993,
891,
35,
20,
80,
57,
83,
21870,
9132,
34,
77,
33,
33884,
15,
15571,
86,
14,
85,
10,
76,
23,
10,
21,
50,
198,
42,
21,
41,
55,
76,
36133,
56,
88,
22,
48,
18,
14,
53,
48,
55,
10,
14,
23,
10,
47,
10,
21,
10,
5431,
35,
2919,
31273,
22,
88,
32,
18,
69,
1326,
34,
22,
6024,
10744,
56,
16,
38,
13155,
21,
74,
979,
45113,
18,
721,
22,
6535,
9792,
54,
83,
80,
14415,
50,
33340,
86,
47,
421,
198,
5662,
56,
65,
43,
73,
50,
69,
18,
3281,
23,
48,
14981,
65,
9132,
71,
48,
15,
47,
55,
20519,
84,
55,
46,
15,
12298,
35389,
10,
87,
57,
48735,
49,
8326,
24,
48,
75,
74,
56,
39,
48926,
25994,
6732,
6780,
89,
5777,
15,
76,
49,
86,
39,
38,
86,
41,
16635,
38,
24,
87,
672,
23,
89,
198,
56,
10,
38,
32457,
81,
45,
49506,
89,
66,
39,
83,
21414,
6144,
36,
41,
70,
18,
8579,
76,
37,
19,
35,
20,
70,
42,
14326,
87,
49,
77,
17,
12562,
52,
57,
19,
39213,
15,
71,
18,
86,
344,
8141,
70,
32,
20362,
22495,
23,
73,
74,
34,
23,
70,
52,
14922,
53,
79,
34,
2149,
10913,
22,
66,
198,
1199,
52,
16,
87,
19,
38,
23047,
15,
49,
746,
84,
39,
71,
21870,
709,
42,
21,
42,
22,
57,
13599,
69,
51,
2022,
67,
16748,
36905,
77,
32,
23,
17231,
38432,
18,
40,
56,
463,
53,
14,
17896,
14,
82,
73,
10,
2937,
45,
20040,
20,
15916,
17513,
46265,
73,
55,
57,
23,
55,
66,
80,
198,
33,
1495,
39213,
22,
9711,
20,
7407,
79,
21638,
15,
80,
33,
76,
50,
57,
20942,
73,
39,
80,
73,
36,
24,
32,
24,
81,
24,
80,
1485,
38,
16,
87,
24,
57,
23,
43,
3365,
55,
16,
53,
23,
14,
5189,
324,
40,
88,
19,
18351,
86,
4449,
18,
9328,
17,
48,
568,
7399,
74,
53,
56,
5080,
48,
198,
80,
24723,
73,
24,
14,
67,
34,
41,
48,
75,
33666,
71,
2953,
7707,
39,
15,
75,
24,
11319,
83,
42,
1961,
40,
21,
47,
53,
1003,
20760,
40,
24,
45,
73,
85,
38586,
22,
45,
24,
68,
707,
79,
19,
73,
429,
55,
746,
51,
67,
6888,
56,
2213,
48,
71,
70,
14,
2414,
85,
296,
20,
24723,
198,
10,
36,
46428,
74,
37,
89,
53,
57,
81,
43,
65,
41,
71,
85,
74,
24,
50,
69,
80,
54,
80,
54,
4914,
15,
14,
45,
24831,
20,
80,
48,
88,
24831,
12261,
69,
80,
20,
79,
16,
57,
15,
47,
14,
11215,
56,
303,
15,
17511,
3510,
34,
74,
4561,
13137,
57,
14990,
70,
13752,
16,
56,
19,
87,
80,
2385,
198,
57,
79,
15,
70,
22,
79,
14636,
27912,
39,
16,
43,
4760,
13155,
33704,
19,
33,
24,
32,
48,
15571,
32765,
80,
16,
83,
15821,
55,
88,
13976,
675,
16,
50,
24,
84,
37,
9655,
85,
89,
15,
2025,
1477,
66,
86,
48,
82,
46,
8051,
79,
5662,
56,
33,
12162,
39,
73,
32,
10,
22,
64,
45,
74,
198,
1129,
33,
57,
44,
80,
39,
65,
38,
85,
50,
8322,
83,
46,
72,
52,
1373,
43,
8590,
6015,
16,
72,
17,
53,
53,
71,
35,
15,
67,
2394,
862,
69,
74,
23,
56,
49506,
32457,
52,
84,
41074,
67,
70,
50,
69,
10,
74,
22764,
74,
49215,
54,
57,
782,
69,
21283,
25621,
16,
78,
23,
80,
44802,
198,
4352,
21,
83,
32,
988,
43,
15,
23852,
68,
15,
72,
53,
19,
79,
1031,
79,
53,
67,
14,
57,
559,
21,
65,
26531,
1581,
85,
20,
84,
45,
69,
73,
1268,
19,
44,
37659,
1961,
84,
43,
71,
45,
74,
54,
8051,
10,
78,
38,
14542,
41,
88,
42,
74,
51,
37280,
20,
75,
47,
56,
14,
46,
76,
41,
19,
70,
198,
74,
23,
56,
5222,
2736,
11401,
12114,
66,
57,
77,
50,
19,
64,
24,
83,
80,
76,
2202,
20,
83,
1983,
10872,
20,
49,
83,
21,
20306,
54,
57,
79,
89,
69,
17,
9139,
4834,
18,
40,
68,
19,
43,
70,
85,
22,
77,
52,
78,
14,
17,
28413,
71,
10,
6173,
83,
5603,
36,
2920,
86,
23,
40,
10,
37,
198,
70,
74,
46,
73,
39,
38,
46803,
86,
15,
40,
70,
44,
15112,
2091,
83,
57,
20402,
46,
23,
67,
7378,
86,
1350,
70,
86,
47,
80,
22,
79,
15,
71,
45,
74,
12096,
42,
23,
49,
23127,
24,
30386,
41,
43395,
56,
42,
39,
71,
70,
51,
18694,
844,
22348,
22182,
57,
17,
2937,
73,
70,
33906,
44802,
198,
17,
55,
1929,
73,
57,
64,
9148,
83,
34523,
7250,
89,
3620,
33767,
38,
80,
14542,
89,
42,
11473,
55,
74,
5211,
344,
4908,
78,
18690,
44,
1546,
67,
42,
43,
57,
44,
17,
70,
42801,
44,
19,
39,
18694,
49,
74,
40,
19,
2127,
48,
86,
36,
36222,
21,
70,
42,
20,
25690,
72,
34,
42,
198,
46,
20185,
4309,
34,
70,
52,
15,
35,
48,
45,
77,
74,
21,
43,
4914,
15,
67,
42,
22,
1416,
55,
82,
33,
71,
54,
16,
4561,
65,
7998,
306,
45,
26055,
21,
26314,
16,
87,
22510,
70,
18,
47,
15112,
14542,
57,
49,
42,
23,
85,
80,
78,
10008,
53,
52,
377,
44,
83,
21,
68,
57,
75,
51,
198,
85,
37,
22,
88,
39,
81,
35,
79,
15,
67,
21,
29767,
65,
14,
27363,
80,
47,
1929,
87,
45,
263,
14,
89,
18,
83,
55,
42,
1120,
86,
51,
2396,
2606,
39,
57,
20471,
80,
66,
55,
14,
79,
17,
15739,
14,
1314,
14,
33,
79,
563,
46,
64,
50,
67,
25690,
20,
6849,
70,
15,
18015,
36,
48,
48,
49,
198,
17,
89,
56,
89,
22,
17602,
49,
42,
40939,
14,
276,
14,
35,
71,
16,
38,
69,
1120,
12496,
22,
20418,
24,
72,
24,
22184,
37,
15,
51,
57,
89,
36056,
35,
56,
10761,
9655,
2718,
940,
48,
55,
17,
89,
67,
4933,
20362,
21,
35,
48,
3792,
14887,
46,
43021,
56,
3070,
36077,
782,
52,
198,
2577,
88,
48232,
2078,
88,
24,
84,
20,
10,
88,
22,
1820,
48,
14,
1069,
80,
8671,
33191,
37,
80,
35,
57,
28349,
5431,
6888,
38,
33018,
57,
31298,
85,
86,
56,
41,
74,
6217,
57,
44,
16104,
76,
10,
43,
21,
73,
39,
8461,
22,
69,
28747,
55,
22,
297,
53,
80,
68,
57,
54,
83,
198,
43490,
22,
23442,
80,
78,
56,
76,
37,
80,
33707,
55,
57,
34,
74,
48,
40,
79,
57,
51,
22332,
37280,
22,
7378,
7745,
421,
41,
87,
20,
55,
48735,
56,
77,
40,
14246,
48510,
44526,
21,
42,
80,
20,
14246,
48,
71,
29499,
34049,
11682,
73,
70,
52,
70,
385,
48,
36,
48,
11473,
37,
15,
198,
48055,
44802,
33863,
87,
22,
45,
83,
34,
2999,
48,
4826,
15,
86,
24954,
37,
78,
39,
8202,
26236,
615,
81,
56,
11215,
83,
6052,
10246,
21,
47,
80,
3070,
87,
49,
20,
80,
40,
86,
55,
8205,
16,
75,
54,
80,
7836,
66,
87,
44,
65,
23,
73,
49,
34892,
1415,
79,
10,
20,
69,
3646,
53,
198,
86,
41,
69,
10,
36,
14246,
3698,
73,
69,
16,
55,
22,
3510,
26145,
18,
79,
74,
89,
47,
11380,
25306,
36,
21,
80,
15,
14326,
42,
23,
16635,
54,
86,
44,
15,
73,
76,
16,
38,
76,
41,
55,
85,
15,
57,
9501,
37,
53,
3629,
35,
48,
46,
303,
79,
16799,
34,
14981,
86,
55,
53,
84,
80,
10,
21,
198,
89,
3666,
52,
72,
56,
39,
13024,
49,
86,
19,
15285,
68,
15,
69,
14,
21,
457,
87,
462,
18,
14,
37,
6144,
21,
65,
41,
83,
55,
14,
76,
42,
79,
18690,
22,
76,
38,
27305,
24,
49,
24,
83,
14,
73,
74,
85,
35,
73,
24,
57,
15972,
79,
33,
74,
44,
6500,
71,
33,
80,
49,
74,
49,
57,
43,
48,
40,
198,
83,
56,
328,
19,
49,
6780,
57,
2043,
24,
57,
79,
14,
71,
85,
42,
43,
55,
9414,
79,
55,
20,
10,
34,
15,
35660,
4339,
70,
10,
35,
56,
45607,
15418,
51,
322,
36484,
70,
45,
74,
52,
86,
48192,
76,
80,
77,
56,
73,
42421,
85,
20,
2246,
457,
3546,
10,
24,
265,
49,
65,
38,
23,
39,
198,
15,
51,
52,
19,
78,
56,
46,
746,
3118,
44,
73,
40,
17,
71,
44,
926,
48,
45,
15,
10,
18,
79,
38,
42,
38,
30758,
69,
36,
84,
9598,
16,
27624,
53,
10872,
20,
57,
81,
50,
57,
2724,
43,
14887,
72,
50,
87,
10161,
19,
14,
9414,
37,
4825,
35,
86,
54,
897,
33,
73,
46,
48,
8461,
22,
70,
198,
34,
27605,
69,
33901,
87,
2538,
74,
49,
67,
46987,
49,
53,
17,
72,
56,
8220,
1899,
71,
87,
17,
1797,
85,
38208,
78,
47,
10,
75,
53,
24,
55,
10,
18654,
3046,
79,
48,
70,
10,
84,
35,
20,
83,
43,
17,
83,
22932,
88,
2327,
70,
74,
43021,
41,
1677,
54,
23,
33,
948,
38989,
16,
198,
5303,
88,
2682,
69,
13976,
35,
38841,
1120,
53,
2238,
55,
69,
85,
51,
1453,
45,
25093,
16,
65,
87,
47,
18,
70,
3023,
32,
14,
41,
77,
17,
10,
88,
19,
80,
26009,
82,
87,
19,
87,
46456,
15,
78,
10,
24,
79,
2662,
79,
24,
71,
4851,
36,
14,
16,
48,
69,
6098,
70,
22182,
16,
48,
49,
10,
198,
21,
67,
22182,
38227,
81,
49800,
53,
15,
57,
85,
39,
16,
73,
33,
10,
56,
4449,
74,
87,
18,
35,
5907,
11571,
35,
18,
321,
66,
14,
18,
34892,
18,
14,
17,
38,
57,
18,
56,
53,
55,
57,
67,
14,
76,
10,
50,
5036,
51,
52,
45758,
48,
64,
37,
71,
48,
48,
79,
37,
22556,
36,
26377,
23820,
48,
198,
56,
89,
51,
5631,
23852,
40692,
22,
10,
21,
36,
2724,
69,
55,
64,
2998,
83,
14,
65,
57,
47,
73,
81,
3695,
1219,
21,
43,
23,
13599,
2548,
51,
12473,
10,
44,
19,
20942,
48,
40728,
12261,
320,
88,
52,
469,
56,
57,
48,
436,
64,
33,
49044,
35,
87,
56,
20,
54,
67,
37,
2231,
198,
72,
41275,
87,
35,
89,
67,
86,
12740,
486,
70,
11215,
2200,
57,
49,
77,
56,
16,
38,
14,
64,
48,
38,
79,
4221,
43,
18,
57,
1404,
15199,
34350,
21,
81,
16748,
17034,
84,
55,
49,
15,
8326,
2394,
34,
19,
43,
2931,
34,
70,
13599,
15,
67,
85,
51,
15,
78,
35,
87,
14,
38,
74,
324,
17,
198,
48,
24,
68,
57,
9139,
69,
8896,
36,
3980,
47,
54,
19,
76,
18,
12861,
74,
47,
10782,
49,
344,
72,
38,
1030,
79,
541,
66,
46,
10,
53,
45,
67,
41,
73,
35,
73,
24187,
25297,
20,
85,
14,
87,
38,
2213,
5760,
48005,
46,
7399,
66,
48,
85,
43,
10,
53,
77,
37,
85,
32,
17,
83,
48,
89,
198,
16,
83,
55,
26314,
68,
43538,
56,
73,
893,
69,
50,
21,
40,
2780,
44071,
66,
4965,
70,
37000,
41,
80,
10,
14,
6239,
32,
46,
22,
303,
73,
49,
2718,
52,
8610,
19,
44179,
1558,
32178,
37,
571,
40,
993,
40,
20,
75,
23,
73,
77,
53,
87,
48,
17,
23852,
22,
1581,
81,
33,
198,
51,
4304,
10,
85,
40,
54,
88,
49,
10,
51,
10,
952,
35,
85,
87,
70,
87,
15,
78,
15,
78,
49,
21870,
88,
44,
89,
55,
78,
56,
69,
18,
57,
343,
69,
34,
72,
47,
22,
87,
16,
82,
21,
31667,
19,
42,
38819,
39,
70,
35,
87,
21,
64,
24,
39,
19,
43,
87,
55,
15,
76,
57,
49,
12161,
17,
31522,
14050,
198,
19,
48,
17887,
43,
79,
42955,
34458,
56,
6098,
330,
49,
16960,
10,
40914,
14,
51,
9501,
67,
37,
20895,
42,
23,
85,
34,
89,
42,
86,
7902,
67,
30195,
40939,
38,
41,
77,
35,
2598,
45006,
3528,
72,
36287,
31212,
32,
7340,
50007,
15,
33,
77,
13599,
65,
32,
15,
56,
38,
5812,
39,
198,
64,
4089,
80,
74,
20120,
41,
7556,
52,
68,
10,
14,
66,
10,
72,
57,
77,
87,
38,
48,
48,
88,
86,
22,
31235,
4908,
20,
79,
38584,
24,
82,
49,
5246,
20362,
65,
80,
42,
54,
30976,
17,
36,
42,
54,
3727,
22504,
37,
3698,
47,
3041,
48,
37,
15,
23286,
33,
746,
73,
89,
5883,
53,
84,
198,
34653,
28861,
73,
88,
54,
10782,
52,
13909,
66,
17,
87,
74,
56,
270,
9148,
33,
16601,
9328,
65,
32178,
2857,
46,
89,
86,
2425,
84,
42,
18,
26903,
41,
15,
35,
69,
461,
47,
77,
87,
70,
41,
73,
57,
87,
49,
1003,
54,
57,
88,
47,
84,
48743,
20,
86,
22,
8471,
23349,
48,
51,
48,
198,
35904,
32,
3695,
75,
49,
4310,
53,
48005,
19,
78,
52,
18,
37,
49345,
32,
4029,
48,
39,
82,
41,
18694,
25011,
50,
55,
46899,
57,
23,
87,
84,
34,
48,
69,
85,
23,
41791,
35,
10,
73,
74,
15766,
11994,
52,
69,
57,
80,
38,
80,
28747,
40291,
37845,
24,
78,
18,
37,
23,
57,
52,
48,
44,
198,
5173,
1532,
50,
20,
71,
34,
42,
23,
75,
33,
24,
1219,
25492,
52,
70,
17,
57,
56,
33,
80,
37,
36905,
53,
14,
47,
1273,
76,
89,
82,
10,
69,
33400,
53,
73,
774,
68,
22778,
69,
17,
33,
4089,
18,
81,
43,
57,
37,
14,
41,
57,
67,
463,
23,
55,
54,
89,
15,
38,
85,
87,
32,
72,
405,
71,
198,
44,
5188,
75,
16,
18504,
49,
48,
64,
53,
76,
14,
53,
80,
46,
19,
36,
10,
17,
79,
33,
85,
1199,
75,
19,
67,
24,
20867,
43421,
77,
2821,
40,
39,
73,
74,
18,
71,
45214,
46,
349,
70,
18690,
16632,
43538,
2246,
10,
56,
73,
22332,
80,
86,
46,
78,
45,
70,
10,
10134,
86,
20402,
198,
88,
5603,
20,
2949,
30758,
41,
2920,
70,
56,
46887,
16,
48,
10227,
313,
35,
83,
37,
3023,
57,
53,
22,
41,
23,
43,
19,
43,
77,
2969,
76,
50,
73,
65,
19,
45,
75,
21,
8642,
65,
89,
52,
15,
34278,
69,
85,
46,
41,
70,
20475,
16,
35028,
70,
4426,
17,
53,
53,
17,
64,
49,
5222,
72,
198,
79,
21,
39,
76,
30133,
66,
2949,
952,
21211,
70,
844,
4851,
17602,
69,
89,
86,
25527,
24,
72,
17,
469,
5760,
47,
79,
73,
86,
403,
22,
25093,
54,
84,
14,
45,
89,
67,
37,
23,
67,
14396,
33,
65,
13415,
24,
53,
55,
20,
75,
47,
469,
64,
52,
18519,
24,
30488,
39,
71,
20,
33,
76,
198,
80,
86,
8924,
10,
76,
17,
42,
39,
280,
78,
20,
1443,
7836,
55,
4880,
48274,
41,
17,
86,
48,
34,
34970,
891,
32,
313,
75,
23,
75,
5824,
10426,
35,
76,
54,
89,
32819,
10,
19,
66,
80,
52,
14,
672,
2425,
8873,
22,
53,
15,
76,
80,
271,
14990,
72,
16,
1677,
23,
35904,
73,
198,
15,
43,
17,
10,
23852,
85,
36,
17,
21768,
85,
32,
344,
52,
69,
74,
5247,
43,
48,
48361,
2816,
47,
77,
10,
24723,
79,
14969,
42,
73,
24723,
10,
68,
48,
18,
14,
81,
41,
22,
57,
74,
1003,
72,
5066,
26903,
84,
10,
23,
6500,
22,
381,
74,
39,
16,
80,
26059,
49,
24,
84,
45,
89,
76,
38,
198,
38,
10,
37,
24,
37,
48,
14,
44,
4535,
2584,
746,
48,
15630,
40,
88,
20,
10,
70,
22,
46,
83,
65,
10,
23,
89,
32886,
84,
18,
45,
19,
33,
83,
38,
14,
57,
71,
43,
18142,
4669,
45582,
16960,
69,
73,
87,
22,
36287,
37,
70,
45,
18,
10206,
88,
20120,
65,
53,
17,
48,
73,
76,
23820,
39386,
198,
15,
84,
34,
76,
24,
50,
70,
45,
24,
42,
70,
42,
742,
35,
87,
40,
56,
732,
47,
80,
57,
74,
6089,
56,
42,
82,
39,
12016,
16,
32,
15,
51,
79,
19,
35,
25374,
29228,
51,
66,
39170,
38,
89,
56,
26708,
31173,
54,
25297,
17,
11122,
19,
782,
487,
2934,
43538,
21,
2417,
22,
198,
83,
51,
41,
79,
13024,
57,
28425,
87,
18,
34,
4760,
38,
2213,
35,
88,
69,
89,
42,
79,
1065,
67,
48,
74,
80,
49,
732,
70,
16,
4093,
53,
55,
78,
10,
39,
74,
2514,
54,
16,
5662,
34350,
10,
57,
86,
14,
9328,
3069,
75,
17,
54,
89,
85,
10,
23,
48,
67,
35,
77,
87,
10,
1671,
85,
18,
38,
198,
80,
78,
40,
17,
85,
57,
86,
57,
36299,
6089,
9132,
17,
69,
40,
4933,
23,
40,
4107,
824,
57,
24,
43,
73,
39,
23047,
4669,
34,
1921,
73,
18,
21211,
82,
73,
37000,
49,
42,
8579,
33,
41,
18,
11122,
79,
4880,
76,
4531,
48,
24,
8310,
18,
75,
14,
85,
34,
69,
74,
51,
23,
80,
46,
198,
45,
591,
40,
22,
3109,
274,
89,
10,
44,
7340,
75,
86,
18,
45,
544,
17,
84,
32,
16768,
76,
20,
36222,
55,
6420,
3020,
8202,
88,
4805,
69,
18,
70,
10206,
21,
75,
44,
15,
18351,
1360,
2780,
83,
5892,
50,
380,
7414,
42,
81,
14,
11909,
2290,
51,
80,
10,
24,
79,
15,
80,
198,
24,
41098,
21,
43,
16,
81,
79,
19,
33,
3829,
42,
54,
23,
41150,
21,
55,
10,
21,
12562,
80,
42,
15,
26903,
40,
66,
24187,
86,
18,
41871,
48,
55,
34,
28404,
25011,
2188,
13137,
76,
24,
17179,
35,
38,
89,
5211,
48,
65,
33,
14,
74,
67,
17,
56,
10,
73,
29267,
87,
41,
71,
10,
4561,
198,
2348,
87,
52,
73,
71,
22495,
86,
5574,
33,
22184,
50,
82,
22,
86,
47,
55,
37845,
64,
11909,
7378,
40,
1795,
33907,
8068,
57,
3609,
73,
88,
1495,
41,
40,
71,
732,
68,
20,
6217,
20802,
83,
9132,
6144,
86,
56,
17,
65,
2937,
10,
12861,
41,
65,
80,
23,
37,
87,
8205,
33,
71,
198,
33,
10082,
84,
32,
73,
45,
4246,
66,
80,
74,
45006,
66,
50,
65,
24,
69,
4760,
43,
73,
45119,
18347,
16,
79,
42,
1415,
46,
89,
36227,
74,
43021,
46,
72,
57,
7568,
43,
69,
23264,
8135,
48,
66,
3483,
71,
70,
40,
18,
34,
80,
68,
47,
73,
41,
23209,
344,
69,
18,
81,
21,
69,
988,
54,
198,
24,
74,
34,
10,
80,
1340,
23,
65,
33666,
48,
86,
70,
10,
2188,
32,
5944,
5246,
36,
80,
15571,
40,
89,
29992,
55,
5606,
1433,
10526,
89,
5324,
34,
48,
3365,
43,
81,
1477,
57,
89,
16,
87,
5673,
89,
39,
67,
89,
27353,
24,
88,
37371,
23,
4372,
5097,
71,
38989,
14,
51,
15,
45,
198,
18,
73,
17896,
35,
2231,
81,
47,
53,
260,
16,
70,
74,
25527,
26236,
79,
33,
23,
34,
24,
67,
56,
10761,
44,
12805,
27326,
75,
12114,
45,
70,
74,
5439,
21886,
1443,
17,
48,
3695,
381,
361,
46569,
15,
45,
19,
14,
39,
16635,
14,
2032,
1899,
89,
31369,
18,
87,
41,
198,
64,
23,
88,
37,
66,
20402,
15,
81,
23852,
10426,
74,
22,
26224,
1031,
21999,
24,
28047,
5574,
5036,
15,
36,
69,
48,
2934,
52,
16,
11380,
42,
23266,
39,
69,
85,
4663,
8863,
15,
71,
32572,
10262,
89,
37,
41,
79,
52,
6535,
979,
4339,
22,
48,
1434,
65,
18,
57,
85,
55,
198,
34586,
9864,
15,
64,
2767,
17511,
22,
10,
32087,
80,
24954,
7501,
80,
8895,
528,
42,
35,
19,
75,
10,
5574,
15922,
14887,
49044,
6968,
21,
39,
1533,
67,
8264,
4792,
71,
80,
73,
46,
89,
7340,
18,
51,
1797,
5812,
23,
65,
44,
2953,
40,
660,
49,
24831,
34,
89,
86,
40,
198,
37,
67,
35,
74,
52,
16115,
55,
57,
53,
8642,
48,
79,
26059,
24723,
71,
66,
73,
88,
33,
73,
52,
17,
14181,
3697,
14751,
73,
346,
53,
87,
20,
52,
87,
56,
52,
85,
49,
675,
12096,
47,
67,
48,
80,
35,
70,
40692,
76,
53,
24,
86,
10246,
66,
33,
71,
16,
10008,
19279,
2969,
15,
45,
74,
66,
198,
43633,
24,
13597,
19,
67,
17,
9908,
48055,
3546,
7355,
44,
21,
55,
74,
85,
37,
67,
37,
70,
33,
41,
52,
32087,
3270,
10,
71,
70,
85,
2213,
54,
14,
24,
66,
17,
72,
3134,
10,
82,
10,
75,
8763,
25257,
81,
46047,
10,
77,
3023,
15039,
2396,
3865,
4792,
42,
22,
3843,
57,
198,
69,
14,
47503,
17,
67,
1477,
67,
54,
88,
34,
72,
2390,
3829,
74,
15,
2996,
42176,
84,
21,
15418,
69,
49,
86,
10,
51,
74,
87,
81,
52,
70,
44,
2164,
83,
16,
7355,
82,
21,
64,
2514,
12861,
19279,
46,
19,
10,
12096,
2724,
19,
10210,
33,
10,
85,
80,
15,
89,
46,
72,
19,
7456,
10227,
198,
5005,
47,
1485,
49,
81,
4310,
33,
1314,
79,
18,
73,
83,
73,
74,
21,
36,
34586,
85,
86,
15,
36,
70,
36392,
89,
2623,
47,
36392,
76,
487,
26830,
86,
34,
15,
38,
20,
74,
67,
42,
66,
41,
52,
80,
20,
67,
37,
16,
89,
52,
2127,
1581,
85,
25621,
17,
26708,
17,
85,
10,
66,
21447,
50,
198,
76,
53,
5673,
54,
46,
80,
50,
80,
50,
53,
55,
24,
36133,
54,
23621,
39568,
17947,
88,
10,
57,
291,
42,
79,
53,
56,
15,
13976,
6089,
56,
48,
73,
67,
28047,
33,
53,
2791,
71,
45,
17027,
39,
55,
53,
56,
30758,
824,
37,
24,
55,
19,
38,
57,
74,
55,
952,
57,
73,
489,
13210,
87,
57,
198,
48,
64,
15,
72,
52,
22164,
16601,
4090,
69,
37,
57,
38,
66,
2937,
49,
18,
48,
81,
19,
1228,
36326,
86,
44,
86,
66,
21,
77,
44,
4720,
85,
53,
48,
66,
19,
44,
41133,
34278,
21,
55,
80,
51,
7745,
3838,
52,
41,
48,
65,
16,
86,
39,
71,
44817,
52,
3913,
39,
45,
17,
48232,
74,
49,
14,
198,
76,
80,
37882,
15,
7285,
40,
19,
37,
15,
7355,
22,
17896,
54,
87,
44947,
41,
69,
73,
22556,
42189,
293,
80,
18,
38584,
18831,
48,
67,
6592,
45,
87,
29767,
1003,
37,
48,
17,
9501,
48,
72,
23,
2514,
48,
32572,
8895,
20,
14,
72,
2257,
14,
34,
55,
11380,
39758,
34,
74,
198,
89,
9945,
69,
18,
46456,
11848,
15,
88,
39,
1652,
7222,
48,
2075,
75,
14990,
83,
16,
1140,
57,
24,
77,
14,
73,
23,
76,
14,
40,
346,
15039,
42,
34369,
20,
85,
39,
66,
568,
88,
15,
89,
52,
31554,
20802,
73,
18015,
23,
615,
17,
64,
33,
19,
14,
83,
10,
694,
87,
81,
14,
15200,
198,
22,
56,
48,
31197,
55,
39,
8577,
3539,
39,
24,
1659,
21,
15285,
6052,
65,
10,
8903,
17,
6535,
24,
9792,
72,
54,
21,
82,
8905,
39,
3919,
38,
89,
10,
2998,
35,
76,
44816,
41,
36,
69,
73,
74,
400,
23,
71,
42,
2645,
1659,
46,
64,
43,
65,
34,
21,
54,
73,
36,
18,
26708,
39,
73,
198,
51,
89,
21,
1581,
72,
16,
8220,
21841,
70,
17,
23209,
16768,
71,
43,
1929,
55,
41,
57,
81,
48,
36,
24,
32,
4310,
56,
69,
40,
68,
22,
70,
22,
78,
32,
26576,
1921,
4261,
33,
15996,
16,
53,
56,
3109,
39,
67,
54,
26001,
14,
53,
21,
34,
89,
16501,
55,
10526,
21,
67,
49,
42,
76,
85,
198,
38,
19,
57,
83,
45766,
33,
23,
53,
52,
20,
48055,
12310,
22117,
28015,
29551,
83,
18,
33,
10,
4535,
32812,
33,
16,
34049,
48,
28861,
45,
3351,
87,
33,
71,
22,
9936,
15,
57,
52,
8141,
42,
17896,
56,
87,
47,
3666,
55,
46888,
76,
56,
2926,
41,
55,
5631,
10,
16,
381,
45119,
22,
198,
77,
18,
5105,
57,
67,
23,
88,
73,
15,
68,
33,
36077,
82,
36,
16692,
15,
14,
1899,
52,
78,
16632,
41,
979,
80,
26903,
5446,
19499,
2857,
74,
2425,
32,
41,
18,
57,
72,
42,
43,
21,
2777,
5907,
14,
9655,
82,
45,
75,
19,
85,
50,
5222,
42,
411,
4339,
33,
41,
824,
89,
10,
198,
988,
75,
14,
79,
33,
42,
23264,
15,
14,
55,
1383,
10,
77,
43894,
20,
9711,
70,
2662,
52,
18564,
82,
40,
87,
20,
8579,
4663,
78,
15199,
86,
43,
8859,
42372,
43,
80,
68,
24,
87,
3553,
77,
17,
74,
397,
69,
2396,
72,
10,
40,
68,
3398,
73,
17,
74,
41,
10,
42,
8697,
2188,
52,
198,
18564,
88,
14,
71,
34,
11473,
4805,
34,
56,
42,
70,
69,
35543,
38989,
69,
55,
81,
16,
77,
14,
81,
28011,
44,
89,
48,
85,
22,
48,
42,
39,
22,
33239,
15,
51,
18,
69,
14,
46,
41697,
6780,
3913,
17,
89,
69,
57,
22328,
2078,
39,
70,
24,
4805,
50007,
14,
18,
84,
24,
70,
701,
21,
35,
198,
77,
12310,
48,
21370,
81,
49,
19,
35,
2246,
78,
39,
8671,
47,
22,
43,
24,
85,
1872,
20,
29507,
56,
4089,
328,
54,
4426,
84,
86,
405,
48802,
22,
79,
37,
22,
35660,
10910,
42,
53,
69,
21,
55,
13210,
3838,
24,
57,
83,
38,
23,
51,
13655,
80,
17,
80,
48,
83,
38,
1140,
51,
17,
75,
198,
23940,
18,
33,
4372,
56,
26152,
18,
86,
5246,
54,
83,
21,
56,
64,
48,
82,
33,
42,
19,
55,
53,
89,
70,
40,
2389,
37,
76,
17,
50,
20475,
57,
2417,
86,
37,
2417,
40,
23,
39,
75,
74,
34,
77,
25425,
71,
30098,
11682,
66,
20,
88,
39,
87,
43,
54,
24,
39,
21,
7222,
2154,
73,
70,
17,
33863,
198,
31212,
79,
54,
10761,
44,
14969,
73,
48,
81,
23,
43,
18504,
21,
282,
38,
8924,
52,
48,
66,
41,
88,
48,
28435,
16,
80,
10,
270,
33,
73,
48,
45,
22,
38,
70,
37,
17,
57,
34,
77,
22764,
82,
45,
23,
23852,
42,
38,
10,
3913,
65,
85,
38,
2959,
13276,
40,
78,
41,
2436,
42,
10782,
4521,
198,
80,
10,
80,
23,
44580,
4561,
3955,
77,
4146,
77,
6239,
6024,
74,
87,
24,
24831,
397,
10,
14,
45,
74,
28875,
47,
89,
81,
80,
65,
20,
88,
40,
79,
19,
81,
11190,
73,
74,
32,
21,
89,
14326,
16,
28435,
54,
13599,
24,
36,
42,
38,
48,
82,
57,
38,
15,
67,
322,
85,
10,
11401,
42,
69,
198,
940,
25596,
49136,
40,
18,
81,
2713,
37,
34583,
53,
19,
89,
21841,
36,
78,
35,
73,
74,
66,
35,
87,
49800,
48,
11571,
41,
80,
3351,
4535,
74,
15739,
15,
82,
16,
66,
54,
2091,
73,
36599,
1731,
46,
22,
77,
19,
6098,
36056,
17,
68,
14,
85,
48,
45669,
69,
14990,
26979,
18,
198,
70,
25540,
37,
83,
14,
64,
47,
56,
48,
16768,
77,
20,
38,
21,
73,
20,
71,
37,
21,
73,
42176,
75,
6217,
64,
33884,
1819,
50,
17,
35,
4304,
79,
2857,
75,
24,
33,
89,
32,
22,
46,
70,
85,
36227,
33,
22,
86,
15,
38208,
11400,
19,
51,
80,
67,
53,
12303,
18,
56,
22,
53,
3388,
65,
35,
198,
80,
17896,
27912,
77,
36,
41,
36609,
32755,
10,
40,
21,
43,
17,
4303,
48510,
78,
44,
17,
3666,
74,
36,
73,
39568,
10206,
86,
9598,
912,
20,
70,
21,
19313,
73,
87,
23,
57,
71,
44802,
57,
5237,
86,
89,
44,
9936,
34970,
15,
57,
28425,
55,
16,
57,
45,
76,
26708,
52,
6500,
23,
38,
198,
1026,
87,
39,
16,
54,
24,
37,
303,
21,
73,
81,
10,
33,
73,
21,
10227,
24,
88,
65,
52,
57,
388,
33,
4507,
84,
15571,
53,
9419,
89,
45766,
10,
2257,
83,
50,
22,
74,
37,
13909,
72,
15,
89,
80,
44,
9742,
40,
20,
43,
19,
78,
21,
5756,
81,
22,
14,
55,
19,
79,
6469,
49,
17184,
18,
198,
83,
5653,
20471,
13252,
26903,
67,
42,
54,
15,
80,
36,
83,
17,
71,
65,
15,
47920,
76,
6849,
19881,
16541,
14,
49,
1659,
14,
1731,
87,
55,
14,
69,
24,
66,
34,
22184,
33,
1415,
85,
18,
34,
41,
4792,
6098,
43,
80,
56,
17,
73,
10,
33191,
48,
72,
19,
14,
50,
55,
74,
23,
72,
42144,
198,
75,
37,
21,
54,
70,
10210,
38,
42,
23,
41126,
34,
66,
39,
76,
3980,
82,
44,
74,
2231,
48,
35,
19,
824,
73,
57,
52,
2032,
818,
320,
23,
66,
73,
4834,
34,
79,
17511,
2943,
11909,
55,
14,
44,
87,
8457,
50,
80,
7407,
20,
1340,
89,
67,
53,
89,
16,
5303,
38612,
20760,
84,
198,
85,
23155,
43,
1544,
85,
87,
1652,
84,
413,
23127,
39,
87,
76,
17931,
65,
36,
14,
68,
2782,
75,
73,
34,
86,
44,
8326,
22,
79,
32,
844,
76,
44,
89,
3109,
71,
23,
20259,
56,
21,
70,
85,
41,
20,
41,
66,
39,
5662,
87,
29132,
7745,
65,
11486,
18298,
34,
16,
80,
86,
69,
16,
198,
461,
55,
53,
71,
33,
55,
15154,
57,
80,
16,
6322,
11909,
15,
17231,
8416,
17,
79,
56,
70,
20,
10,
18,
28425,
23,
77,
5324,
24,
81,
46141,
5944,
84,
51,
20,
36,
69,
55,
86,
17457,
80,
88,
9861,
10246,
22,
4146,
28435,
38,
48,
4464,
38227,
7902,
39,
38,
80,
862,
55,
14,
198,
48,
51,
52,
330,
25010,
18,
57,
43,
39,
22,
16279,
30976,
2943,
78,
258,
45,
41098,
69,
85,
89,
45,
20362,
18015,
39,
83,
23,
28747,
75,
18,
39,
50229,
8898,
80,
43,
10526,
16692,
38,
66,
48743,
19071,
261,
32,
80,
21,
52,
64,
17,
85,
21,
39,
24,
72,
38,
14,
80,
34369,
198,
82,
11401,
10,
84,
49,
18,
64,
52,
420,
24,
42,
86,
33,
3365,
83,
24,
38,
48,
75,
48,
85,
87,
36,
80,
74,
39,
14,
43,
89,
20,
86,
49,
86,
54,
19,
83,
17,
77,
23,
7792,
69,
38,
19,
518,
71,
9945,
37048,
21,
53,
18,
385,
54,
46,
3609,
5662,
24,
48,
48,
46047,
10,
56,
39,
79,
14,
39,
198,
86,
48735,
1042,
75,
89,
76,
29703,
31273,
380,
15,
40,
70,
4093,
79,
26903,
19,
81,
38,
17,
47858,
19585,
11909,
38989,
24,
10,
35,
7745,
23063,
2791,
78,
707,
28241,
5005,
22,
36,
22,
5796,
39816,
20,
45,
5036,
18,
33,
8903,
20,
83,
9501,
87,
37882,
57,
198,
48055,
24,
14,
20,
67,
23,
86,
21870,
57,
35,
80,
71,
36227,
75,
41596,
2390,
41596,
5883,
79,
17,
83,
80,
33,
22328,
571,
2718,
75,
51,
20,
47,
57,
81,
56,
70,
20,
4146,
893,
42144,
20,
48,
430,
56,
86,
85,
57,
8051,
7390,
568,
48,
55,
16,
11122,
77,
24,
85,
42,
10025,
198,
15,
70,
16993,
36,
3459,
17231,
79,
27481,
1026,
69,
53,
746,
33866,
5606,
40,
20,
5805,
14016,
15,
56,
12337,
70,
10,
47,
12162,
54,
56,
87,
78,
56,
22182,
69,
19260,
4521,
71,
46,
7285,
38,
67,
7390,
32,
16,
80,
76,
40,
10,
38,
34748,
30098,
55,
65,
3695,
85,
56,
198,
43,
14,
40,
24,
6684,
73,
36,
24,
36,
86,
45,
83,
1433,
71,
56,
17896,
6849,
51,
47347,
10,
37,
14,
41,
71,
36,
84,
2713,
40,
74,
56,
65,
43,
41,
72,
15,
79,
41,
77,
10305,
10744,
52,
20,
1847,
38202,
15,
71,
36,
1268,
2032,
76,
42598,
77,
80,
55,
85,
51,
76,
6862,
33,
40873,
198,
20,
65,
87,
71,
54,
1546,
7399,
73,
57,
85,
19,
80,
86,
2348,
27605,
3620,
9693,
28425,
81,
57,
5432,
18755,
79,
19,
55,
80,
79,
14,
75,
44,
18,
83,
54,
43,
81,
45598,
37,
67,
15,
78,
55,
7998,
15277,
30094,
2514,
34,
69,
71,
39,
77,
52,
48,
21713,
89,
17,
40692,
45,
77,
198,
81,
46,
57,
70,
8051,
69,
22,
53,
897,
19499,
54,
75,
70,
69,
40,
18,
45,
16,
24408,
53,
57,
364,
65,
3020,
48,
21211,
17,
18831,
86,
48,
74,
56,
48,
20,
87,
56,
70,
46,
19,
49,
69,
51,
675,
71,
74,
5842,
25396,
45766,
55,
81,
48,
8205,
14,
19,
74,
1443,
559,
49,
198,
87,
721,
10,
67,
86,
24,
80,
73,
48,
72,
57,
37,
22296,
42,
2889,
19,
34653,
14,
82,
21,
70,
30976,
17,
7556,
19,
57,
3041,
38,
57,
47,
19,
45,
28047,
26377,
17,
82,
54,
57,
65,
429,
85,
34,
22,
57,
1860,
88,
940,
86,
15,
42,
14981,
47,
4093,
7414,
36,
22,
76,
23,
65,
15,
198,
19,
29138,
80,
57,
76,
8671,
15,
86,
46,
14,
16,
73,
70,
37,
2725,
77,
18,
10,
73,
20,
38,
2633,
343,
65,
46,
40,
14,
83,
19,
18564,
31667,
53,
862,
56,
48,
16,
46047,
74,
50,
20,
44816,
77,
17,
53,
4561,
6080,
87,
11190,
17,
10,
39,
5064,
48,
42176,
22,
45,
19,
10,
75,
73,
198,
29567,
79,
48,
49,
13976,
48,
46569,
47,
22,
41,
15,
10,
74,
52,
18,
50,
18,
33758,
22,
66,
38022,
431,
41,
87,
77,
429,
48192,
80,
283,
17027,
5840,
4051,
52,
86,
85,
1219,
2389,
39,
2611,
39,
79,
22,
45,
18,
55,
14981,
43,
18,
67,
926,
56,
24,
56,
14,
39,
10,
53,
5892,
198,
17,
68,
38,
18,
2749,
67,
1273,
22,
77,
74,
10,
20,
66,
36,
78,
36,
72,
54,
55,
45,
76,
73,
5805,
15922,
66,
53,
24,
11215,
21,
51,
19,
75,
50,
4304,
79,
69,
16,
84,
23,
8035,
33,
8642,
74,
22,
660,
70,
43,
57,
48,
76,
86,
70,
23,
52,
22,
55,
20,
81,
33018,
49,
66,
56,
8135,
53,
67,
198,
14,
89,
44,
22,
79,
47,
23,
77,
49,
21,
45,
66,
36,
1797,
78,
52,
10,
88,
1314,
48,
3972,
10305,
4869,
82,
36056,
52,
39,
54,
41,
89,
57,
73,
16993,
48,
49017,
48,
5211,
23,
80,
41,
57,
44,
14,
44,
53,
8471,
81,
80,
23,
84,
10,
39,
73,
65,
57,
66,
42955,
1129,
88,
46,
46302,
57,
198,
10,
46,
88,
55,
22,
75,
53,
53,
73,
36,
42,
1533,
52,
56,
52,
9019,
32,
18694,
40,
33967,
2791,
421,
80,
17,
64,
21,
76,
35,
56,
22,
67,
54,
33191,
23,
14,
17,
74,
23286,
14,
74,
66,
46,
78,
34,
85,
48232,
67,
17,
6581,
16,
26979,
80,
24,
74,
2611,
49,
20,
52,
22778,
53,
23,
81,
85,
198,
324,
296,
21,
73,
47,
4496,
3666,
54,
15,
65,
1157,
7998,
40,
14,
50,
6187,
3149,
46,
26691,
2043,
86,
34278,
15,
69,
38,
15,
45,
22,
51,
2164,
22,
84,
40,
80,
70,
40616,
6080,
42,
10,
82,
48,
86,
25697,
40,
1238,
86,
41,
817,
17,
44482,
42,
16,
86,
45607,
57,
53,
198,
41,
65,
1899,
38,
5188,
86,
50,
20,
666,
44,
67,
45,
75,
742,
19,
25404,
23,
35,
10,
15,
57,
80,
24928,
14,
20,
48,
55,
33186,
26830,
14304,
64,
14,
77,
48,
42528,
1495,
76,
30195,
70,
18,
86,
15996,
75,
20,
1990,
65,
9419,
35,
1954,
1837,
10,
4579,
14,
452,
87,
33,
198,
50,
3046,
40,
21,
71,
6217,
69,
40,
24449,
14,
73,
16,
53,
74,
15,
1003,
4426,
37,
19,
34,
24,
7399,
85,
14887,
10462,
42,
86,
549,
24,
35389,
48,
54,
24,
77,
15,
86,
23,
45,
79,
6862,
49,
22,
9374,
3727,
4349,
75,
43,
5892,
8471,
43,
73,
54,
52,
18,
54,
41,
55,
6217,
198,
8199,
21,
69,
2202,
19,
66,
42,
17,
43,
7336,
23,
37,
77,
17,
56,
77,
21,
25010,
274,
89,
76,
51,
80,
48,
56,
71,
41,
39,
1507,
66,
15972,
77,
17511,
22,
80,
10,
293,
42,
48,
35,
70,
73,
20,
82,
42,
18,
4503,
3886,
79,
49136,
87,
40,
73,
23,
56,
2767,
83,
46559,
86,
10,
84,
57,
198,
67,
14,
17,
67,
38,
86,
48,
38,
55,
85,
16,
64,
18,
35,
315,
19,
56,
27110,
7456,
5796,
9148,
40,
20,
33,
71,
57,
50,
67,
55,
45,
66,
38,
80,
74,
4593,
32,
78,
41,
19,
2953,
85,
16,
57,
1878,
36,
69,
4449,
421,
66,
5944,
71,
18,
36,
1046,
85,
53,
89,
18831,
43,
42,
69,
41,
198,
79,
19608,
87,
3955,
72,
22,
53,
27865,
1765,
17,
57,
56,
17,
20044,
84,
21,
36,
34369,
74,
40,
21,
78,
22,
80,
34,
65,
23041,
36,
20,
39,
81,
56,
85,
43,
86,
3398,
81,
5237,
83,
39,
53,
74,
40760,
86,
55,
46,
73,
57,
39,
38,
79,
73,
48,
24,
34,
80,
34,
15,
70,
8898,
44,
89,
52,
198,
34,
41,
86,
37,
21287,
56,
54,
70,
85,
56,
82,
48,
89,
11493,
709,
49,
69,
16,
15418,
22184,
48,
78,
33,
29567,
76,
15,
67,
487,
73,
20942,
14,
20519,
11848,
33,
73,
21,
28241,
20306,
83,
2202,
30300,
40,
489,
87,
17,
38,
2213,
21,
4535,
13210,
34523,
43,
79,
48,
18755,
198,
10295,
48,
9310,
70,
330,
19,
54,
2601,
26009,
21,
88,
17,
66,
43,
2425,
47,
41,
67,
24,
82,
49,
9328,
3553,
2780,
10,
38,
21,
30488,
10,
73,
21,
38,
80,
18,
10,
33,
10,
55,
48,
14,
15,
85,
41074,
14,
78,
38926,
14,
301,
49,
20471,
48,
7708,
4106,
48,
1671,
35,
77,
16,
198,
14,
78,
41,
85,
86,
69,
21841,
18,
81,
38,
3546,
358,
17,
10025,
3459,
13599,
14,
23,
4869,
8905,
74,
5333,
56,
44526,
83,
45,
7112,
22,
489,
7336,
80,
35,
75,
86,
15,
43,
87,
84,
14529,
22,
3698,
69,
85,
25922,
38,
57,
47,
23,
87,
57,
86,
55,
2238,
47,
79,
18,
31115,
198,
78,
21,
33239,
86,
420,
47,
74,
1018,
67,
9139,
14,
88,
28875,
23,
85,
13807,
48,
65,
39,
2601,
43833,
42,
69,
10,
1069,
67,
16,
69,
549,
54,
18833,
1544,
24409,
34,
14,
89,
39568,
3510,
27110,
14,
79,
7012,
16,
73,
54,
65,
15,
36820,
5631,
74,
36,
20,
47,
9148,
85,
198,
70,
41275,
71,
1828,
76,
5824,
45,
81,
41,
13599,
87,
46,
80,
19260,
41,
89,
53,
67,
85,
49,
67,
10,
38,
36227,
4826,
35,
53,
15039,
15,
10,
51,
10025,
1930,
81,
56,
54,
86,
1477,
1662,
3361,
20,
2857,
35,
10234,
74,
375,
43,
69,
9414,
24,
50007,
89,
54,
7278,
198,
36,
20,
39,
73,
56,
37020,
2149,
37,
65,
18,
83,
21,
38,
24,
47,
35543,
78,
19,
66,
30630,
35,
30758,
45,
70,
4426,
87,
56,
20,
2188,
50,
3865,
50,
53,
88,
43,
55,
53,
57,
3312,
53,
358,
38227,
21287,
56,
461,
24,
38586,
56,
57,
79,
43,
19,
4805,
78,
55,
38,
23,
10,
20895,
44,
198,
73,
71,
16,
88,
23,
64,
14,
22,
37,
39251,
26001,
70,
87,
456,
67,
16762,
69,
47858,
1828,
79,
50,
65,
44,
75,
50,
16,
54,
67,
24,
37020,
57,
13655,
48,
37,
48,
79,
2949,
16541,
14814,
48,
66,
21,
65,
47,
41,
43,
7206,
21287,
80,
20,
44,
85,
38730,
10,
12889,
18,
48,
35,
198,
82,
51,
33967,
1238,
538,
74,
47,
89,
73,
52,
14,
333,
19,
75,
21,
65,
74,
42,
10277,
5574,
66,
24,
69,
10,
76,
36,
20,
70,
52,
25189,
44,
76,
3955,
57,
79,
48,
38,
310,
404,
65,
16,
86,
50,
17,
282,
18,
41,
89,
50,
14,
73,
37,
48055,
39,
87,
21,
54,
43,
89,
43,
44601,
32,
21,
198,
18015,
50,
15,
35,
48,
17,
55,
81,
16501,
37,
53,
57,
71,
37,
53,
88,
65,
47,
29132,
88,
44580,
48,
79,
6888,
14,
80,
13210,
69,
39,
16,
27110,
35,
19,
34,
23,
41871,
85,
34,
77,
46987,
47,
57,
22,
50,
17,
26377,
4933,
87,
70,
37,
732,
4503,
57,
4846,
86,
44,
2327,
9892,
47,
198,
18,
45,
2164,
15,
39,
81,
14772,
14,
45113,
993,
41871,
14,
6836,
55,
78,
56,
17896,
70,
56,
14,
40,
14415,
32,
265,
2931,
42,
1485,
2821,
35,
20,
86,
36,
73,
16,
7378,
53,
8051,
75,
23,
335,
11693,
21,
10,
1404,
48,
80,
6888,
57,
81,
4579,
80,
23,
28026,
48,
198,
35,
34892,
84,
20,
82,
32,
15,
35,
56,
1495,
452,
42,
16960,
57,
82,
39,
1961,
80,
87,
85,
42421,
38,
69,
45,
3019,
43243,
42144,
38,
42,
85,
22,
2481,
37,
80,
88,
19,
45,
6500,
56,
80,
5777,
42,
81,
16,
2390,
23,
10,
69,
49,
73,
7707,
10,
57,
71,
17,
48,
57,
54,
20,
56,
10082,
198,
4598,
57,
44,
11994,
8905,
19,
14,
37,
85,
55,
36,
2514,
22,
46,
14,
20866,
48,
14,
11901,
80,
14,
53,
15,
45,
14,
12463,
47325,
69,
48,
81,
35504,
721,
47,
17,
77,
36,
80,
24,
72,
41074,
56,
3720,
52,
67,
3104,
862,
17250,
2231,
51,
76,
80,
38730,
78,
46,
45766,
9864,
198,
72,
17513,
21,
7250,
56,
39,
6561,
56,
74,
23,
36,
9374,
55,
69,
49017,
47858,
42,
22184,
19238,
66,
22296,
10025,
72,
54,
86,
39386,
23,
54,
48,
35,
18,
38,
27015,
53,
23,
57,
3646,
9374,
48,
72,
17947,
50,
24,
74,
48780,
4743,
86,
45,
14326,
14969,
76,
4869,
44,
65,
53,
198,
78,
33,
21,
54,
69,
55,
52,
21381,
518,
44179,
10,
41,
12564,
22,
52,
11110,
35,
10,
88,
50,
23,
65,
55,
20,
88,
16,
11473,
82,
37,
73,
54,
3123,
35,
53,
19,
2246,
39870,
52,
2213,
87,
16,
33,
18,
44,
24,
5760,
52,
1878,
82,
48,
86,
10,
38,
10,
77,
35,
48,
22,
80,
77,
22,
79,
23,
198,
14,
2937,
420,
1350,
52,
1135,
10,
4310,
47,
48,
14,
11215,
44,
4805,
10,
21,
38,
17,
14,
7222,
2682,
41,
22,
85,
18,
6369,
57,
38,
8326,
41,
44179,
39,
12861,
24,
45213,
57,
48,
57,
2682,
53,
84,
19,
5907,
64,
10,
46,
80,
53,
3398,
57,
38,
87,
10,
52,
18,
55,
40,
84,
54,
198,
24,
70,
1821,
42,
76,
52,
16,
71,
36,
34586,
45,
48,
14214,
22,
11584,
21,
54,
41,
54,
84,
55,
538,
55,
79,
19,
14,
8895,
1120,
50,
16,
57,
20,
48,
80,
14,
76,
86,
41,
57,
33,
55,
27912,
70,
19,
84,
32,
48,
53,
70,
940,
80,
42,
53,
32457,
8135,
89,
74,
18504,
19,
44,
75,
23,
35,
198,
335,
19416,
2780,
10,
71,
41,
88,
69,
48,
18,
52,
32886,
57,
41,
33666,
54,
20,
47,
19,
80,
48,
79,
37,
57,
2919,
38,
89,
2920,
81,
42,
44,
10,
52,
23,
9945,
55,
83,
3727,
86,
49215,
68,
10246,
89,
53,
14,
66,
6242,
19,
78,
43894,
3185,
53,
88,
4462,
2032,
40,
2724,
12162,
198,
80,
77,
41,
46047,
17,
49,
1443,
3856,
5097,
75,
21,
42,
75,
47,
19,
85,
56,
23303,
4805,
51,
22,
52,
11848,
35,
28567,
5908,
42668,
66,
43,
38353,
6015,
7390,
14,
56,
76,
19499,
78,
21,
70,
50,
6089,
45113,
71,
15,
84,
44958,
16115,
57,
87,
51,
405,
73,
54,
17,
4496,
198,
80,
49,
69,
9273,
41,
86,
73,
48587,
52,
18,
81,
53,
33758,
41,
20,
10,
74,
1433,
65,
30148,
86,
5173,
38652,
57,
42,
43,
4579,
69,
24,
31653,
49,
21533,
50,
10761,
21,
72,
44,
53,
83,
49,
86,
21373,
72,
1795,
34,
48,
49,
5603,
3510,
86,
54,
56,
17584,
293,
4653,
46,
86,
198,
40291,
53,
940,
20519,
3351,
76,
22,
10,
18,
73,
48624,
55,
54,
1837,
86,
66,
646,
42,
74,
54,
18351,
41345,
54,
10,
5333,
10,
18,
39,
14,
55,
45,
16,
34,
69,
80,
50,
5189,
1157,
54,
55,
54,
413,
86,
55,
20,
5948,
35,
48,
77,
45,
4106,
10,
7278,
69,
15,
53,
16,
88,
2394,
198,
88,
20,
10,
74,
19416,
48,
79,
43,
1847,
79,
80,
49,
83,
5064,
89,
42,
80,
47,
7745,
55,
19,
85,
11319,
15112,
48,
56,
12162,
17,
14,
54,
86,
6535,
44,
73,
48,
56,
43490,
3886,
64,
37,
88,
19313,
14,
64,
41,
39,
45,
74,
14,
71,
44,
70,
47,
19,
33758,
10,
54,
73,
8957,
15,
57,
19,
42,
198,
52,
41,
3132,
40,
18050,
10,
44,
15,
568,
21016,
1314,
44,
42372,
85,
46,
89,
57,
65,
54,
18,
56,
14,
15,
15567,
18,
80,
33,
18274,
13909,
1821,
14,
44,
19,
10,
21,
57,
21,
85,
14,
70,
12564,
73,
53,
85,
21467,
18831,
39,
20,
75,
50,
48,
69,
24115,
14,
71,
50,
41,
24,
38,
198,
23,
44,
1878,
2645,
37,
89,
34,
69,
40,
17,
10,
22,
54,
16,
41,
69,
57,
87,
10,
65,
33,
21,
56,
69,
34,
41,
824,
67,
14,
53,
69,
56,
88,
50,
15,
37048,
22,
81,
55,
18,
56,
80,
67,
20,
77,
1921,
70,
1820,
48,
67,
54,
15,
54,
23,
89,
67,
47191,
24,
43,
73,
7708,
18,
83,
56,
24,
79,
52,
67,
198,
68,
16402,
68,
258,
73,
51,
48,
1228,
53,
53,
1532,
49,
2238,
47,
41,
72,
20,
53,
73,
32,
844,
86,
11770,
80,
24,
66,
37,
23,
45,
10,
51,
67,
57,
42,
83,
862,
16,
80,
21,
68,
20,
87,
49,
23548,
33,
17,
48,
40842,
74,
20,
10426,
35,
48,
47,
69,
52,
57,
2713,
37,
10,
1954,
31653,
198,
51,
24,
87,
48,
34,
4579,
14981,
23155,
73,
39,
67,
85,
86,
15,
39,
69,
85,
87,
10,
51,
48,
35504,
41,
20,
80,
77,
49,
2791,
85,
45,
538,
45,
7109,
15,
72,
5173,
80,
15,
81,
56,
67,
85,
21536,
39,
8898,
70,
52,
14,
54,
56,
15,
11632,
55,
17,
88,
52,
80,
15,
18519,
52,
24,
2390,
198,
24893,
88,
20,
37,
41,
57,
38,
57,
24,
37,
8158,
16,
41,
45119,
57,
49,
67,
14415,
3185,
89,
19,
48,
48,
53,
48,
68,
5883,
77,
71,
21,
68,
34653,
35,
20,
24928,
22764,
18,
13940,
85,
18831,
4507,
39,
25093,
10,
28435,
34,
55,
87,
55,
7707,
70,
21,
75,
51,
24,
67,
22,
40,
39,
198,
12337,
35,
15,
35660,
51,
5431,
33,
19,
39,
85,
26531,
39,
2616,
23,
78,
56,
38,
89,
44,
87,
15,
3185,
42592,
2091,
4908,
10,
1872,
15,
707,
50,
55,
57,
73,
4449,
36,
48,
76,
21,
77,
54,
21287,
46,
20,
38729,
20114,
43,
89,
21,
13909,
17,
73,
14,
56,
13908,
14,
482,
52,
198,
41,
57,
17,
53,
71,
85,
14,
709,
38584,
15,
34,
16,
77,
38,
77,
24,
83,
7745,
8226,
41,
52,
66,
47,
47468,
19,
53,
79,
34551,
5222,
421,
23,
54,
12418,
17947,
69,
50,
24,
1990,
12473,
19,
52,
24831,
591,
22,
14,
44,
10080,
19,
51,
15,
14,
89,
67,
53,
15,
78,
49,
21,
54,
36802,
198,
77,
22,
87,
32,
1383,
40,
2598,
34,
48,
51,
19,
87,
701,
80,
21,
38,
80,
50,
87,
39,
33018,
51,
22,
65,
45,
12473,
86,
43,
15,
14,
34,
72,
25010,
26691,
56,
18,
73,
88,
57,
321,
41,
54,
571,
380,
80,
49,
3720,
16,
50,
67,
11190,
82,
292,
69,
2999,
71,
85,
49345,
46,
21,
77,
198,
66,
39386,
85,
20114,
70,
57,
482,
461,
85,
53,
71,
54,
4805,
56,
52,
66,
43,
71,
16,
22296,
4869,
47,
34985,
6659,
66,
4051,
36208,
76,
24,
79,
73,
41,
28803,
38576,
19944,
672,
21,
65,
7414,
20,
5760,
45,
83,
42,
23940,
24,
75,
52,
20,
71,
10,
84,
952,
52,
421,
52,
198,
21879,
8924,
457,
10503,
87,
71,
5607,
70,
50,
6649,
3546,
17,
37659,
42,
80,
71,
65,
53,
18,
83,
50,
3629,
87,
15,
84,
2645,
36,
10,
10246,
3808,
39,
83,
461,
42,
44,
74,
4944,
46,
72,
46,
86,
32708,
36,
78,
38,
80,
74,
38,
76,
46888,
24544,
3646,
79,
11012,
15,
198,
67,
34458,
18,
55,
76,
5247,
38,
14082,
69,
14,
73,
41,
10,
49800,
2327,
73,
65,
461,
81,
41,
76,
86,
34,
42,
70,
27654,
1765,
30630,
33,
22,
74,
87,
48,
4880,
79,
42,
87,
74,
45,
4310,
81,
74,
57,
2670,
69,
368,
42668,
77,
49,
17,
68,
24,
52,
50229,
3069,
70,
6862,
38729,
198,
71,
20,
10,
49,
24,
54,
55,
57,
51,
77,
80,
79,
46987,
19,
81,
32,
46,
80,
41,
16,
85,
23,
86,
19,
77,
37,
80,
42,
17,
39,
80,
16635,
39,
71,
710,
2682,
27865,
45,
1507,
67,
16,
77,
12096,
38,
42,
79,
4948,
23,
50,
41,
32304,
39,
20,
1404,
5907,
21,
494,
9019,
33146,
88,
20,
198,
41,
28015,
8579,
85,
5907,
42,
912,
40,
39,
82,
14,
57,
82,
56,
81,
35,
19,
67,
51,
2791,
45448,
87,
86,
42,
15,
83,
43832,
4093,
372,
54,
1954,
39,
86,
10,
34,
494,
1453,
48,
87,
41,
56,
48632,
41,
292,
55,
46,
22,
76,
71,
42,
57,
85,
18,
55,
45607,
21768,
16,
862,
198,
84,
18878,
22,
48,
83,
24,
39,
19,
43,
81,
42,
1360,
76,
85,
57,
24831,
42,
15,
50,
3069,
64,
10,
77,
54,
11909,
70,
48,
16601,
23,
404,
87,
5105,
20,
541,
78,
54,
3829,
12473,
22296,
14887,
2999,
7378,
73,
10,
34,
15,
2953,
87,
17,
40692,
81,
16,
46,
10,
20,
39,
21,
73,
56,
198,
52,
499,
67,
6098,
74,
66,
14,
11901,
2777,
70,
4531,
33,
23,
44,
76,
38227,
66,
18,
57,
66,
1350,
51,
1954,
46,
40,
89,
82,
15766,
64,
36,
74,
54,
14,
66,
5774,
4579,
83,
49,
19,
35660,
18,
71,
65,
44,
89,
56,
65,
19,
14,
80,
22,
57,
56,
87,
51,
19,
80,
79,
80,
7112,
33,
6684,
198,
41,
49215,
21,
75,
39,
86,
47,
16344,
39,
18,
32812,
89,
74,
67,
25922,
37,
18274,
22,
10,
80,
5237,
83,
24,
82,
10,
76,
34,
12993,
10,
28202,
21999,
79,
44179,
10,
68,
22,
912,
55,
8135,
56,
26009,
55,
85,
87,
52,
15,
56,
46,
20,
2777,
2390,
349,
45,
2919,
3955,
76,
11122,
198,
57,
47,
65,
87,
57,
42,
5162,
49,
85,
20,
81,
89,
80,
9936,
20304,
65,
14,
81,
1199,
38,
15,
36,
20,
89,
14,
17,
79,
89,
7414,
5760,
84,
86,
57,
65,
53,
55,
23,
14082,
88,
18,
32,
5064,
40,
89,
11674,
70,
22,
17209,
31125,
24,
53,
48,
23,
88,
43,
81,
74,
55,
76,
55,
14,
79,
86,
49,
198,
33,
53,
14,
82,
57,
86,
48,
37,
18,
69,
89,
17,
5005,
16,
84,
42,
20,
47,
22,
81,
38,
1495,
34,
22117,
45,
73,
312,
14,
23,
2885,
23,
14242,
21116,
43,
86,
32118,
38,
48,
66,
21,
83,
57,
17034,
80,
494,
35,
66,
6420,
2943,
42646,
27705,
35,
21016,
56,
65,
40,
23,
10,
38989,
198,
21,
4449,
15,
83,
42,
73,
57,
1878,
42,
86,
9310,
65,
38,
87,
46,
1137,
24,
49,
17931,
80,
78,
292,
22,
66,
21,
44,
89,
42,
11473,
64,
22332,
67,
20,
54,
45119,
1581,
20,
36,
23264,
57,
75,
48,
35,
9132,
86,
50110,
45,
5324,
71,
2425,
4593,
53,
7340,
22,
77,
35990,
48,
82,
198,
3546,
45119,
34,
2394,
86,
40,
79,
17,
80,
3388,
6535,
77,
23,
20942,
40,
87,
51,
16692,
22332,
7399,
1140,
23,
34,
14,
1443,
80,
68,
41,
22,
44,
24,
53,
18,
56,
79,
36,
1137,
48,
41,
86,
44,
14761,
22,
313,
53,
41,
77,
10761,
52,
40603,
36,
22764,
69,
20306,
80,
18,
80,
88,
198,
69,
21,
52,
17,
57,
80,
89,
3365,
1507,
10,
55,
85,
10,
85,
32,
48,
76,
10,
85,
35,
15,
85,
87,
19,
35,
48,
37,
57,
18,
89,
6015,
33484,
14772,
53,
88,
3861,
20,
43,
65,
21,
57,
88,
42,
66,
86,
22737,
14304,
18,
74,
35,
10,
80,
33,
79,
361,
80,
69,
41,
77,
46,
20,
68,
56,
55,
34,
38841,
198,
17,
41,
52,
88,
66,
7414,
29567,
80,
19,
22184,
48,
22348,
18,
67,
48,
86,
13024,
10082,
12740,
2616,
18,
39,
33884,
43,
16057,
12571,
20,
33,
57,
46,
2047,
2079,
11994,
20866,
65,
1731,
40,
65,
20,
67,
45,
65,
22,
28047,
1137,
77,
36,
16,
48005,
89,
29767,
89,
36,
22,
198,
22,
16811,
51,
57,
34,
24,
68,
50,
20,
30488,
4712,
31159,
646,
16,
53,
21,
37,
73,
16,
49450,
19,
8326,
40603,
1135,
25492,
27912,
42,
1921,
80,
77,
23,
14,
45,
10917,
34653,
32812,
71,
80,
52,
48055,
1268,
56,
39,
71,
54,
38,
66,
46,
3301,
46,
24,
83,
52,
14,
55,
65,
198,
23,
77,
48,
37,
3312,
11571,
16630,
86,
8226,
44,
13252,
48,
49,
70,
74,
46,
2154,
43,
79,
38,
16,
51,
74,
9945,
35,
73,
89,
23,
44,
65,
2791,
42,
48,
280,
76,
42,
41,
48,
70,
482,
19944,
41,
52,
84,
45,
84,
80,
17,
73,
4944,
40,
87,
86,
19,
82,
19,
44,
4694,
27159,
2075,
54,
198,
32,
1415,
49664,
44,
71,
22,
30488,
21652,
70,
43,
69,
44,
67,
49450,
49,
13024,
56,
66,
15,
36,
72,
57,
7568,
32178,
20,
48,
55,
83,
10,
70,
87,
469,
17,
6187,
15630,
16,
646,
54,
17,
73,
56,
21,
36392,
24,
87,
19,
39,
20362,
57,
18,
40,
8905,
17,
42,
21,
77,
47,
20,
43,
198,
74,
87,
71,
20,
57,
31235,
40,
35641,
46888,
22,
88,
51,
22,
559,
54,
55,
75,
1558,
77,
28425,
14,
57,
74,
37,
10,
33,
66,
1360,
15,
57,
69,
55,
23,
86,
18,
47,
3041,
2931,
16412,
397,
31743,
85,
49,
37845,
15,
32,
15,
28425,
65,
16458,
3459,
2885,
54,
6500,
53,
56,
487,
198,
84,
10,
17947,
83,
55,
14,
18564,
271,
56,
17,
53,
69,
39,
34788,
42,
39,
15,
499,
10,
71,
1120,
15766,
76,
57,
4177,
37,
2043,
85,
46,
24,
88,
22,
45,
77,
16,
40,
1383,
32656,
74,
48,
80,
67,
86,
22,
45,
10,
14990,
82,
57,
43,
44817,
20,
4449,
1314,
11163,
16,
84,
421,
48,
198,
89,
49,
67,
53,
8135,
14313,
19881,
88,
65,
18,
31294,
50,
53,
37,
19,
56,
76,
16,
26001,
45582,
3388,
80,
43,
3972,
14,
41,
17,
67,
45,
73,
37,
27705,
36,
86,
47858,
73,
81,
21,
46,
24,
17513,
80,
34,
297,
50,
14,
13331,
43,
75,
54,
46,
4521,
33758,
50,
82,
2425,
32,
15,
69,
42,
198,
45,
80,
49017,
37,
571,
18,
14,
32,
18015,
10,
11473,
56,
15739,
44,
73,
48743,
73,
13534,
68,
52,
11632,
17,
66,
39,
21999,
49,
4146,
31675,
2934,
42,
79,
85,
50,
3682,
9945,
84,
80,
55,
16,
70,
34,
10,
23,
4834,
20,
77,
34,
72,
15,
85,
73,
20,
51,
66,
16,
57,
71,
15,
49,
70,
198,
32,
48,
48,
4825,
57,
76,
85,
4561,
17,
49,
74,
3955,
87,
55,
2091,
77,
24,
68,
18,
16344,
70,
51,
14529,
20,
10,
68,
14,
55,
35,
57,
66,
51,
19,
74,
53,
5948,
5258,
14326,
18,
1340,
75,
13415,
46888,
76,
2246,
70,
24,
73,
87,
89,
34106,
20,
52,
89,
6435,
50,
41,
13038,
8457,
198,
66,
34,
76,
51,
75,
44,
49506,
76,
14,
3559,
499,
74,
1821,
54,
73,
23,
65,
51,
21,
57,
56,
81,
35,
56,
2200,
42,
52,
21,
77,
21,
40,
23,
83,
34,
6888,
10220,
45,
25596,
22,
88,
34,
10025,
53,
22,
74,
19,
10,
45,
87,
15,
68,
19555,
35,
75,
70,
16,
81,
46,
14,
11110,
49,
70,
8924,
198,
52,
86,
15,
45,
67,
14,
50,
21,
54,
42,
70,
35,
24,
69,
55,
81,
13752,
15,
87,
70,
4761,
10246,
48,
82,
24,
4462,
36392,
377,
73,
36540,
22,
396,
3149,
48,
41,
4352,
55,
80,
35,
73,
44,
80,
53,
65,
52,
2154,
71,
50,
17,
37,
1453,
50,
21,
11380,
7340,
19,
82,
53,
33863,
54,
198,
2623,
54,
74,
24,
53,
41,
42,
79,
52,
39449,
80,
73,
27159,
24,
39,
54,
2075,
81,
42,
65,
23,
66,
11909,
36,
1069,
78,
19,
71,
494,
87,
6080,
8957,
32298,
15,
36326,
52,
87,
53,
86,
41733,
80,
65,
12114,
46,
3185,
56,
52,
7357,
71,
39,
74,
6144,
76,
25374,
18564,
48,
67,
198,
18213,
57,
80,
28435,
43,
48,
75,
38730,
75,
56,
18,
52,
41,
40,
87,
52,
1671,
54,
10247,
80,
18,
79,
50,
2601,
21283,
4261,
1003,
24,
45,
73,
28861,
2598,
6242,
86,
15,
50,
53,
20,
34458,
35,
56,
375,
31159,
80,
54,
10,
11731,
41,
51,
270,
7222,
41,
5258,
43,
77,
14,
22,
198,
39,
65,
18,
69,
39,
79,
18,
86,
66,
44,
23,
47,
87,
2718,
34,
7378,
72,
14,
28047,
56,
15,
10,
45,
22,
37,
21,
69,
24,
68,
73,
41,
18,
44,
70,
85,
6089,
69,
37,
19313,
79,
2640,
75,
49,
65,
23,
74,
46,
22,
68,
16,
54,
85,
10,
75,
89,
81,
35257,
79,
21095,
89,
23,
14,
15972,
17,
48,
15,
88,
198,
89,
82,
22296,
7206,
14,
6144,
85,
33,
15,
45,
15922,
65,
14242,
78,
16,
51,
10426,
39,
54,
65,
9132,
77,
42,
47,
26691,
10,
47,
41,
22,
89,
3324,
85,
926,
2091,
85,
65,
53,
88,
17,
14,
85,
87,
75,
2079,
68,
46987,
11110,
86,
2606,
31271,
4834,
42,
23,
35,
15,
55,
33,
18,
39,
198,
24,
89,
10,
76,
3861,
88,
17,
12993,
3697,
65,
16,
4535,
42,
301,
80,
38,
21,
14,
13155,
43,
81,
53,
57,
37,
10,
37094,
21,
16184,
12161,
14259,
14,
52,
7745,
34,
56,
16,
79,
10761,
70,
24,
66,
32,
41,
2481,
74,
56,
20402,
23,
8642,
24723,
20031,
41,
73,
18,
66,
20,
42668,
41,
198,
24,
67,
622,
86,
54,
2780,
2079,
32179,
50,
8874,
50,
21,
37,
18,
69,
80,
86,
73,
80,
15996,
64,
34,
23,
35,
17,
36,
20646,
49,
80,
78,
14,
41,
40,
19,
69,
71,
73,
23155,
73,
40,
17,
84,
22,
45,
74,
53,
65,
55,
38584,
73,
76,
39213,
41,
37,
41,
80,
16762,
13137,
83,
47,
54,
77,
52,
198,
73,
32,
22,
44,
17184,
22,
33,
10,
74,
19,
78,
44,
15039,
22,
89,
69,
34,
16,
33,
21,
69,
36802,
15,
47,
14,
53,
24,
78,
54,
13599,
84,
35,
66,
724,
4339,
69,
74,
24,
42336,
87,
3041,
41,
37128,
85,
14,
45,
73,
89,
52,
86,
43,
1983,
79,
22,
504,
17,
4303,
49,
34985,
20,
198,
84,
10,
27605,
48361,
22,
35641,
11909,
17,
47920,
50,
53,
85,
48,
41,
66,
18,
41,
72,
37,
79,
52,
89,
18444,
20295,
47,
54,
15,
897,
73,
675,
39,
17,
301,
38,
11012,
47,
322,
33901,
9693,
40,
21,
86,
20,
22296,
19,
33,
74,
14,
55,
79,
37020,
47503,
53,
70,
55,
325,
44,
198,
36,
10,
5222,
41,
22,
36227,
18015,
55,
20,
36,
78,
48,
16,
89,
14,
18,
615,
56,
23,
47,
69,
18,
87,
39,
1507,
7355,
7501,
17,
87,
24,
43,
57,
4178,
10503,
9861,
40,
23,
49,
16768,
40939,
80,
45,
305,
17,
52,
709,
18,
48,
64,
20,
55,
6080,
53,
73,
65,
15821,
89,
53,
7568,
198,
291,
20,
53,
80,
10,
36227,
64,
19,
4178,
42,
4792,
28241,
15630,
38,
79,
5840,
33,
65,
23,
72,
47858,
16,
47,
17027,
44,
3539,
8664,
73,
13155,
74,
17,
87,
14,
7836,
81,
89,
45,
5446,
463,
8579,
23,
56,
46,
73,
21,
10913,
20402,
45,
85,
56,
87,
10,
76,
71,
80,
67,
53,
198,
68,
52,
3682,
77,
45,
84,
17,
33,
67,
44,
86,
5805,
22,
85,
38,
67,
34458,
39,
65,
15,
36077,
41,
74,
30100,
6513,
10,
12805,
57,
35,
1157,
51,
16,
49,
5246,
33,
8135,
52,
67,
24,
38227,
16,
68,
46,
22,
79,
42,
55,
7556,
21,
12397,
48,
49,
30300,
33,
19,
66,
34,
89,
7568,
89,
45,
198,
1659,
76,
69,
80,
4944,
46,
24,
78,
15,
85,
22,
544,
1485,
89,
38,
675,
23,
67,
22,
2548,
76,
69,
22,
9019,
15,
2670,
79,
53,
6649,
81,
10,
24,
84,
19,
51,
1157,
78,
1959,
24660,
30832,
42,
55,
15,
87,
76,
23,
44,
77,
16309,
70,
36,
40,
12889,
80,
52,
54,
7285,
42,
74,
198,
14,
12298,
21,
85,
33,
66,
37,
48,
45,
77,
54,
75,
17,
57,
18,
4948,
53,
80,
4304,
89,
18,
35,
67,
28747,
5705,
49578,
14,
6369,
34,
80,
87,
39,
2188,
57,
75,
10234,
5883,
20,
265,
76,
45,
12473,
7390,
21,
5631,
23820,
19313,
7708,
87,
54,
4669,
73,
22,
88,
29551,
2079,
198,
18,
14,
4790,
85,
43,
22370,
32225,
2624,
48361,
21,
89,
52,
69,
48,
86,
22,
3629,
15200,
52,
68,
32,
22,
6089,
18,
82,
49,
19,
35,
85,
57,
5064,
19,
33906,
46,
15,
82,
56,
46,
83,
16,
53,
88,
46,
1525,
23,
10761,
23,
49,
20,
41,
10,
76,
15,
49,
70,
2780,
74,
22,
57,
21217,
198,
46047,
76,
14,
41596,
89,
5841,
11473,
46,
12298,
23,
48192,
70,
21,
46,
89,
80,
7285,
38,
73,
33018,
2999,
36020,
44,
5603,
16,
73,
42144,
44526,
85,
86,
55,
52,
24,
75,
86,
80,
54,
17,
41133,
18831,
54,
53,
48,
46,
22,
52,
54,
22,
53,
1659,
53,
41,
48,
54,
76,
38,
70,
50,
73,
198,
11682,
15,
45,
80,
57,
7556,
42,
541,
88,
7556,
54,
84,
80,
24187,
24,
82,
32,
64,
39,
73,
16,
65,
49,
86,
80,
68,
49,
65,
52,
3149,
74,
79,
80,
78,
34,
18,
89,
6024,
31522,
16402,
87,
35,
2704,
40939,
13940,
14313,
73,
76,
44802,
21,
9864,
69,
37,
18683,
54,
53,
14,
12016,
77,
198,
16,
1229,
14,
47,
73,
22,
79,
21016,
64,
36,
17,
38022,
16,
70,
25374,
48,
40,
79,
52,
7745,
42,
4561,
8205,
85,
1983,
1238,
85,
80,
25922,
22,
2943,
73,
41,
76,
36,
32984,
8220,
68,
54,
69,
10989,
51,
6888,
55,
64,
18,
43,
82,
26705,
19,
48,
56,
27891,
87,
49,
21,
48,
15,
198,
50,
7745,
42,
14326,
9598,
53,
45,
48,
57,
24,
75,
57,
24,
14990,
83,
3281,
71,
14,
34,
42,
12805,
36,
50007,
52,
78,
57,
77,
16811,
57,
23,
40,
19,
51,
3020,
45,
87,
49136,
2623,
55,
45,
926,
1219,
86,
16,
15567,
18,
55,
73,
69,
35,
1134,
43,
15,
1134,
388,
35,
79,
56,
198,
4825,
21,
85,
55,
660,
43,
73,
51,
14795,
4760,
32755,
16,
55,
48,
53,
87,
49,
2043,
4462,
68,
33,
79,
10,
559,
6173,
40,
24,
56,
17,
45,
21,
64,
36,
41,
2290,
80,
54,
84,
37,
73,
70,
53,
3980,
51,
19,
75,
17,
20402,
25189,
80,
8895,
17,
67,
38,
79,
22,
39,
21,
82,
73,
5333,
198,
50229,
19279,
43490,
66,
20,
57,
35028,
79,
16,
54,
41,
3553,
49136,
18833,
9936,
88,
571,
87,
52,
56,
10,
6413,
21,
85,
38,
86,
51,
14887,
5653,
75,
46,
15,
73,
70,
49,
13331,
19,
68,
45,
10128,
16,
73,
20,
37,
2782,
41,
66,
86,
70,
2999,
30501,
23,
51,
73,
21,
46,
29159,
198,
5774,
82,
89,
73,
56,
66,
55,
77,
37,
23,
66,
10305,
5431,
84,
23,
52,
10247,
4339,
16,
7785,
9126,
14636,
43,
82,
48,
66,
6239,
14,
57,
16,
73,
615,
1228,
36,
22,
85,
14,
89,
9310,
1860,
563,
7112,
36077,
32179,
53,
27399,
86,
22778,
37,
1485,
87,
31294,
48,
198,
82,
24,
70,
57,
66,
844,
20,
14,
37,
89,
2390,
46,
89,
37,
80,
79,
54,
43,
23,
5432,
27734,
54,
20,
41596,
67,
2484,
660,
73,
49,
23,
41,
56,
15543,
23,
57,
79,
85,
20,
67,
70,
74,
48,
39,
19,
40,
22,
32572,
21,
88,
33484,
52,
41,
17,
41,
29499,
78,
23041,
43833,
79,
18,
81,
15821,
198,
1485,
323,
14,
89,
21,
48,
24,
22737,
694,
23266,
70,
1677,
48,
73,
2640,
21,
34,
55,
9792,
1073,
22921,
48587,
4826,
86,
4503,
17,
48,
1031,
69,
85,
71,
17,
49,
25374,
75,
49,
81,
4309,
44,
3865,
78,
15,
50,
89,
6836,
75,
51,
10,
48,
53,
48,
23,
27912,
33155,
43,
198,
66,
21283,
29516,
86,
41,
85,
52,
2934,
17,
8859,
18,
52,
8051,
72,
46,
16,
1847,
2791,
37,
89,
51,
4462,
45,
7639,
24,
37,
86,
16,
55,
36020,
38576,
80,
68,
38,
17,
16635,
16,
86,
14,
71,
51,
66,
21,
71,
52,
41,
42,
30488,
87,
78,
15,
50,
65,
25374,
79,
51,
265,
39346,
40,
16,
198,
26152,
54,
16,
67,
24,
85,
40760,
23,
322,
27159,
14,
37,
7639,
38,
19,
82,
283,
71,
6369,
50,
16,
38,
20,
70,
4521,
84,
6322,
67,
2999,
14,
64,
49,
3978,
37,
66,
23,
77,
41,
15,
85,
56,
5777,
64,
38,
86,
56,
76,
36,
18,
34,
2931,
1157,
85,
39,
69,
2548,
707,
55,
85,
54,
198,
14929,
23,
20306,
8895,
14542,
69,
80,
86,
51,
15,
88,
51,
77,
2257,
21533,
85,
21211,
2528,
10989,
4503,
74,
29132,
461,
43,
76,
34,
1828,
418,
15,
66,
51,
57,
33,
80,
71,
50,
19555,
48055,
8697,
39,
53,
41,
259,
10008,
80,
86,
33186,
22,
71,
22348,
88,
23,
80,
49,
198,
83,
40,
4669,
32,
4426,
335,
57,
11400,
39,
79,
85,
18,
52,
48,
18,
5189,
50,
89,
57,
2327,
83,
73,
32886,
82,
15,
5189,
1765,
85,
303,
64,
35,
71,
10,
66,
2953,
10744,
44,
18672,
87,
55,
16,
33,
23,
78,
31294,
34,
19,
71,
38353,
2816,
47,
57,
305,
17457,
76,
89,
32,
198,
19,
47849,
23,
38374,
45,
84,
39,
81,
33,
2514,
5837,
68,
73,
87,
42,
66,
3697,
57,
4663,
24,
11770,
2481,
73,
22,
4503,
86,
25095,
18,
75,
54,
85,
45,
20402,
50,
53,
41,
85,
19,
70,
301,
23,
76,
19416,
4593,
3163,
81,
55,
67,
15821,
67,
4825,
79,
4462,
80,
17,
259,
198,
3312,
746,
14,
46,
72,
7456,
10,
5837,
89,
21,
43833,
2926,
17,
25404,
45,
65,
43,
89,
73,
46583,
10,
51,
41,
79,
39,
57,
78,
7378,
16,
9374,
23,
68,
34,
89,
22348,
57,
47,
53,
5760,
64,
3388,
33907,
75,
35,
12418,
78,
5237,
7204,
89,
16993,
19,
55,
24,
10,
64,
14,
49,
18,
198,
41,
70,
51,
14,
22,
84,
29507,
79,
37,
8898,
8068,
15922,
79,
21016,
14246,
10547,
55,
57,
948,
14,
2417,
65,
10,
40842,
14,
39,
25093,
81,
33,
87,
17,
487,
64,
50,
55,
2290,
397,
41,
57,
10161,
34,
66,
43,
22737,
15,
54,
7109,
15,
33155,
19,
16993,
22,
7414,
24,
27015,
198,
84,
15996,
77,
56,
3104,
89,
2246,
70,
18831,
53,
48232,
20,
67,
20185,
70,
1238,
64,
499,
10,
88,
528,
38,
20,
22117,
296,
22,
36,
21,
8575,
17,
18831,
34106,
45,
75,
26708,
15,
86,
3535,
37643,
76,
73,
4507,
41,
14,
18,
10,
19,
15972,
37,
1954,
32178,
4093,
42,
70,
198,
19,
13560,
16,
65,
41,
1847,
14,
45,
66,
28425,
381,
22764,
12162,
891,
7456,
21,
57,
73,
21533,
84,
46987,
73,
4496,
33,
42,
291,
77,
49,
19,
8671,
72,
15766,
15039,
78,
10,
38,
86,
50123,
26705,
22,
38374,
17,
4496,
3901,
15450,
1961,
20,
54,
2616,
2623,
54,
198,
692,
6684,
44601,
14181,
88,
1533,
53,
39,
54,
84,
16,
1273,
16,
75,
54,
19676,
24,
66,
4834,
10,
80,
79,
56,
31271,
32298,
1961,
41275,
34,
274,
81,
42,
17,
3149,
16632,
3185,
27624,
5603,
48,
2079,
39,
45,
3132,
8905,
89,
57,
44,
75,
15636,
49,
39870,
198,
53,
48,
50,
17,
41,
39,
24,
89,
13276,
43538,
52,
14,
79,
51,
9711,
283,
33,
67,
3865,
33,
6024,
49506,
10,
35,
7730,
24,
33907,
79,
41,
52,
21,
49,
21,
76,
322,
18,
8924,
22184,
35,
85,
87,
35,
67,
17,
53,
22,
89,
69,
55,
14,
87,
4089,
34523,
33,
65,
20,
499,
50,
53,
56,
79,
198,
7407,
69,
50,
57,
22,
89,
86,
42,
17,
14,
66,
17,
69,
15548,
37,
74,
51,
16,
87,
15,
66,
9374,
17,
30094,
56,
85,
42,
79,
33,
42,
15972,
20,
71,
17,
55,
80,
23,
38,
69,
37,
23,
47,
1677,
49,
4089,
35972,
22,
42,
67,
47468,
57,
67,
47,
322,
41,
34106,
11994,
22480,
42,
1404,
64,
198,
17,
57,
84,
50,
20,
4663,
20,
76,
49,
15,
40692,
71,
70,
47,
579,
3528,
81,
19,
82,
33758,
17,
38,
74,
67,
3019,
43,
37,
568,
17,
84,
54,
84,
53,
53,
76,
1558,
23199,
41,
47247,
48,
316,
24,
3459,
5673,
69,
5760,
66,
14,
45448,
79,
12861,
88,
52,
10,
891,
4579,
22,
198,
18519,
22,
39,
4221,
64,
37371,
54,
73,
83,
42,
2616,
41733,
17,
80,
86,
19,
42,
69,
49,
23,
35,
76,
80,
2032,
6217,
20,
74,
45,
52,
84,
48,
24,
43,
10989,
17,
75,
41,
2749,
25010,
89,
20,
43,
71,
3118,
47,
11632,
20,
2385,
39,
86,
4790,
37,
78,
24,
33,
83,
23,
72,
19,
50,
57,
43,
198,
85,
33,
24,
57,
5837,
14,
37882,
89,
9310,
32,
17,
12096,
49,
76,
34458,
50123,
42,
14050,
34,
80,
9078,
48,
67,
46,
2348,
78,
46,
31197,
51,
2348,
43,
5944,
52,
23,
15996,
55,
32,
17,
49,
52,
87,
12114,
11698,
3727,
52,
3185,
47,
56,
10462,
54,
365,
84,
41,
37094,
71,
198,
9697,
16960,
76,
23,
80,
41257,
48,
46,
45582,
48,
57,
64,
844,
27912,
48735,
10,
47322,
33,
89,
34,
23,
301,
19,
22556,
15,
79,
10,
18694,
71,
55,
45766,
10917,
45582,
71,
16,
10917,
10,
14,
83,
54,
44817,
87,
10,
6098,
81,
21,
41,
45,
22,
69,
1797,
43,
22,
47,
80,
71,
3886,
198,
75,
3312,
16,
71,
1485,
89,
70,
48,
74,
19,
85,
46,
20,
22332,
55,
85,
18,
89,
69,
4880,
9328,
3980,
89,
73,
41,
16309,
36299,
47,
69,
73,
16,
50,
73,
69,
73,
83,
54,
6173,
85,
87,
48,
10,
6767,
14,
21062,
7414,
15,
43,
30758,
73,
87,
53,
8895,
56,
71,
16,
44,
2484,
9148,
23,
198,
5446,
42,
7222,
22,
75,
19944,
52,
3398,
2898,
35,
2949,
38,
73,
55,
33538,
78,
15,
13655,
37,
20,
268,
56,
1503,
76,
80,
38841,
53,
53,
73,
55,
36,
69,
23,
18429,
42,
296,
39,
54,
12473,
22,
37,
74,
35028,
76,
50,
41,
7998,
30976,
57,
38227,
56,
81,
5431,
18,
17449,
198,
18798,
41,
86,
44958,
80,
732,
73,
89,
37,
65,
21768,
19,
69,
4617,
49,
10,
20,
75,
55,
17,
43,
86,
51,
3104,
8590,
47,
23,
77,
57,
7390,
79,
23,
48,
82,
33186,
34,
57,
3546,
20,
33,
83,
35,
6849,
72,
33,
15,
87,
71,
80,
81,
44,
69,
9132,
34,
24,
54,
1135,
42598,
4246,
198,
56,
10761,
64,
24,
83,
993,
8845,
88,
40,
15418,
46,
6359,
13916,
16,
6888,
34,
34523,
15,
565,
39,
6581,
66,
54,
57,
47,
65,
48,
10,
89,
36,
13276,
55,
18,
44526,
1199,
84,
48,
9132,
16,
14,
35,
48,
80,
35,
8873,
22,
10,
24,
48,
88,
21,
87,
3528,
76,
19279,
66,
4669,
20,
198,
85,
80,
41,
65,
34,
79,
15,
28004,
54,
56,
71,
70,
2857,
76,
19,
36,
89,
45,
19,
45,
73,
2821,
20,
19499,
1544,
49,
4464,
84,
9865,
38989,
16,
55,
53,
77,
34458,
34,
18,
78,
54,
27159,
80,
273,
17,
74,
56,
65,
49,
76,
19,
43,
21,
39,
21,
87,
70,
454,
73,
16,
87,
73,
48,
80,
198,
5211,
39,
81,
49,
1199,
85,
15,
10234,
69,
36,
69,
73,
21,
45,
88,
12993,
38,
57,
21,
84,
18,
73,
70,
17513,
16768,
57,
21,
71,
55,
88,
1533,
45,
19,
43,
404,
7206,
57,
39,
82,
14,
85,
21,
16762,
2704,
47,
4093,
65,
86,
23362,
55,
14,
88,
42,
65,
16,
1797,
55,
84,
7745,
74,
198,
17,
48,
23,
9598,
56,
87,
53,
19,
14,
84,
86,
18,
70,
1722,
8205,
5705,
75,
54,
21373,
18,
88,
52,
22,
2767,
24,
82,
23,
50007,
70,
4598,
15,
261,
3705,
782,
69,
15,
53,
70,
69,
15,
53,
19,
38,
16,
67,
3483,
363,
74,
39,
82,
20,
88,
3559,
43,
65,
15,
74,
49,
65,
41,
45,
89,
198,
79,
2025,
4462,
2885,
3666,
83,
65,
57,
79,
45,
55,
17,
11163,
31522,
14,
77,
44,
4908,
15,
33,
89,
34,
69,
56,
17,
69,
43,
55,
73,
15,
40,
22117,
15,
10,
43,
41,
39,
7730,
45,
55,
36,
10,
14,
418,
55,
52,
23,
72,
6239,
85,
80,
40914,
48,
79,
54,
53,
57,
35,
56,
23,
21870,
1558,
198,
86,
49,
65,
20,
66,
52,
2606,
14981,
77,
21,
39,
85,
87,
2606,
56,
14,
48,
25690,
70,
7344,
44,
782,
15,
2385,
46559,
9399,
66,
3020,
84,
45,
10,
43,
21,
21533,
16,
51,
65,
37,
10295,
56,
19,
69,
33,
66,
39,
2949,
19,
10,
71,
39764,
22,
3388,
6909,
22,
73,
19,
86,
70,
198,
79,
30100,
78,
20,
34153,
50,
65,
56,
65,
10503,
21,
35,
17,
34106,
34,
36020,
32755,
34523,
20,
64,
44,
20,
81,
41,
43,
37,
10,
52,
1507,
57,
48,
26224,
2704,
4548,
2394,
67,
36,
3020,
41,
3609,
80,
14313,
487,
5432,
320,
73,
15,
14,
26903,
76,
52,
4933,
29138,
21,
198,
47,
1219,
83,
56,
10,
305,
3620,
65,
17,
47,
80,
8461,
320,
89,
49,
18274,
25527,
83,
6217,
31273,
328,
37281,
49,
17,
81,
46,
17,
87,
15,
83,
10,
83,
19,
14,
4851,
36,
22,
10,
23,
84,
3510,
57,
83,
38,
77,
57,
10277,
76,
41,
38,
73,
77,
21,
25596,
47,
41,
23,
74,
22,
13599,
198,
14,
403,
4669,
49,
24,
52,
20,
84,
80,
18,
83,
36,
78,
55,
52,
89,
10,
53,
5796,
21,
20031,
67,
86,
32,
73,
70,
31271,
88,
270,
40,
19,
71,
73,
65,
33,
37659,
2963,
53,
36453,
6429,
47,
83,
18694,
10,
3629,
44,
87,
2577,
306,
46,
10,
48274,
57,
85,
8051,
48,
73,
198,
21283,
23,
48,
10,
41,
22,
9598,
44,
71,
38,
69,
32,
78,
3666,
11190,
55,
16748,
39,
54,
5868,
1135,
21414,
39,
258,
56,
20,
65,
1157,
35,
74,
48,
23,
34,
5662,
6732,
44,
8845,
456,
83,
56,
6561,
38,
21,
2436,
85,
952,
48,
64,
34,
4537,
538,
46,
34049,
53,
83,
51,
198,
47,
41,
1443,
45,
86,
24,
14,
51,
73,
86,
37,
48382,
24,
4792,
41,
16,
5439,
36,
2202,
17511,
57,
24,
64,
1797,
81,
54,
31212,
20,
41,
75,
24,
53,
14396,
49,
70,
36,
40,
16,
42,
28664,
48,
54,
56,
5080,
75,
55,
76,
19,
89,
41,
51,
469,
47,
4694,
13534,
1731,
36,
74,
16,
35,
52,
198,
75,
39,
66,
53,
499,
65,
43,
23548,
89,
5892,
43,
79,
23,
70,
40,
78,
39,
83,
65,
10,
38,
41,
21,
2724,
559,
72,
46,
70,
41,
14313,
3312,
32,
9865,
305,
57,
15,
6592,
33,
57,
35,
16,
76,
80,
14,
41,
20,
35,
9273,
86,
37,
16,
69,
17,
57,
65,
39,
73,
6649,
53,
2598,
45213,
80,
198,
14,
10246,
67,
89,
10,
18833,
22,
34,
86,
47521,
31159,
19,
1134,
70,
74,
80,
7250,
48,
48,
23264,
19,
16344,
31159,
86,
3838,
3539,
33,
41,
31688,
34970,
17,
64,
41126,
24,
35,
67,
1433,
14,
42,
65,
37,
41,
66,
48,
41,
303,
65,
89,
10652,
88,
16501,
85,
41,
17,
46,
22,
198,
49,
83,
53,
34458,
2919,
41871,
34,
67,
48,
35,
20,
42,
23,
51,
75,
43,
18,
45,
32182,
8898,
10080,
57,
56,
82,
57,
72,
37048,
20362,
66,
16,
22296,
1018,
86,
41,
70,
23,
66,
70,
4462,
19,
4303,
79,
36,
73,
8671,
53,
5005,
20304,
73,
50123,
12310,
67,
571,
48,
80,
11296,
198,
19,
68,
20,
39,
38,
73,
36599,
5868,
34,
11848,
74,
87,
71,
56,
41,
48397,
10506,
48,
39,
53,
57,
21,
36540,
39,
87,
34,
41,
10,
20,
68,
10,
273,
75,
55,
81,
24,
65,
1045,
11190,
330,
52,
14,
67,
70,
42598,
3163,
71,
15922,
65,
3620,
81,
36,
291,
85,
14795,
79,
3163,
198,
23,
85,
77,
1228,
82,
89,
85,
57,
14,
44,
5308,
328,
54,
55,
83,
10,
50,
10,
85,
8898,
69,
85,
71,
1961,
77,
8873,
361,
65,
15,
44,
19,
32,
78,
19,
17027,
20,
85,
16632,
24,
47,
2417,
39870,
47,
57,
74,
5324,
22,
42955,
16,
568,
18683,
17,
49136,
41,
40,
10,
34,
70,
74,
19,
198,
88,
55,
65,
14887,
53,
70,
74,
21467,
35,
5488,
35660,
37048,
19,
45,
46265,
15,
68,
21,
33,
9527,
87,
51,
70,
7902,
41,
30501,
979,
35,
7745,
33884,
54,
16,
65,
48926,
31294,
10744,
30832,
1031,
76,
57,
56,
77,
51,
13602,
48,
88,
32572,
15,
77,
80,
38,
80,
3865,
2327,
198,
13415,
3069,
54,
7745,
42,
82,
19238,
70,
14,
18,
70,
6322,
66,
57,
41,
14,
21,
43,
10,
80,
18,
46,
27110,
16,
83,
33,
18,
24334,
35,
20,
10,
69,
42,
11632,
42,
32457,
21762,
80,
8579,
77,
15285,
87,
56,
34653,
23,
34,
86,
14,
21,
72,
41,
45,
69,
15,
40842,
33,
74,
15,
3843,
32,
20,
198,
20,
72,
420,
36540,
33,
87,
14,
36,
48,
45,
297,
65,
38,
5446,
82,
21,
82,
55,
6836,
51,
27305,
87,
22,
77,
37,
23,
14,
48,
69,
11901,
42,
53,
39,
7336,
79,
14761,
40,
7357,
73,
55,
67,
565,
45151,
15766,
55,
79,
46,
549,
38,
4352,
36,
27624,
32,
20,
46,
84,
57,
86,
48,
198,
27624,
48,
74,
33890,
21,
44,
5324,
22,
48,
50,
33018,
56,
38,
381,
52,
17947,
5237,
8326,
42012,
55,
3553,
48505,
57,
39,
79,
24,
43833,
80,
38,
13137,
73,
74,
31212,
79,
80,
74,
2969,
69,
55,
66,
1837,
70,
69,
46,
19,
33,
66,
32304,
22,
43,
5948,
48,
14050,
80,
56,
48,
198,
20,
32755,
21,
83,
80,
14,
41,
80,
46,
89,
18,
44,
14,
68,
30100,
54,
15,
40,
14,
5805,
81,
3459,
320,
14313,
272,
19,
47347,
48,
33239,
36,
19,
67,
45,
89,
14082,
2670,
77,
23,
80,
10,
21062,
85,
14,
84,
56,
79,
21,
79,
39071,
64,
41,
80,
67,
54,
55,
34,
68,
6217,
72,
3720,
198,
32754,
73,
707,
18564,
43395,
21,
79,
38,
87,
12303,
17,
57,
77,
20,
10,
292,
21,
43,
3629,
48382,
18,
89,
79,
33,
70,
19,
75,
70,
18,
45,
3132,
38,
79,
4177,
50,
14,
50,
20,
65,
17,
2390,
48,
73,
55,
42,
72,
33,
42,
16,
70,
21,
67,
52,
87,
40,
25600,
65,
36056,
23,
84,
23,
85,
198,
53,
76,
54,
2998,
47,
76,
1722,
70,
32,
84,
32,
24,
84,
24,
36,
86,
49,
73,
26830,
69,
33704,
38,
14,
4507,
56,
20,
47,
53,
6242,
42,
66,
36905,
73,
80,
40,
17231,
77,
20,
824,
46,
22,
32,
15,
70,
36133,
74,
40,
39,
66,
22,
49,
24,
64,
17947,
87,
5188,
16960,
64,
6500,
79,
51,
42,
198,
89,
42,
83,
45,
86,
89,
85,
1899,
87,
86,
21016,
64,
1921,
3041,
73,
44,
87,
38,
27415,
53,
2953,
67,
20,
10,
52,
700,
79,
33,
48,
10,
10246,
16,
81,
39,
1795,
69,
51,
17,
43,
19,
4528,
486,
81,
6144,
49,
81,
2043,
87,
45,
20475,
84,
80,
35543,
24,
25621,
17,
71,
85,
198,
10782,
38,
85,
14,
68,
49,
75,
17,
16768,
3553,
12463,
27734,
14,
86,
40,
74,
22,
45,
16,
19260,
48,
51,
23,
5631,
79,
726,
38432,
10116,
75,
296,
35,
16,
10,
53,
39,
75,
33,
55,
68,
19,
36,
86,
21,
46,
19,
70,
22,
56,
79,
5162,
32,
19,
38,
69,
22125,
41,
56,
75,
11770,
6581,
83,
198,
3856,
52,
41,
79,
53,
41,
38,
4246,
28872,
48,
321,
3145,
48,
83,
17,
4944,
15,
81,
591,
85,
36,
78,
53,
41,
46900,
6217,
79,
73,
1821,
80,
43,
42,
38,
85,
3697,
45,
75,
70,
10080,
42,
18,
41,
615,
73,
80,
70,
16,
57,
8326,
55,
34,
79,
10,
20,
64,
48,
34,
20,
35,
198,
23,
310,
85,
43,
2926,
70,
15972,
10,
37,
80,
71,
50,
55,
88,
10,
70,
19,
310,
10234,
79,
10,
21,
67,
10,
37,
53,
55,
71,
41,
24,
56,
52,
89,
51,
36609,
365,
34,
87,
84,
32572,
57,
35,
85,
35,
80,
20,
23852,
56,
75,
40603,
41,
14751,
6814,
46,
2606,
44947,
73,
3163,
57,
17,
79,
198,
73,
14,
68,
18,
38,
10,
2257,
24,
2999,
10,
81,
52,
31522,
18,
14,
49,
79,
36,
29499,
45,
80,
1404,
85,
69,
37371,
74,
1273,
49,
80,
56,
33,
12805,
34788,
86,
17,
48,
68,
36,
20,
75,
16,
56,
10782,
36,
2767,
28425,
13599,
33,
10,
48,
26531,
56,
80,
1565,
52,
7568,
77,
36,
80,
18,
198,
89,
14,
11486,
24,
80,
56,
15,
71,
429,
21,
26145,
73,
4669,
74,
85,
2389,
44,
57,
2417,
20,
25922,
16,
81,
39,
79,
34,
87,
49770,
36,
3258,
13655,
49,
24,
14,
52,
56,
22296,
19,
85,
10,
53,
24,
33,
20,
18519,
53,
40692,
14795,
14,
66,
10,
21,
6888,
21,
75,
559,
21,
198,
80,
15,
45,
16,
79,
49044,
38,
76,
36599,
8924,
31554,
70,
37,
83,
46,
78,
25123,
21,
76,
33191,
66,
44,
86,
16,
33863,
46239,
78,
38,
19,
87,
18015,
80,
16402,
19,
35,
89,
15972,
37845,
88,
46,
70,
42,
7336,
71,
47920,
71,
10,
21,
76,
38,
10,
71,
13807,
10,
81,
80,
8322,
710,
198,
54,
8863,
84,
47,
69,
4869,
73,
21,
21533,
4908,
22,
74,
15922,
7414,
42,
89,
85,
10277,
48,
3070,
16658,
46,
1150,
83,
53,
69,
3901,
14,
23,
14,
53,
14313,
49541,
66,
29223,
73,
49,
79,
2670,
86,
89,
56,
42,
69,
33,
57,
672,
40,
1140,
44,
10468,
39,
18,
198,
85,
21,
400,
57,
43,
4090,
405,
14,
40,
86,
30373,
55,
37,
14,
3886,
54,
48,
86,
13599,
53,
70,
14,
28875,
45,
6684,
83,
37,
87,
21,
35,
22,
13940,
14,
39,
20,
53,
4880,
35,
88,
44,
73,
40,
10,
14396,
34970,
72,
35,
10,
35,
89,
48,
35,
6024,
44802,
72,
44,
53,
7708,
66,
46,
198,
78,
80,
45,
22,
12562,
86,
15112,
10,
5607,
65,
16601,
72,
24,
6489,
2231,
7792,
19,
14,
23063,
4349,
70,
43,
66,
80,
421,
67,
50,
55,
23199,
8461,
17279,
65,
5488,
32,
4310,
67,
55,
49,
14396,
18,
40728,
10,
49,
14969,
79,
4561,
15390,
39,
22332,
54,
66,
15739,
198,
75,
51,
48,
2022,
38,
10,
86,
13227,
80,
31271,
56,
77,
40,
18,
3019,
79,
10,
44,
19,
30148,
22332,
67,
22,
88,
21,
36,
69,
15,
73,
2577,
20,
41,
28241,
48,
57,
42,
38989,
16692,
81,
1959,
1340,
39,
69,
54,
18,
80,
31633,
66,
47,
69,
44,
20,
28202,
10262,
87,
78,
36,
28747,
38,
198,
3069,
32,
20,
35,
73,
34,
28015,
14,
74,
14636,
87,
53,
45,
86,
45119,
43,
55,
85,
38,
36133,
73,
14,
18,
89,
73,
21467,
47,
24,
32,
18,
34653,
14,
65,
44,
10,
39,
24,
56,
6649,
23199,
18,
14636,
12740,
4464,
24,
3163,
75,
74,
89,
15548,
80,
2202,
81,
11319,
34,
76,
13137,
46,
68,
198,
15751,
1065,
43,
19,
5173,
69,
50,
9374,
87,
74,
10,
69,
41,
57,
10,
19684,
13827,
16,
81,
5162,
32,
4178,
42,
66,
39,
53,
74,
80,
50,
19,
45,
11400,
43,
45,
15,
3838,
11110,
57,
49,
85,
18,
53,
84,
26708,
18833,
42,
55,
69,
51,
77,
34,
721,
19416,
844,
86,
19260,
893,
198,
86,
66,
40,
73,
69,
50,
53,
19,
74,
518,
54,
57,
77,
32,
23,
30094,
461,
15,
52,
39,
41,
42,
70,
46265,
80,
23,
44,
1525,
15,
75,
87,
48,
41,
15916,
31522,
35,
844,
20760,
36,
10426,
80,
18,
73,
44,
39494,
33,
87,
22,
65,
34,
20,
11994,
19,
85,
18,
44,
42646,
16,
48232,
15,
67,
198,
46,
22,
35,
80,
71,
2601,
23,
3104,
85,
77,
19,
73,
5189,
55,
19,
10,
33,
85,
69,
85,
49,
18,
64,
53,
48,
24,
7112,
15,
34,
6659,
21016,
56,
55,
49,
11571,
83,
15,
49,
52,
87,
47191,
86,
24639,
71,
14,
49,
21,
10,
24,
10262,
83,
19555,
5031,
5603,
72,
38,
23,
69,
89,
55,
75,
22,
198,
45,
10,
16,
34,
56,
16,
82,
89,
37,
80,
14,
79,
31273,
10,
38,
67,
49,
73,
265,
8577,
77,
48,
56,
52,
17947,
10,
67,
21,
7501,
72,
39,
34223,
49,
310,
64,
32,
16,
71,
53,
45,
55,
1050,
37,
10,
84,
19,
21855,
45,
75,
49,
86,
18,
71,
74,
37,
83,
35,
57,
88,
73,
40,
86,
37,
3020,
89,
50,
198,
817,
83,
56,
85,
5999,
35,
10,
72,
16,
51,
83,
19,
10,
44,
53,
24,
14,
57,
16,
45213,
39,
2601,
74,
35,
56,
23,
74,
54,
74,
22348,
38,
15,
48,
44,
1130,
33,
17,
71,
15,
71,
14082,
57,
375,
48,
6965,
742,
64,
15,
80,
19238,
274,
89,
56,
81,
34,
15,
4914,
3886,
10,
21,
68,
198,
10,
84,
86,
4339,
22,
71,
87,
16,
7378,
57,
81,
56,
1350,
17,
89,
17,
64,
9742,
48,
15,
39,
54,
15739,
66,
10,
4663,
47,
56,
54,
79,
35,
19,
48,
2231,
57,
78,
33574,
41,
77,
24,
41,
57,
2998,
65,
11682,
68,
19,
10,
52,
89,
70,
10,
77,
34,
3824,
21467,
18,
87,
44,
1872,
499,
198,
21,
49,
69,
24,
67,
86,
17,
15821,
41,
71,
14,
75,
89,
8845,
21282,
45,
77,
22,
701,
261,
50,
23,
85,
89,
81,
22348,
14,
87,
89,
26059,
2348,
64,
16,
81,
56,
37,
76,
1360,
46,
41,
76,
3365,
418,
76,
46747,
70,
1050,
87,
34,
565,
49,
10,
70,
1797,
43,
71,
32,
78,
726,
75,
198,
32,
78,
55,
84,
32,
4761,
34,
20,
6217,
66,
87,
30133,
64,
56,
89,
44947,
10,
18,
85,
42,
4579,
73,
15,
67,
54,
19,
2047,
57,
87,
9711,
489,
83,
8896,
7707,
43,
5883,
78,
3720,
80,
3698,
16,
87,
10,
33,
71,
56,
83,
54,
19,
88,
71,
38729,
35,
85,
42,
37,
15,
28425,
45607,
70,
198,
75,
80,
71,
21,
49,
10,
82,
56,
18,
1443,
35,
21,
54,
87,
34,
56,
80,
36,
413,
23,
66,
49,
3528,
33,
80,
81,
33,
71,
43,
18,
39,
66,
15,
675,
44,
24,
57,
26554,
76,
35,
70,
19,
79,
73,
46,
80,
14981,
74,
20,
65,
43,
18,
926,
10,
73,
701,
74,
44,
89,
37,
71,
48,
64,
39,
67,
70,
38,
198,
82,
53,
53,
87,
22,
68,
32,
2999,
1485,
57,
44601,
37,
41,
88,
24,
42,
19,
10,
65,
19,
80,
2436,
16,
55,
86,
54,
85,
46,
67,
10227,
41,
54,
10,
69,
34458,
10,
89,
36,
2213,
17,
10,
8482,
20,
1003,
23,
65,
41,
17,
80,
14,
85,
39,
69,
2724,
3388,
69,
47,
55,
24,
41,
76,
19260,
48,
22,
198,
23940,
20,
34388,
47,
48,
14,
344,
32,
48,
948,
74,
53,
67,
70,
10,
20,
52,
73,
85,
15112,
82,
54,
48,
34,
72,
48,
82,
28425,
15039,
70,
49,
486,
14,
8226,
73,
56,
4790,
87,
15,
71,
66,
18,
40939,
5812,
32,
22,
55,
21,
47347,
39,
85,
46,
1238,
36599,
16748,
22764,
21,
461,
198,
8457,
40533,
44,
17511,
84,
21,
36056,
21095,
26705,
3666,
67,
42955,
89,
9864,
74,
2920,
6144,
89,
85,
49044,
10,
33,
77,
22,
6144,
15,
40,
17,
82,
73,
47,
23,
13128,
50,
19,
74,
80,
55,
49,
9148,
6435,
5777,
72,
31554,
47,
55,
57,
66,
16,
37,
53,
21,
23060,
49,
10,
69,
198,
75,
5673,
2213,
4246,
85,
40,
33353,
41,
56,
19,
313,
54,
69,
44,
67,
15,
2996,
13396,
13752,
80,
69,
10,
16,
40,
1416,
14,
77,
9328,
73,
28290,
42,
36077,
76,
38,
69,
42,
4792,
41,
71,
55,
54,
83,
32755,
297,
49,
77,
24,
33884,
53,
83,
42668,
17,
8575,
67,
52,
57,
198,
75,
71,
14,
51,
70,
39,
75,
45,
55,
45766,
51,
9328,
4033,
3843,
83,
7501,
19,
34,
268,
57,
47,
56,
8763,
89,
33,
85,
3019,
20,
1135,
71,
69,
988,
4177,
23155,
32,
64,
5606,
46,
80,
3705,
72,
21,
66,
11901,
41098,
15,
13210,
86,
19,
18519,
66,
15,
14,
400,
17,
83,
198,
56,
76,
7836,
1765,
42,
2777,
65,
19,
14887,
41,
3163,
20,
14529,
11731,
86,
89,
82,
17,
70,
10,
15751,
22332,
4537,
18,
20295,
44,
73,
88,
42,
48,
79,
18257,
42,
55,
49,
14751,
35218,
69,
6535,
82,
20,
73,
44,
76,
51,
75,
21,
54,
26152,
41,
20,
35,
80,
2791,
57,
48,
26145,
198,
35,
14,
71,
19,
14,
15,
54,
27605,
32572,
75,
56,
44,
388,
56,
65,
89,
80,
296,
52,
43335,
33535,
78,
14,
21,
85,
73,
36,
20,
54,
6649,
15,
45,
70,
57,
69,
19555,
48,
56,
14,
76,
6359,
87,
34,
18,
15112,
33,
2213,
23041,
2606,
38,
19,
56,
11122,
8898,
71,
47,
335,
72,
198,
774,
10,
87,
73,
24,
50,
33186,
44,
69,
36,
15,
57,
79,
34369,
14,
57,
15,
14,
34970,
7730,
56,
65,
34,
85,
57,
27891,
39,
2327,
6024,
14,
8697,
83,
56,
26979,
6413,
17,
4933,
41,
21,
74,
4720,
64,
46559,
3617,
35,
5907,
49,
6849,
22,
57,
33,
41,
80,
2127,
29551,
69,
198,
64,
40,
14,
76,
46,
64,
14242,
69,
18,
57,
27015,
4561,
41,
20,
36905,
23,
81,
2032,
20666,
8575,
16,
33,
21,
39,
76,
46569,
57,
22,
47,
65,
8610,
3351,
18,
36802,
24,
14,
80,
40,
86,
3808,
75,
38,
15,
563,
24928,
20,
82,
47,
74,
25948,
8326,
14,
71,
10,
489,
35,
70,
198,
79,
22,
56,
893,
17,
67,
85,
9419,
75,
35,
1219,
57,
45579,
52,
57,
11909,
40616,
80,
89,
7556,
37,
15,
20362,
6836,
40,
4261,
75,
14,
46,
64,
28425,
89,
25425,
21,
26224,
34,
9078,
10,
31271,
16,
53,
55,
48,
30188,
35904,
346,
37,
23,
33,
73,
32,
1199,
42,
20,
80,
55,
41,
198,
52,
13331,
33,
10872,
36820,
24,
46,
21,
34985,
41,
55,
1872,
32,
24,
1860,
71,
80,
10,
24,
40,
23,
75,
71,
2606,
79,
54,
41,
28747,
36,
80,
50,
1797,
9148,
78,
18,
35904,
49,
87,
22,
89,
74,
69,
18683,
57,
39,
38,
80,
53,
44179,
65,
469,
78,
36326,
70,
86,
21762,
37,
88,
10,
32,
198,
64,
4825,
36,
16,
25621,
1990,
54,
23,
35904,
85,
25123,
20,
74,
85,
49,
74,
2231,
33191,
28404,
14,
83,
33,
25010,
20,
33,
41,
41733,
346,
81,
19,
56,
11122,
42,
48,
15,
64,
14,
56,
24,
69,
51,
80,
42,
20,
86,
66,
35,
22,
55,
75,
14,
48,
10,
34350,
1137,
64,
40,
10,
30100,
56,
19,
198,
46,
2043,
55,
5036,
33,
15,
65,
37,
88,
18,
45,
22,
2959,
41,
18799,
57,
46888,
66,
47,
87,
7340,
1415,
10,
38,
21,
84,
22,
49,
66,
5211,
3620,
66,
18,
78,
40,
9148,
268,
2202,
49,
53,
41,
21282,
52,
24,
73,
40464,
5064,
10,
12337,
65,
37,
73,
2091,
79,
34,
429,
45,
198,
82,
21762,
48,
50,
82,
31554,
22,
11122,
87,
24,
78,
37,
2969,
42421,
44,
1532,
28747,
1219,
18,
50123,
10,
3099,
80,
21,
48,
48,
79,
40,
4089,
81,
85,
23199,
89,
10,
79,
52,
57,
15,
76,
49,
48,
53,
17,
33,
85,
4579,
56,
77,
73,
65,
48,
49,
3808,
31633,
48,
20,
80,
42,
82,
41126,
198,
15,
54,
85,
24,
74,
47,
79,
322,
13024,
56,
77,
51,
8205,
39,
80,
34,
14,
1314,
79,
33,
74,
36,
27728,
35755,
42,
18,
85,
21,
1340,
8054,
38,
14,
44,
17,
346,
54,
37048,
73,
76,
46,
57,
4537,
74,
405,
67,
85,
53,
55,
46,
23,
43421,
18,
19279,
57,
46,
23,
89,
2931,
48,
198,
15,
84,
15739,
36,
18,
8322,
9078,
20,
31159,
66,
1507,
18519,
40,
20,
4061,
28425,
73,
65,
15,
43,
11901,
75,
34,
25011,
818,
87,
86,
7378,
37,
16768,
69,
6015,
47,
56,
18,
49,
10,
3099,
15,
74,
51,
36020,
23,
69,
48,
80,
2791,
37,
47325,
5066,
31212,
42,
14326,
46,
198,
77,
69,
23060,
8326,
57,
39,
6814,
22328,
55,
20972,
79,
24,
310,
3023,
43490,
20,
9908,
64,
19,
53,
8322,
69,
57,
48,
38,
20,
53,
39,
15,
47,
22,
9399,
5237,
10,
19,
36,
5607,
74,
8579,
80,
559,
397,
53,
5064,
19,
55,
5431,
30758,
38,
21,
38,
16402,
535,
17,
198,
82,
13534,
20,
71,
46559,
16,
82,
9693,
87,
55,
89,
67,
26705,
53,
77,
31667,
3980,
57,
15,
52,
18,
64,
19,
75,
51,
66,
19,
88,
44,
35038,
397,
39,
23,
64,
42,
2514,
56,
18,
85,
14,
385,
39647,
52,
21,
14,
16,
69,
8482,
80,
18,
2768,
46,
541,
19,
343,
46,
2390,
198,
50,
17,
77,
44,
75,
74,
51,
23,
86,
4761,
35,
15,
71,
42,
47,
2926,
78,
15571,
41,
48,
36222,
20,
85,
2213,
3388,
18213,
16635,
47,
22,
21855,
71,
42,
85,
45,
85,
33,
2417,
22332,
15,
26314,
46,
18,
14,
23060,
5303,
86,
18878,
56,
1477,
84,
4834,
85,
28900,
40,
16,
8264,
86,
198,
20,
40,
3099,
22,
36,
23,
45,
87,
18,
80,
21,
42372,
40,
65,
53,
20,
33907,
430,
34892,
41,
75,
31159,
40,
78,
41,
75,
42,
70,
25690,
2959,
38432,
25425,
56,
40,
56,
615,
22,
68,
16,
89,
57,
66,
16,
87,
272,
51,
77,
74,
5812,
66,
1495,
89,
42,
18,
57,
46,
89,
66,
45,
69,
14,
86,
198,
15,
67,
44,
85,
11012,
14,
57,
71,
17584,
84,
38,
15,
40,
549,
10,
80,
15548,
73,
74,
44816,
48,
23,
15916,
69,
23,
66,
2616,
56,
46,
73,
89,
53,
17,
50,
48,
75,
40,
5332,
55,
10917,
68,
45,
87,
77,
45,
15,
385,
42,
349,
87,
1137,
57,
70,
33,
74,
15,
43421,
51,
21,
70,
54,
73,
45,
198,
66,
16,
79,
10,
87,
3829,
11571,
80,
35,
53,
80,
17,
33,
71,
33707,
73,
86,
1238,
37,
31235,
24,
88,
2606,
16,
56,
17,
56,
3459,
73,
33,
18,
35,
23,
1416,
85,
49,
4521,
33018,
22,
45,
14,
56,
72,
15,
88,
30976,
77,
39,
53,
20,
84,
4090,
15,
83,
33901,
926,
14,
20,
46,
22,
1273,
198,
54,
42,
2022,
89,
8905,
22,
49,
87,
33,
20,
49,
57,
51,
17,
10,
33,
21287,
33,
65,
41,
34892,
14,
44,
21,
46559,
17,
55,
79,
43,
19,
68,
20,
55,
79,
36,
24,
36,
17,
45,
19,
40,
64,
44,
3099,
20,
76,
34,
15,
82,
21,
39,
9892,
22,
85,
56,
22,
65,
45,
83,
5080,
17,
31298,
10782,
45,
79,
80,
198,
33,
22,
21879,
17,
47,
87,
47,
6080,
85,
8845,
20,
46,
30894,
1659,
48,
32656,
37,
10,
71,
14,
67,
571,
7568,
24,
72,
57,
325,
10,
71,
70,
22,
86,
14,
84,
18,
2704,
3646,
20519,
69,
18,
54,
17179,
85,
34,
89,
39,
22,
77,
17,
68,
55,
45260,
5308,
35,
21,
41,
14,
35,
17,
198,
21,
6187,
33,
57,
45,
346,
14,
19,
301,
14,
69,
544,
24,
10116,
73,
46265,
39,
54,
24,
67,
40728,
38,
85,
43,
14050,
15,
14,
11380,
22,
84,
52,
21116,
7501,
14,
10262,
48,
4663,
77,
69,
47,
50123,
818,
41,
69,
7745,
36,
84,
489,
48,
14242,
69,
10,
22,
86,
15,
51,
27605,
198,
1507,
48,
21,
82,
48,
78,
53,
80,
15543,
86,
9139,
36,
89,
24,
13290,
76,
39,
79,
50,
48,
45,
55,
64,
53,
48,
2704,
71,
87,
81,
1443,
16,
73,
67,
57,
47,
17,
56,
1453,
57,
67,
39,
22,
77,
19,
76,
35,
66,
53,
49517,
47,
55,
14,
4051,
33,
21,
42,
15,
70,
38,
18,
6500,
66,
21,
51,
198,
15,
89,
82,
45,
15199,
34153,
46,
70,
694,
26830,
1677,
84,
47191,
87,
10,
44,
87,
48,
77,
29767,
16,
70,
23,
34,
3839,
14,
87,
38101,
5631,
72,
14,
7397,
45,
89,
54,
26224,
24,
4537,
41098,
21,
41,
55,
14,
17,
9019,
41,
87,
55,
48,
54,
83,
3019,
6561,
10,
746,
33,
70,
198,
19,
10,
16,
35,
17,
43,
709,
49,
16630,
30501,
85,
55,
20866,
8416,
23,
48,
72,
45,
1677,
70,
4261,
51,
73,
1860,
19,
14,
84,
52,
89,
83,
18878,
89,
28202,
33,
71,
22,
363,
4089,
38,
83,
80,
40,
10,
18833,
45113,
20,
66,
35,
15,
21016,
48,
16,
30094,
44,
10,
73,
33,
19,
42,
66,
198,
7285,
45,
31271,
89,
55,
42,
10,
13940,
33,
7639,
29132,
16,
53,
15,
79,
41257,
79,
47,
19,
8310,
22,
283,
71,
24,
56,
86,
18,
85,
69,
52,
15,
68,
57,
5431,
65,
86,
70,
45,
65,
55,
45,
45579,
79,
69,
50,
69,
2079,
5999,
83,
57,
15,
19684,
56,
76,
80,
65,
55,
89,
50,
48,
17,
48,
22,
198,
16630,
80,
19,
33,
17,
5944,
39,
82,
53,
48624,
22,
952,
68,
22,
39386,
18,
73,
86,
57,
4760,
24,
68,
57,
42,
43,
7708,
74,
499,
39,
10917,
66,
1546,
43,
47853,
10,
20,
88,
50,
16635,
43,
774,
265,
69,
14,
75,
87,
36,
19,
35,
85,
2079,
68,
2718,
270,
19,
85,
23,
88,
198,
35755,
30630,
35,
8035,
1137,
47,
15,
48,
20,
14,
43,
15,
42,
19,
78,
50123,
335,
77,
43,
57,
35,
88,
14,
25374,
3019,
81,
55,
44601,
10,
67,
22,
71,
14,
87,
76,
49,
74,
15,
77,
45895,
87,
23286,
10262,
20,
48,
21,
30501,
74,
301,
23,
88,
52,
5705,
40,
6469,
87,
40,
270,
85,
198,
68,
44526,
43395,
73,
77,
20,
87,
47,
77,
45,
6659,
43,
80,
22,
42,
38,
39761,
67,
18,
8310,
86,
42598,
87,
5439,
4339,
65,
33,
24,
18274,
33,
55,
38,
87,
48,
39,
2857,
24142,
12418,
4178,
5064,
74,
10,
82,
13655,
49,
18,
4579,
301,
73,
258,
37,
3697,
72,
42,
75,
32,
198,
86,
69,
565,
1929,
80,
87,
36,
19,
15450,
51,
896,
47,
48,
48055,
23,
36,
8579,
77,
49,
74,
55,
35,
48,
16,
10526,
42413,
782,
41,
48,
4221,
42388,
40,
325,
22,
84,
26708,
89,
55,
14181,
89,
70,
45,
88,
1069,
56,
30386,
54,
3861,
87,
940,
42,
50007,
74,
54,
73,
43,
198,
21,
19684,
86,
24,
26314,
23,
48,
15,
3727,
469,
4309,
70,
53,
4372,
23940,
32,
4029,
82,
23,
47,
56,
57,
83,
34,
89,
22,
44,
42592,
10913,
70,
74,
36,
30758,
70,
52,
18274,
35,
75,
56,
85,
50,
82,
45,
17,
6322,
89,
70,
746,
43,
21,
71,
73,
20356,
84,
3546,
45,
31159,
37,
198,
22184,
35,
24,
10,
32,
18,
55,
14,
38,
3695,
75,
55,
16,
37,
43587,
14,
47,
89,
73,
16,
72,
14795,
84,
80,
52,
80,
39,
1677,
72,
9527,
80,
20,
36600,
15,
17457,
14,
18,
65,
14969,
12261,
37,
16,
28404,
20,
13415,
16402,
87,
2682,
73,
22,
818,
16,
14,
57,
53,
23,
43,
48382,
198,
56,
33,
18347,
66,
53,
37,
16,
69,
1383,
15766,
57,
7397,
70,
16,
31271,
48,
76,
42598,
75,
54,
23577,
88,
43,
81,
14,
68,
41,
259,
14,
8874,
42,
48630,
35,
75,
7397,
14,
17,
68,
24,
14,
75,
49,
87,
17,
86,
45006,
21,
891,
88,
19,
35,
75,
76,
41152,
26830,
22,
80,
5064,
198,
54,
1525,
21,
40,
21,
6239,
14981,
39,
70,
12038,
8068,
66,
17,
71,
38,
15,
84,
5189,
13752,
19,
56,
4464,
45,
7156,
18690,
358,
73,
16,
11251,
20344,
57,
65,
24,
46,
48,
40,
66,
358,
84,
40,
15,
49,
17,
35,
52,
940,
75,
42,
15,
33,
87,
80,
40,
2164,
24,
70,
15450,
198,
64,
22495,
80,
43,
19,
36,
70,
20,
38,
14246,
32,
10,
16,
74,
67,
1503,
8482,
51,
32572,
24,
75,
71,
10,
49,
83,
10,
5842,
39,
10,
17,
36,
18594,
46,
7252,
3270,
43421,
19,
23060,
328,
20,
56,
18,
50,
87,
10,
21,
11012,
76,
20,
10,
83,
40,
4761,
81,
17584,
32304,
49,
17,
47,
198,
73,
76,
21,
42,
80,
74,
52,
13331,
34,
74,
5840,
48,
44,
16,
81,
45,
83,
52,
86,
54,
85,
46,
88,
54,
73,
1238,
80,
53,
67,
41,
37659,
21,
16458,
14542,
16,
43,
82,
56,
71,
21,
33,
429,
27159,
10761,
56,
55,
41,
15,
37,
1795,
78,
42,
5603,
23,
56,
13396,
7707,
80,
53,
5606,
73,
47,
198,
45,
48,
4496,
16,
29551,
48,
75,
48875,
78,
45,
16,
38,
3132,
72,
36,
64,
10,
23,
78,
56,
54,
8763,
86,
37,
27110,
46456,
39816,
55,
50,
20,
10,
82,
45385,
19708,
45,
14,
2713,
89,
18,
74,
35,
32755,
24,
35964,
14,
84,
14,
16,
73,
45,
16,
40533,
50,
89,
4846,
27624,
198,
44526,
342,
85,
2953,
32,
24,
5031,
33,
17457,
24,
14,
24831,
535,
44,
53,
69,
19,
51,
2091,
77,
14,
18,
55,
85,
14,
80,
40939,
24,
14,
68,
16,
12418,
14,
71,
17,
43,
19,
89,
48,
50,
16,
74,
5431,
15199,
30133,
79,
31159,
84,
35028,
38,
23,
83,
1229,
17213,
15,
87,
18,
54,
198,
49,
1433,
14,
42,
43,
45,
71,
14181,
5760,
47,
55,
84,
24,
5842,
9697,
14,
20,
75,
47,
65,
42144,
21,
27159,
88,
37,
87,
44214,
44,
4579,
49,
34223,
42,
20,
65,
54,
591,
6098,
70,
54,
6888,
32754,
83,
5189,
86,
16,
39,
17,
66,
31212,
88,
41697,
48,
37,
19,
72,
21,
33704,
198,
84,
10,
13599,
14,
65,
44,
15201,
75,
48,
19,
67,
15199,
388,
3682,
82,
38,
74,
80,
17,
83,
22,
41,
14,
12381,
84,
8859,
80,
912,
47,
23,
76,
50,
16,
53,
18,
43,
10,
380,
7639,
18,
52,
17457,
6173,
42,
85,
21116,
53,
3705,
44816,
15,
46,
48274,
39,
66,
16,
86,
16,
78,
198,
66,
80,
405,
51,
14,
56,
21016,
74,
44,
16,
10161,
80,
18,
38,
16045,
23,
84,
56,
53,
71,
55,
74,
79,
80,
41,
24544,
55,
22,
49,
10,
11632,
20,
21373,
23041,
46,
85,
24,
78,
707,
15,
80,
21,
54,
6413,
14,
19,
6888,
53,
4521,
35,
17,
78,
23,
77,
16811,
22,
75,
57,
70,
17,
14,
19,
50,
198,
1533,
56,
67,
89,
34,
23,
86,
43,
41,
20,
13038,
38,
660,
37000,
55,
71,
23063,
19,
77,
42,
73,
16,
51,
57,
6513,
404,
5324,
7670,
21,
34,
79,
34,
19,
89,
51,
75,
21,
75,
19,
7357,
11380,
57,
22,
76,
17,
41,
67,
34,
48,
45,
67,
31212,
45,
24,
38989,
5805,
33,
10,
79,
19,
82,
22,
198,
45,
83,
57,
30894,
40932,
45,
34583,
44,
19,
57,
67,
18,
47247,
22913,
10503,
457,
89,
33,
39,
65,
57,
81,
34278,
42,
1921,
344,
49,
57,
71,
36,
19,
4093,
88,
71,
3553,
2598,
71,
22,
1954,
15571,
55,
14,
64,
17,
70,
57,
44,
16,
72,
41,
19,
57,
71,
65,
33,
71,
73,
1899,
198,
69,
10,
85,
55,
10,
10744,
55,
2682,
5005,
49,
19,
69,
19,
35,
24,
18347,
14,
83,
10,
549,
1228,
55,
89,
23,
10,
70,
47,
5258,
15112,
482,
69,
36,
14761,
73,
50110,
46,
16,
7012,
54,
86,
16344,
51,
14,
88,
38,
83,
54,
38,
27110,
49,
70,
18,
57,
77,
73,
14,
2079,
40603,
30133,
198,
20,
51,
75,
74,
55,
54,
43,
5258,
42,
70,
2704,
2662,
51,
8642,
89,
54,
83,
33666,
10234,
79,
45,
70,
4598,
38576,
45,
18,
81,
18831,
67,
57,
89,
56,
65,
86,
346,
66,
17,
52,
66,
56,
18,
9414,
52,
10,
12861,
7639,
23,
23160,
21,
79,
5842,
54,
56,
86,
8905,
86,
37882,
86,
38,
198,
87,
1140,
75,
48,
15766,
87,
57,
35,
15,
89,
53,
56,
67,
10,
47,
15,
81,
54,
46,
403,
38,
7670,
70,
19260,
3483,
66,
5907,
14082,
21,
66,
87,
22,
70,
87,
77,
43,
87,
17,
71,
4760,
71,
42,
54,
14415,
53,
65,
55,
48,
70,
87,
53,
14822,
38,
8051,
297,
20,
328,
88,
86,
53,
52,
198,
48,
86,
56,
5105,
76,
47,
5760,
46,
33666,
50,
1765,
2782,
42,
75,
37845,
66,
41074,
7639,
36,
89,
38,
74,
39764,
87,
3609,
73,
46,
83,
38586,
57,
5439,
43,
14529,
66,
316,
35,
38730,
69,
56,
16,
86,
33866,
3134,
363,
42,
54,
77,
38,
20,
17231,
40989,
86,
21841,
38022,
198,
47,
85,
34,
87,
84,
21,
66,
46,
88,
17,
49,
21,
85,
22877,
57,
22,
78,
7206,
81,
18,
3913,
48,
2528,
461,
1495,
73,
5796,
57,
70,
5705,
22495,
20,
528,
35,
76,
310,
35742,
86,
46141,
24,
42,
87,
1495,
34586,
15,
47191,
86,
15,
67,
37,
80,
39346,
4792,
21062,
1983,
198,
4593,
82,
2481,
55,
17184,
21,
53,
76,
6359,
13752,
15766,
3104,
69,
4880,
76,
3134,
64,
52,
16,
34,
20,
85,
56,
79,
6413,
24239,
15,
49,
57,
10,
54,
1929,
710,
47,
74,
14,
70,
85,
69,
39764,
31288,
89,
43,
89,
57,
52,
3792,
23209,
40989,
70,
38,
17457,
36,
2662,
198,
54,
89,
11110,
85,
5908,
24,
10,
76,
10,
20,
39,
1003,
15,
70,
22,
69,
74,
53,
73,
52,
15,
65,
34,
5064,
67,
34,
32656,
36,
16601,
75,
80,
88,
34,
56,
18694,
32,
2238,
24,
31212,
34,
89,
2969,
38,
42,
85,
32,
64,
44,
23,
80,
22,
33,
86,
46,
18,
57,
17,
68,
1003,
39,
26979,
26314,
53,
198,
33484,
19,
41,
77,
73,
89,
45,
83,
48,
14542,
51,
12576,
81,
28425,
14,
83,
49,
89,
42,
47,
16,
77,
52,
46,
24,
89,
23041,
52,
1268,
11473,
86,
14,
54,
10,
17513,
45,
18,
65,
57,
22,
32178,
21,
87,
40,
2075,
57,
43,
55,
87,
48,
39,
79,
53,
66,
43,
13137,
44,
76,
16,
5868,
15996,
80,
198,
2662,
51,
18,
47,
47191,
782,
322,
83,
20,
41,
87,
3281,
70,
9792,
26141,
32819,
71,
44,
67,
56,
66,
70,
55,
3351,
40692,
15450,
709,
20,
86,
4372,
8457,
8859,
80,
88,
71,
10,
75,
34586,
44,
85,
1238,
2417,
54,
40248,
69,
15,
54,
55,
89,
43,
15,
46559,
80,
40,
198,
41,
39,
67,
53,
87,
32,
10,
68,
16,
10,
74,
16,
83,
73,
77,
23,
73,
56,
24,
3913,
14981,
65,
301,
20,
38,
742,
52,
20,
67,
53,
2670,
25095,
33,
79,
40760,
89,
73,
80,
6968,
19,
55,
52,
6581,
22,
69,
2606,
70,
20,
68,
18,
38584,
79,
74,
79,
38,
10526,
381,
38,
20,
79,
33,
57,
10,
198,
1415,
34,
5005,
23,
1477,
694,
21,
74,
34,
66,
57,
15996,
5031,
42,
41582,
41,
28404,
75,
73,
29516,
88,
33,
41,
70,
22,
86,
535,
3666,
69,
4524,
33,
39,
591,
64,
5840,
9414,
1270,
38,
87,
39,
38,
42,
6413,
17,
37,
1795,
52,
897,
89,
81,
18257,
48,
11380,
21,
43,
198,
23,
75,
41126,
49,
18,
11230,
41,
57,
8202,
36802,
2238,
48,
3727,
49,
16072,
44,
71,
22184,
16,
85,
37,
67,
41,
6767,
39764,
79,
54,
66,
16,
70,
12740,
73,
74,
19,
10,
3609,
23,
70,
8310,
4352,
40842,
53,
5324,
10,
79,
17184,
14261,
80,
79,
34,
72,
2396,
38022,
24,
43,
198,
53,
73,
47920,
55,
7501,
49,
12418,
49,
86,
44,
85,
71,
65,
15766,
11848,
15,
261,
66,
14529,
55,
67,
35,
24,
88,
16,
32,
23,
68,
24,
64,
8579,
68,
23,
56,
65,
51,
5812,
48194,
1765,
1959,
36299,
52,
397,
53,
3609,
47,
21,
56,
38,
14,
20,
16960,
14,
36287,
35,
70,
5222,
198,
35257,
88,
24,
89,
69,
22,
57,
50,
48,
83,
4309,
10,
57,
10,
38,
4694,
19881,
38,
76,
42,
38,
66,
9019,
8634,
29992,
43,
32178,
51,
7156,
80,
18694,
77,
46,
272,
36,
19,
80,
21,
70,
20,
56,
88,
10761,
22877,
46047,
18108,
3528,
79,
53,
76,
23,
34,
4663,
42,
35,
862,
16,
198,
56,
18,
36,
70,
43,
55,
38,
23209,
55,
18,
87,
86,
41,
27865,
56,
3510,
15543,
40,
549,
24,
88,
48,
30758,
39,
24,
2616,
42336,
87,
33,
14990,
67,
23047,
70,
56,
33,
41,
24,
51,
21,
32298,
57,
53,
4879,
33,
55,
39,
2394,
377,
18,
18833,
57,
42,
21,
73,
39,
79,
32819,
21,
86,
198,
22,
77,
22348,
77,
57,
65,
32,
9865,
1990,
54,
41,
11770,
15,
54,
21,
16115,
24,
66,
31235,
88,
44,
1990,
16,
52,
57,
49,
15,
66,
45,
17027,
48,
36,
18,
53,
3163,
48,
76,
48192,
22117,
42,
70,
14,
40,
34586,
17,
28781,
56,
3861,
87,
45,
377,
5064,
77,
17184,
23,
70,
43221,
22,
198,
36484,
5105,
85,
10,
66,
39,
2953,
16,
6024,
85,
33,
4720,
37,
3886,
78,
9792,
405,
86,
56,
51,
19504,
1828,
52,
5999,
37,
67,
15,
55,
18,
67,
57,
85,
14,
10128,
306,
19,
32572,
87,
75,
89,
10,
14,
83,
41275,
11190,
38475,
35,
24,
79,
43,
16,
45579,
20,
42144,
29499,
198,
5439,
46,
67,
85,
296,
1921,
55,
21016,
86,
6649,
12161,
64,
48,
57,
56,
25123,
68,
23,
86,
23,
51,
15,
88,
33714,
33,
15,
10234,
76,
21,
69,
8898,
35,
83,
9711,
67,
24,
80,
74,
365,
78,
49,
41,
66,
38,
73,
18,
742,
15766,
5639,
16,
10,
64,
34,
7639,
36,
15,
70,
20,
48,
198,
81,
39,
82,
56,
31212,
84,
18504,
41,
8845,
14,
23286,
36,
48,
87,
41,
70,
52,
80,
45,
79,
37,
73,
49,
4146,
38,
21,
8081,
10,
35,
77,
50229,
1031,
45,
86,
52,
385,
16635,
33155,
1921,
54,
10,
37,
18,
35,
22,
78,
56,
9273,
84,
86,
418,
4537,
88,
56,
38528,
42,
82,
50,
198,
32,
19,
44,
71,
11584,
16,
78,
54,
57,
47,
20,
28781,
16,
75,
14,
4051,
33,
53,
21,
10227,
33,
32812,
19944,
32,
84,
10116,
79,
41,
54,
8220,
45766,
87,
89,
74,
8874,
45,
18,
78,
57,
87,
74,
622,
39,
20,
85,
34,
276,
36326,
10,
85,
54,
10,
66,
17,
49,
52,
89,
11682,
10,
4246,
40,
198,
47,
14,
88,
22,
80,
18,
39,
87,
37,
24,
10,
36,
1003,
36244,
2091,
49345,
1003,
10,
2390,
79,
49,
74,
53,
74,
79,
17,
23013,
43,
8924,
81,
39386,
19,
45,
818,
39,
8482,
3163,
37,
76,
80,
34,
48,
21095,
72,
42,
16,
37845,
1485,
65,
87,
10,
20031,
22,
20120,
15,
64,
3185,
198,
42,
85,
51,
21288,
74,
50,
29992,
17,
56,
66,
24,
726,
76,
45,
721,
70,
49,
14,
37,
78,
4503,
710,
14,
1525,
57,
6369,
2257,
46,
48,
6862,
10652,
55,
45,
79,
49,
17,
8898,
18,
38,
3666,
71,
16,
74,
69,
26830,
71,
87,
6836,
5840,
77,
56,
86,
20,
13599,
69,
71,
70,
53,
198,
40692,
21,
2624,
89,
35,
69,
47,
87,
41,
36,
84,
43,
10,
82,
1443,
19753,
43,
69,
53,
19,
44,
67,
37,
9697,
82,
41,
7456,
785,
37,
11682,
86,
48,
20,
72,
49,
75,
10082,
15,
34,
74,
5446,
49,
70,
9892,
1415,
34,
21870,
5432,
73,
56,
15039,
86,
15,
38227,
10116,
10,
79,
198,
22348,
2821,
48,
64,
15916,
19,
283,
22348,
79,
929,
4449,
14,
70,
41,
80,
73,
86,
43,
76,
54,
86,
29516,
73,
89,
85,
71,
80,
51,
70,
14,
66,
52,
10,
891,
11380,
79,
80,
55,
85,
39,
22764,
16,
14,
18,
81,
32,
64,
45,
22,
31271,
88,
39,
21,
72,
48,
19,
51,
52,
3398,
87,
81,
4303,
198,
53,
22737,
16,
6080,
83,
13599,
5603,
66,
39,
20,
44,
10,
2931,
49215,
12496,
43,
2645,
82,
42,
52,
87,
18,
16768,
76,
9655,
52,
66,
10503,
3546,
1961,
14181,
65,
80,
16,
74,
8583,
57,
18,
80,
18,
7730,
9273,
89,
50,
8051,
1026,
20031,
56,
1797,
41,
56,
13210,
84,
198,
53,
80,
15200,
75,
76,
15,
49578,
16045,
41,
34458,
15,
74,
23,
36,
89,
44,
23,
48,
33155,
36,
24831,
48,
19,
42,
48,
45,
5837,
42,
38,
85,
400,
65,
413,
12016,
38,
20,
31159,
42,
1532,
385,
21283,
23,
68,
37,
76,
89,
54,
35972,
14,
15,
36,
13331,
44947,
73,
80,
1137,
26224,
198,
46,
57,
73,
38353,
51,
1485,
57,
17027,
37,
65,
80,
65,
48,
56,
2396,
11251,
66,
10,
2943,
622,
80,
15200,
17,
9865,
48,
8579,
20,
47,
16,
53,
19944,
21,
21533,
22,
69,
12740,
84,
19,
283,
80,
76,
51,
5868,
28404,
53,
53,
84,
29551,
36,
64,
45,
22,
55,
15,
8898,
16,
67,
24,
198,
21,
75,
14751,
24,
43,
22184,
56,
82,
16,
87,
48055,
18564,
32994,
43,
2821,
80,
73,
54,
23,
78,
35,
57,
64,
15,
13752,
87,
37,
16,
54,
21101,
5332,
16632,
1199,
55,
85,
17,
42,
76,
89,
79,
34,
89,
3388,
21982,
24,
14,
14326,
16,
42,
2257,
14050,
65,
56,
80,
29132,
25374,
56,
198,
73,
81,
310,
15630,
1525,
73,
40,
17,
10,
76,
80,
21855,
53,
52,
8471,
397,
35,
463,
27654,
53,
79,
17,
40,
87,
40,
21,
672,
23,
2543,
15,
43833,
46,
15,
18690,
40,
20,
14636,
35,
79,
69,
38227,
85,
42,
15,
64,
39764,
82,
45,
1326,
21870,
89,
42,
4524,
3546,
86,
52,
198,
81,
35,
14751,
49,
17,
56,
80,
49,
41,
16,
35,
22,
79,
49,
42,
65,
57,
47191,
24,
404,
24544,
85,
87,
56,
81,
52,
39,
1485,
1544,
22,
19930,
429,
19881,
54,
313,
35,
23,
40,
1069,
69,
49,
42,
32087,
3792,
8220,
40,
64,
43,
77,
57,
11190,
56,
23,
67,
55,
14,
57,
86,
16,
3978,
198,
81,
3666,
56,
6767,
17,
37,
10744,
52,
38227,
55,
46,
23,
88,
38,
55,
49,
70,
15,
52,
16,
85,
43,
87,
33,
80,
37,
86,
56,
75,
50,
25404,
89,
42,
79,
34653,
15,
2043,
12564,
69,
49,
73,
41,
39,
38584,
54,
73,
71,
18,
64,
16601,
35,
67,
70,
16,
79,
844,
79,
10,
17,
14,
56,
9861,
42012,
198,
1544,
35916,
80,
33,
3865,
50,
2959,
14,
41074,
17,
54,
17,
42,
86,
89,
46,
4792,
33538,
21638,
19,
75,
1722,
48,
73,
19,
51,
21,
24928,
41,
87,
41,
2389,
31633,
1872,
16,
33,
22877,
87,
47,
15,
72,
10761,
19,
5796,
83,
21287,
12261,
71,
56,
23,
10234,
33,
3697,
5105,
198,
77,
42,
15,
77,
54,
11122,
24,
400,
5837,
325,
41,
45,
81,
3843,
24,
2481,
66,
87,
10,
2623,
67,
10,
37,
14,
418,
37686,
20,
14772,
33,
37020,
24334,
51,
41,
43,
20,
36,
72,
10,
82,
6052,
56,
70,
43,
73,
10652,
33,
55,
48,
44,
3856,
78,
56,
74,
10,
82,
57,
34,
67,
35,
4561,
198,
2996,
70,
29551,
39,
65,
22,
6732,
52,
80,
54,
42,
87,
84,
50,
28664,
42,
43,
20,
54,
73,
21,
82,
16402,
57,
11012,
14,
48,
54,
43221,
83,
33191,
23,
68,
54,
16692,
87,
39568,
36,
41,
79,
2154,
48,
75,
80,
74,
21638,
56,
73,
70,
42,
38,
21,
48,
19,
81,
52,
19,
64,
46,
68,
19,
45,
69,
52,
198,
80,
4521,
77,
11584,
48,
21283,
22,
1069,
89,
86,
85,
87,
18,
14,
4846,
41,
2713,
57,
2481,
86,
48,
88,
4309,
11848,
24,
71,
344,
74,
10,
35,
86,
41,
6239,
35,
3727,
71,
42,
82,
325,
85,
20,
34,
14,
15,
56,
2538,
10,
76,
37,
20,
87,
86,
35,
18,
6836,
10,
48,
57,
82,
16601,
198,
86,
14,
18690,
14,
4426,
55,
17209,
46047,
23,
85,
56,
15,
37,
73,
5796,
71,
5908,
33,
1722,
45766,
38729,
3258,
40,
16,
46,
67,
39,
79,
49,
27624,
14,
80,
39,
80,
10872,
23,
71,
55,
2662,
12337,
22,
82,
48,
75,
10,
694,
21,
86,
37,
2200,
24,
76,
18,
51,
330,
56,
57,
87,
198,
35,
23,
73,
35904,
38,
23,
88,
65,
33,
20,
55,
3312,
77,
45,
10,
43,
21,
80,
8642,
32,
38339,
84,
53,
75,
21287,
17,
53,
18,
70,
16,
43,
20,
32,
16,
38,
42,
87,
18690,
3388,
74,
7556,
48,
24,
80,
67,
41,
79,
89,
13038,
56,
74,
14,
67,
39,
5606,
17,
1134,
51,
48,
79,
528,
16,
40,
198,
15,
41,
20,
5247,
51,
4792,
87,
315,
20,
64,
52,
40932,
49,
28900,
55,
2149,
87,
2601,
48991,
52,
23013,
45766,
21,
55,
6888,
34,
68,
23,
43812,
48,
36,
7390,
44,
70,
4339,
16,
36,
19,
14,
38,
333,
4792,
86,
39,
77,
80,
12096,
78,
46,
17,
52,
17,
48,
72,
16,
36,
74,
39,
198,
49,
17,
76,
20418,
20,
42,
69,
40,
39,
71,
14,
21,
39346,
85,
48632,
76,
18429,
16,
67,
3792,
53,
2949,
33,
57,
2640,
23127,
1954,
87,
10,
42,
41,
24831,
21,
40,
88,
1797,
79,
42,
21116,
24,
74,
48,
2396,
40,
87,
48,
76,
47,
5064,
8671,
6561,
20120,
7390,
297,
55,
2782,
198,
41817,
48192,
265,
24,
36,
21,
48,
80,
27705,
45,
67,
37,
79,
38227,
73,
46,
40,
87,
23,
8579,
24,
16309,
47858,
9078,
50,
69,
41,
17032,
65,
24,
7801,
74,
41,
20,
23047,
51,
16,
43,
81,
315,
34,
41,
19,
40,
73,
40,
24,
88,
24,
43,
24,
70,
52,
10,
83,
38,
11571,
84,
23,
48,
198,
24,
86,
20,
39,
6359,
47,
48,
71,
7902,
70,
25306,
22737,
291,
33,
7670,
23,
46,
72,
48,
80,
76,
45,
71,
48,
18519,
70,
41,
65,
54,
57,
9078,
265,
87,
20,
76,
46559,
20,
11122,
10,
88,
55,
30832,
43,
65,
80,
34,
65,
80,
56,
44,
2348,
56,
32304,
53,
41074,
4177,
72,
6322,
47,
198,
79,
17513,
52,
48,
15,
4933,
89,
44,
10,
14969,
71,
24723,
57,
69,
46,
70,
10,
83,
42,
12564,
39,
1929,
75,
86,
4720,
15,
81,
6893,
70,
907,
64,
33,
41,
19,
10,
9711,
81,
47,
86,
10,
3118,
48,
55,
16,
76,
85,
69,
57,
33,
2611,
4521,
10,
13252,
72,
52,
69,
21,
46,
64,
38,
79,
198,
69,
24,
862,
2025,
27891,
34,
70,
1199,
19,
33,
48,
66,
55,
37,
71,
40,
672,
301,
35,
23,
14,
89,
49800,
70,
11319,
74,
80,
21762,
1878,
73,
325,
4805,
4743,
38,
24,
89,
81,
85,
50,
541,
14,
13331,
3535,
23,
81,
45113,
21533,
19,
46569,
34,
7378,
19,
78,
8845,
82,
198,
39568,
50,
53,
69,
41,
7836,
55,
33,
23,
80,
67,
5603,
1925,
7745,
46,
19,
47920,
55,
73,
48,
41,
88,
44,
76,
10,
89,
48,
55,
33,
53,
15,
73,
70,
45766,
49450,
2396,
21,
52,
9945,
7456,
67,
591,
7204,
49,
11682,
4029,
72,
10,
17,
83,
5097,
53,
88,
55,
85,
14772,
44,
23,
43,
198,
83,
57,
33,
48,
23,
68,
44,
5308,
17,
7730,
16,
12038,
76,
18429,
71,
6659,
88,
3123,
1795,
89,
19,
52,
9419,
4449,
20,
73,
76,
24334,
397,
43,
48,
20,
2436,
14,
71,
73,
42,
66,
52,
15,
56,
20,
14326,
79,
38,
18694,
35972,
81,
15039,
77,
39,
18,
84,
35,
80,
16,
9742,
69,
85,
198,
80,
22664,
21,
48,
56,
33907,
66,
57,
71,
42,
8579,
3705,
50,
2998,
57,
56,
80,
19,
2645,
55,
41,
22,
6144,
40492,
12161,
23820,
73,
53,
37,
15,
57,
73,
41275,
34788,
43421,
559,
34,
361,
2394,
86,
22,
83,
49,
77,
38,
14,
57,
72,
49,
3705,
69,
24,
2606,
86,
52,
21,
76,
198,
71,
21762,
47,
3698,
70,
1273,
4743,
33239,
80,
21999,
80,
13599,
86,
1073,
15200,
43,
2704,
44,
2623,
24187,
74,
41126,
18694,
5431,
89,
3978,
54,
721,
77,
51,
22,
86,
52,
39,
85,
38,
23,
4061,
67,
56,
48,
66,
23,
73,
76,
80,
74,
41,
52,
67,
52,
10,
5837,
26270,
14,
198,
83,
33,
19,
80,
57,
32755,
10,
18,
40,
74,
42,
38,
8671,
591,
39,
87,
742,
21841,
19238,
83,
14,
55,
45,
17,
54,
67,
5812,
76,
80,
20259,
80,
34,
42,
86,
69,
2953,
47,
73,
18,
1722,
65,
15,
71,
4720,
18015,
18831,
17213,
57,
8957,
49,
3697,
292,
38,
24,
83,
50,
73,
21,
64,
198,
83,
929,
69,
22,
42,
24,
56,
7670,
15,
36,
19,
5907,
46888,
55,
65,
7222,
38,
41,
86,
41,
87,
55,
54,
1462,
42144,
2484,
76,
8051,
3695,
89,
2934,
21713,
42,
21,
44,
75,
381,
50,
19,
56,
3720,
25922,
87,
73,
24,
55,
3483,
21,
5948,
18276,
83,
13534,
57,
73,
56,
30100,
198,
17,
2926,
36,
16,
39,
16,
52,
48,
19,
75,
17511,
80,
44,
19,
12310,
22,
44,
67,
4303,
52,
818,
15922,
88,
71,
41,
85,
21,
65,
10234,
17,
14,
14326,
34431,
10262,
40,
72,
17,
32,
16,
363,
19,
21841,
37,
5760,
49,
36858,
49,
53,
69,
47,
87,
89,
42,
19,
65,
80,
49215,
38,
16,
55,
198,
565,
78,
34,
16,
9908,
23,
72,
55,
80,
40,
87,
18,
57,
52,
41,
79,
43,
31302,
87,
52,
68,
48,
87,
18,
53,
10462,
57,
912,
40291,
34382,
16,
52,
73,
88,
46,
72,
38202,
42,
80,
17887,
14259,
70,
4093,
48,
452,
33884,
57,
23,
5837,
87,
89,
40533,
29138,
53,
6242,
56,
41,
80,
198,
19555,
47858,
17,
33,
418,
42,
1485,
51,
74,
34,
65,
4462,
74,
42,
44,
71,
49,
41,
43,
39,
14887,
4221,
40,
19,
7998,
3972,
80,
67,
19313,
65,
365,
4790,
80,
57,
13415,
51,
15,
46,
45766,
30195,
2577,
49136,
70,
42,
38,
3535,
32179,
726,
66,
52,
3824,
34,
16,
55,
81,
198,
75,
4093,
54,
3020,
6888,
22,
50,
19555,
87,
3351,
85,
74,
48,
48,
51,
52,
72,
48735,
3023,
78,
10116,
2484,
88,
1031,
36,
7390,
88,
16,
83,
56,
79,
10,
48,
40,
72,
56,
73,
40,
1477,
24,
36,
1546,
40,
84,
549,
71,
20,
43,
55,
10,
76,
3202,
380,
39,
85,
25690,
34223,
198,
38,
23,
65,
38162,
17213,
40616,
47,
7708,
18,
53,
747,
21841,
22125,
23,
48,
36,
74,
56,
87,
47,
16,
81,
34,
70,
40,
16045,
67,
89,
47,
87,
23,
68,
43,
87,
19,
23060,
22,
53,
18,
68,
15,
33,
65,
87,
71,
21,
37686,
46888,
14,
24,
53,
71,
6242,
66,
52,
68,
35028,
10,
16,
46,
17,
56,
198,
413,
15,
79,
14,
49,
21467,
1581,
19,
82,
33,
87,
5796,
4593,
33707,
24187,
87,
43,
5237,
77,
10,
16309,
65,
38432,
48,
368,
40,
70,
17,
74,
69,
417,
312,
29603,
16635,
55,
17034,
14050,
56,
52,
39,
19881,
7456,
69,
21095,
39,
69,
33,
86,
56,
27305,
6659,
81,
74,
198,
71,
24,
57,
69,
42,
18,
50,
405,
45119,
74,
2601,
38,
1477,
32,
20,
77,
14,
42,
87,
23,
87,
77,
87,
39,
14259,
37,
20,
76,
5237,
48,
82,
52,
1532,
1671,
15039,
43,
21638,
1142,
3281,
16762,
36,
21,
84,
21,
52,
46,
83,
15739,
45895,
38,
6024,
12993,
20,
1837,
40616,
52,
198,
2606,
2898,
34,
14,
56,
2231,
73,
46559,
23,
14,
42422,
4449,
76,
24,
40,
21,
88,
38162,
73,
54,
87,
48587,
10,
1961,
81,
73,
27305,
18429,
9078,
44175,
3629,
24302,
2999,
89,
48,
36,
10,
41582,
87,
22,
43,
7670,
57,
85,
397,
47,
69,
10526,
34278,
64,
35,
24,
1533,
198,
16,
49,
19,
34382,
18,
71,
3856,
19,
32,
16,
17513,
22,
81,
10,
3070,
27891,
21638,
15,
79,
69,
16,
74,
19,
89,
20,
84,
53,
55,
32,
385,
53,
71,
56,
38,
41,
23199,
18347,
69,
48,
57,
20,
70,
13976,
2032,
55,
50,
53,
320,
5188,
53,
25374,
15,
53,
20,
33018,
41074,
73,
57,
14,
70,
198,
22,
47,
25010,
21,
11122,
4146,
24,
4462,
55,
67,
86,
2725,
22,
67,
54,
16,
55,
10,
82,
46,
21,
70,
10,
11400,
33666,
4561,
23852,
80,
49,
69,
15,
54,
20,
82,
31633,
44,
14,
2718,
31212,
41098,
69,
57,
20,
5189,
48,
38,
7206,
82,
47,
24,
1018,
57,
44,
9655,
64,
30630,
26009,
198,
42372,
26314,
78,
52,
80,
18,
38,
7730,
19,
45,
7378,
4449,
48,
16,
81,
33,
375,
38,
55,
54,
79,
89,
16960,
54,
70,
24,
2767,
72,
39,
14,
78,
39386,
70,
51,
74,
25095,
10913,
86,
42955,
43,
69,
25010,
2436,
4178,
23,
46,
21,
19238,
7109,
70,
11190,
73,
22778,
55,
37,
76,
80,
198,
19,
31166,
16601,
89,
21,
3149,
11401,
57,
43,
21533,
10,
1228,
37000,
10761,
56,
51,
3682,
55,
14,
40,
14969,
34,
77,
22,
10,
80,
47,
56,
17,
10234,
18015,
72,
38,
25011,
52,
85,
10262,
28015,
21,
71,
21,
52,
57,
38729,
22,
45,
89,
2022,
18257,
24,
4914,
42493,
15630,
19,
198,
66,
73,
57,
261,
18,
76,
80,
54,
80,
22,
10,
6052,
73,
53,
85,
54,
57,
47,
5189,
80,
67,
41,
16,
541,
1731,
38,
1069,
67,
44,
16,
68,
52,
89,
14,
70,
14,
16,
9414,
73,
81,
51,
24,
79,
86,
19,
10008,
16,
23303,
38,
48,
17,
54,
44601,
21,
31633,
3705,
22,
66,
36326,
1795,
66,
21,
198,
74,
79,
344,
68,
14,
88,
32147,
85,
39,
4449,
15,
47,
56,
16,
48,
3682,
36,
912,
23,
72,
37,
86,
9945,
14,
32,
41,
20,
67,
36,
68,
14304,
18,
71,
87,
14,
926,
22,
34,
22,
65,
42,
44,
24,
3682,
84,
28900,
80,
13155,
43894,
44802,
47503,
46,
88,
86,
5653,
74,
41,
45,
52,
69,
198,
72,
49,
80,
43,
48,
20114,
50,
85,
39,
65,
41,
56,
73,
57,
19,
9792,
45,
31166,
66,
21414,
26145,
48,
54,
77,
11122,
32,
84,
23,
13155,
42,
65,
38,
89,
73,
10,
39,
10,
32,
24,
36,
34106,
56,
1443,
39,
57,
72,
28425,
86,
16692,
65,
7707,
57,
71,
7707,
7112,
565,
19,
31298,
5805,
198,
75,
49,
86,
80,
68,
53,
4372,
64,
42,
10872,
21,
23060,
85,
80,
56,
44179,
2898,
6535,
76,
1828,
70,
43,
19,
89,
7708,
469,
43,
75,
40,
7730,
21,
37,
20,
52,
12418,
55,
65,
22,
67,
21,
34,
48,
78,
45,
24,
66,
41,
36,
73,
74,
69,
57,
73,
48,
18690,
15,
42,
52,
10,
45,
39870,
19,
36,
198,
22,
39,
50007,
69,
71,
22,
33,
1065,
79,
7355,
48,
87,
53,
563,
56,
79,
33,
57,
16,
49,
74,
56,
22,
73,
19684,
65,
3459,
46,
85,
37,
344,
44,
14,
53,
89,
81,
49,
535,
23548,
6659,
48,
32812,
10,
89,
30758,
54,
52,
5631,
85,
45,
397,
6998,
77,
11401,
89,
52,
78,
10,
44,
67,
198,
88,
22,
86,
4593,
55,
5036,
56,
55,
37281,
36,
15,
30488,
75,
2767,
17896,
18,
10,
17,
12564,
14,
18,
3838,
2782,
69,
41582,
36,
48,
53,
48,
22,
49800,
3134,
78,
14990,
84,
18,
79,
34,
42,
20,
37,
21,
20530,
88,
39,
6217,
57,
48,
37,
1238,
26691,
20,
87,
41,
24,
34106,
56,
198,
81,
35,
45119,
24,
41,
21,
78,
49,
23,
25123,
41,
73,
49,
85,
18,
29767,
328,
6561,
27891,
5639,
13655,
28425,
67,
14,
23,
4790,
1659,
66,
43,
3695,
45,
88,
2548,
44,
73,
52,
86,
57,
12562,
1219,
3629,
10,
4834,
14,
49,
87,
85,
2425,
50,
19,
83,
45,
85,
39,
6052,
83,
45,
198,
24,
3109,
57,
64,
44,
77,
21,
544,
40,
71,
49,
4349,
15112,
23303,
9527,
1477,
1722,
87,
48,
74,
16,
64,
33,
89,
42,
79,
15,
10366,
53,
1415,
73,
482,
1477,
17,
79,
17,
89,
67,
21,
21768,
14,
74,
7336,
84,
33,
23548,
87,
53,
87,
35,
19,
1820,
86,
56,
1959,
6369,
18,
198,
18,
71,
21,
15200,
89,
70,
36133,
35257,
3134,
33186,
12261,
429,
22,
53,
74,
38586,
52,
282,
80,
41,
71,
56,
37,
45579,
49,
53,
56,
18,
5308,
73,
48,
2713,
84,
20114,
69,
45,
16,
9132,
50,
21713,
46888,
18,
14,
47,
89,
81,
80,
23,
57,
24,
87,
77,
528,
44,
4349,
73,
53,
56,
198,
13024,
70,
69,
42,
25527,
1990,
39,
74,
10426,
34388,
67,
54,
85,
22332,
41,
89,
74,
34,
57,
21016,
82,
35660,
42,
15,
70,
21,
43,
67,
15,
1820,
23,
43,
16,
43,
87,
41,
69,
43,
18274,
47,
42528,
47,
41,
52,
268,
19,
54,
17,
48,
5907,
46,
268,
41,
74,
21701,
22,
4093,
2396,
198,
79,
16,
48,
15,
42,
20475,
21,
42,
1828,
38,
80,
8035,
17513,
70,
16,
48,
42,
69,
52,
88,
43,
89,
49,
69,
17,
67,
21,
48,
36540,
51,
74,
48,
64,
44,
57,
49,
5705,
41,
21,
30100,
14,
38,
41,
19,
78,
55,
73,
3666,
53,
69,
301,
35,
87,
39,
53,
330,
39,
66,
36,
42,
2782,
36,
20,
69,
41,
198,
48,
19,
85,
17,
69,
23,
80,
3886,
42,
86,
22,
40,
39,
55,
6173,
12562,
64,
489,
21,
72,
10,
3620,
15285,
72,
21,
33,
22,
487,
701,
21,
47322,
4221,
18274,
41,
77,
26145,
38227,
67,
24,
7745,
56,
16344,
23155,
24,
7340,
48,
56,
23,
48,
26979,
17,
2417,
87,
5907,
10526,
198,
17179,
24,
48,
68,
38,
73,
12562,
72,
22,
75,
2996,
56,
6561,
20,
41,
67,
11571,
3109,
1722,
18,
88,
3149,
45,
310,
88,
40,
78,
11122,
1532,
43,
15,
70,
54,
87,
15,
15922,
69,
41,
74,
89,
9792,
79,
5188,
79,
1495,
36,
12261,
1069,
22,
78,
10,
82,
16,
42,
12303,
46,
721,
198,
88,
43021,
53,
86,
73,
35,
306,
21,
83,
46,
33967,
73,
65,
56,
52,
66,
3104,
73,
54,
75,
70,
25010,
897,
79,
2920,
14,
48,
66,
10227,
726,
1360,
4221,
87,
19,
49800,
41,
75,
33,
73,
19,
54,
53,
48624,
333,
19,
48,
27110,
10,
721,
44,
24,
10,
82,
54,
53,
6513,
10305,
10,
198,
11994,
57,
27399,
18,
79,
43,
25527,
18,
88,
40932,
13415,
8634,
5999,
38,
24,
65,
54,
5653,
38,
24,
40,
78,
37,
2777,
14,
5812,
41,
37,
23,
5439,
49,
21,
35,
16,
71,
19,
89,
5631,
6098,
7556,
10,
69,
3843,
24,
89,
33906,
3705,
45,
23286,
23041,
21,
48,
38,
10,
3281,
39,
198,
48397,
34788,
89,
16,
79,
952,
1503,
34223,
33866,
18,
43,
57,
17,
55,
487,
44,
87,
41,
22,
54,
24,
71,
57,
82,
54,
4178,
54,
22184,
38,
21,
563,
42,
74,
85,
10,
17213,
85,
20,
77,
17,
73,
293,
16,
57,
56,
2611,
33866,
76,
6998,
16045,
40,
494,
56,
67,
56,
76,
4669,
57,
198,
46888,
37,
3281,
17,
17457,
32,
988,
38,
73,
5907,
42,
75,
52,
2782,
82,
53,
41,
54,
38,
73,
7407,
69,
38,
55,
301,
89,
891,
2718,
15112,
48,
33901,
43,
7501,
73,
15,
52,
68,
16,
79,
23286,
17,
5837,
55,
54,
38,
22,
14,
49,
87,
77,
45,
80,
70,
45,
15766,
10,
14326,
4792,
198,
80,
10503,
21,
56,
14,
4792,
66,
48,
37,
79,
19279,
6581,
49,
81,
46,
400,
73,
20185,
87,
74,
14,
83,
50229,
65,
48,
78,
47,
12418,
3682,
53,
89,
38227,
24831,
32812,
18,
27912,
7204,
1069,
4051,
79,
6659,
2934,
42413,
21,
88,
2943,
80,
20,
35,
49345,
3720,
30501,
69,
198,
47,
65,
26377,
45,
9864,
461,
54,
57,
21638,
46,
76,
42,
53,
10,
54,
15,
77,
47,
23,
55,
26903,
16,
73,
45,
21,
86,
6187,
80,
55,
73,
354,
53,
429,
41,
37,
20,
28872,
51,
18,
75,
14,
75,
16993,
39,
74,
23,
10,
14,
8859,
55,
87,
12298,
11012,
37381,
54,
86,
48,
46150,
198,
21,
13155,
69,
52,
84,
315,
55,
5080,
54,
17,
81,
14,
17,
57,
40616,
20,
32,
24,
38,
2611,
43,
672,
74,
13534,
39,
15039,
46,
66,
10,
79,
40,
2791,
19881,
41,
42176,
74,
22495,
54,
76,
3163,
36,
89,
76,
21,
2624,
51,
7156,
44,
53,
85,
43,
80,
24,
43,
69,
85,
1229,
2713,
80,
198,
38353,
45,
73,
54,
1558,
77,
36,
70,
39,
52,
14795,
22,
87,
21,
70,
23,
77,
50,
10,
52,
16057,
78,
2414,
1581,
34788,
10262,
541,
46265,
2043,
69,
73,
20,
47,
6968,
15,
78,
24,
271,
46,
72,
35,
75,
35755,
87,
50,
17,
4339,
66,
55,
64,
19,
89,
45,
77,
55,
81,
33,
65,
57,
16,
198,
79,
6089,
55,
75,
42199,
38730,
17,
76,
16,
46,
17,
32,
48,
39,
1677,
3099,
42,
10,
47858,
53,
89,
38,
17,
78,
44,
3705,
20,
39,
70,
87,
39,
80,
541,
57,
35257,
54,
8924,
71,
16,
73,
24,
35,
89,
74,
19,
14181,
5431,
87,
84,
48,
18,
3697,
4944,
68,
45,
86,
23,
37,
86,
48735,
198,
4339,
41,
73,
53,
48,
5812,
563,
21,
3808,
14,
4826,
72,
24,
1797,
76,
10,
85,
32,
41,
23940,
35,
17250,
20,
82,
19,
35,
23,
36802,
56,
33,
16664,
32304,
1065,
89,
52,
80,
87,
23041,
375,
86,
16,
10,
69,
48,
16,
701,
55,
14,
74,
40,
89,
34,
42,
22,
80,
74,
313,
77,
69,
198,
85,
87,
10744,
52,
3865,
74,
11190,
39,
413,
20,
57,
26145,
1495,
1828,
4834,
35,
21768,
8845,
16,
2898,
44,
24,
22877,
33,
6849,
84,
39,
37020,
42,
17,
26531,
24,
49,
19,
42,
14,
66,
22,
56,
55,
64,
26830,
76,
53,
86,
39,
86,
34,
73,
65,
7340,
87,
32178,
35,
615,
78,
51,
198,
7902,
14,
72,
29132,
55,
20,
80,
56,
37,
79,
69,
30758,
22,
48,
69,
21,
67,
4869,
73,
4561,
47,
5908,
40,
19,
75,
22,
79,
41,
43,
69,
18,
81,
49,
85,
14,
40,
21,
37000,
9703,
535,
405,
57,
3901,
35755,
56,
77,
21,
2528,
38,
69,
24,
75,
71,
24,
46,
85,
330,
20,
2389,
10,
198,
52,
21,
346,
41,
73,
89,
14,
47,
57,
37,
85,
14,
82,
10,
56,
89,
24,
80,
67,
15,
6836,
46,
1073,
69,
57,
33,
17,
52,
10116,
40989,
11251,
79,
49,
35641,
35389,
50,
48,
1130,
74,
87,
75,
15,
38,
57,
78,
51,
2188,
48,
42421,
13807,
32,
494,
7670,
51,
701,
72,
14,
87,
38227,
56,
198,
5308,
33704,
24,
4834,
7745,
86,
8697,
17,
43,
2481,
42,
2725,
56,
54,
1477,
16,
46,
57,
5812,
39,
7206,
24,
85,
51,
76,
41,
42,
49215,
82,
19,
87,
14,
11848,
40,
27624,
80,
19,
891,
64,
22,
35,
19,
79,
21,
84,
33,
71,
36,
39346,
5812,
43,
69,
16,
51,
85,
87,
23,
6239,
70,
198,
4869,
912,
23,
67,
56,
4304,
83,
37000,
56,
67,
17,
1073,
6173,
20,
34431,
38,
67,
52,
70,
46569,
56,
42,
17,
36222,
66,
18,
12310,
8068,
66,
48,
429,
39,
9374,
19,
57,
10,
6435,
37,
73,
25093,
85,
16,
44,
86,
45448,
70,
8642,
51,
25123,
22,
36,
89,
3666,
21,
26830,
70,
198,
47,
80,
17,
32178,
18,
54,
69,
27159,
35990,
15418,
16960,
55,
20,
40,
88,
10,
35543,
46,
22,
4825,
65,
4310,
69,
28015,
38,
83,
44,
22,
86,
36392,
1003,
65,
32,
16,
80,
6732,
87,
494,
23,
14761,
8924,
16,
87,
3620,
51,
48,
17,
46,
7639,
2200,
71,
7998,
3978,
39,
4720,
198,
17,
55,
8035,
11473,
83,
5105,
24928,
21,
24723,
55,
395,
53,
35990,
5760,
2290,
71,
12038,
20,
10,
26059,
7390,
57,
11682,
84,
19,
349,
13534,
80,
381,
57,
80,
79,
53,
21,
70,
39,
18,
3483,
40,
19,
30630,
1722,
34,
2682,
73,
14313,
72,
39,
9711,
70,
49,
16,
80,
198,
5907,
69,
71,
73,
15,
7340,
48,
78,
18,
68,
20,
7998,
89,
21373,
23,
72,
10,
74,
57,
81,
42,
7670,
16,
78,
47,
87,
2149,
80,
48,
36,
86,
24,
64,
50,
87,
2043,
52,
80,
39,
17,
72,
56,
48372,
4496,
51,
14,
26615,
15,
51,
73,
26145,
36,
41,
14,
17,
1219,
1722,
65,
47191,
81,
198,
72,
12805,
25011,
18,
65,
38,
10,
77,
16,
51,
16,
17896,
47,
9792,
77,
16,
7397,
11473,
3546,
48,
41,
83,
55,
19,
31235,
24,
84,
31294,
49,
57,
48,
1477,
83,
19,
10426,
79,
18,
35,
80,
45,
20,
69,
73,
27110,
19,
49079,
55,
74,
55,
81,
19,
68,
32,
291,
21533,
27654,
33758,
6089,
198,
19,
73,
51,
21,
6649,
10782,
40,
80,
78,
37,
313,
76,
46047,
78,
53,
41596,
10,
88,
51,
27015,
11230,
88,
20,
74,
7836,
1677,
21,
75,
71,
39,
10,
1959,
71,
52,
14,
67,
85,
65,
35,
16,
49,
18,
54,
5653,
37,
57,
73,
44,
15,
37,
36802,
12805,
44,
21,
34,
4310,
72,
26531,
33,
1443,
198,
3913,
16,
8905,
20,
77,
3041,
40,
24,
70,
24,
89,
10227,
57,
81,
21016,
53,
65,
55,
73,
2417,
45720,
52,
57,
14795,
87,
9742,
41,
86,
48,
23,
87,
1847,
55,
71,
50,
9864,
48,
622,
38989,
67,
14,
32,
18,
78,
1925,
86,
15039,
75,
20,
79,
80,
46,
2503,
73,
87,
56,
76,
80,
198,
40,
86,
32,
18,
33,
30630,
15,
27605,
19,
35,
70,
15,
13909,
926,
75,
32838,
10,
15,
70,
16,
10,
39213,
10227,
85,
7156,
39,
375,
43,
66,
10,
74,
51,
83,
45,
16,
73,
333,
34,
40728,
51,
7390,
18274,
5705,
23209,
8634,
1961,
75,
48,
46141,
40932,
11674,
54,
23,
34,
77,
198,
4598,
56,
71,
35,
32812,
89,
16762,
36227,
46,
19,
57,
12418,
72,
50123,
32,
22,
3132,
16630,
21211,
22,
83,
21,
49,
30148,
68,
49,
709,
85,
21,
88,
1533,
2898,
48,
65,
22,
89,
5760,
84,
19,
53,
87,
46047,
78,
39,
57,
76,
35,
79,
10,
52,
22,
37,
32417,
80,
15,
48,
80,
67,
35,
198,
17027,
57,
73,
55,
34,
41,
3698,
75,
43,
1504,
51,
41,
18,
79,
44,
87,
10,
65,
74,
21870,
74,
6968,
23127,
45,
88,
21,
37,
5332,
35389,
1659,
40989,
45,
18,
343,
79,
34,
20895,
36,
36222,
4507,
54,
7012,
33901,
20,
54,
88,
2327,
79,
20,
6767,
24,
30272,
46,
6217,
198,
22556,
32,
78,
15972,
39,
4761,
80,
73,
39,
85,
22,
65,
48,
15285,
21,
66,
4310,
73,
77,
27481,
1925,
72,
19,
39,
76,
49,
28241,
17,
21768,
14,
72,
14,
34,
1383,
82,
73,
6420,
303,
1415,
69,
24,
76,
53,
19,
86,
18,
73,
41,
69,
22,
45,
16,
52,
85,
2417,
89,
14,
81,
16,
64,
18,
78,
198,
68,
17,
48,
85,
17034,
14,
82,
24,
75,
57,
45,
6888,
80,
51,
42421,
35,
5308,
35,
87,
34,
56,
10426,
79,
7414,
34,
48,
22,
43,
20,
46,
16,
71,
29516,
993,
42,
86,
5431,
40,
4521,
82,
16692,
710,
15,
64,
20,
4303,
39,
3546,
75,
52,
1130,
70,
2394,
16,
74,
56,
48005,
2389,
198,
79,
10,
22,
68,
1120,
72,
41,
69,
51,
8577,
87,
17,
12861,
20,
2736,
46,
22,
47,
17657,
1525,
79,
56,
20,
73,
20,
89,
5908,
20,
10,
2725,
10,
47,
14,
71,
21,
55,
48111,
9861,
87,
16344,
80,
88,
57,
2670,
64,
3069,
57,
42,
14,
64,
22,
10,
45,
69,
22,
26903,
49,
20,
56,
80,
37,
198,
74,
47,
89,
34,
16635,
46,
24,
40,
17,
84,
86,
948,
32133,
19,
87,
40,
68,
53,
39,
19,
56,
88,
22,
53,
73,
18,
31166,
23,
75,
57,
64,
22,
38,
80,
18,
38,
57,
79,
45,
431,
1069,
47,
41,
37,
65,
14,
55,
46,
15,
17947,
35,
22,
76,
34,
42421,
17,
33,
12418,
30630,
54,
80,
88,
73,
85,
18,
198,
48,
818,
24,
68,
15285,
48,
70,
5237,
19260,
73,
48232,
17,
34369,
16,
88,
39,
87,
7204,
16,
68,
14,
25123,
79,
591,
67,
36,
41,
5824,
47,
22,
65,
24,
70,
15,
38,
3281,
49345,
15,
10,
489,
21273,
41,
83,
1120,
86,
56,
41,
51,
9908,
27654,
23,
80,
34,
76,
24,
3666,
21,
198,
41,
16960,
70,
41,
19684,
70,
40,
6780,
15,
74,
18,
27481,
21,
67,
4561,
73,
344,
42,
74,
8457,
18683,
48,
66,
35,
31298,
33,
70,
14,
21,
20306,
16309,
18,
36,
22328,
21768,
817,
39,
53,
65,
10227,
24,
33,
17,
81,
22,
72,
15,
11400,
36,
80,
45006,
32678,
2898,
46,
10,
34,
198,
16635,
54,
53,
73,
54,
544,
8577,
20,
10913,
48,
49,
69,
47,
89,
82,
39,
79,
42,
55,
1795,
5883,
75,
23,
14,
81,
10,
48,
49,
79,
18,
80,
65,
45,
55,
57,
2821,
85,
57,
26224,
20,
56,
2425,
83,
22,
38,
6052,
87,
1544,
2645,
7639,
33,
10246,
87,
17,
78,
47,
3019,
24,
83,
35755,
198,
18,
75,
10,
55,
4524,
80,
52,
85,
35,
53,
37,
48,
42149,
20519,
528,
80,
47468,
20,
69,
43,
39,
77,
57,
48,
48,
5999,
44245,
50,
14,
3163,
40,
23,
487,
660,
39,
80,
39,
16,
88,
782,
37,
69,
6489,
24,
72,
53,
45119,
34,
69,
8461,
4825,
817,
39568,
2767,
10,
87,
198,
39,
73,
42,
81,
14,
18,
69,
85,
48,
19,
45,
2718,
37000,
10246,
14,
76,
12564,
16,
64,
10,
21,
87,
42,
74,
47,
77,
47,
69,
55,
65,
16,
85,
43,
8326,
35,
67,
21,
57,
2736,
40,
73,
88,
69,
20185,
71,
11230,
42592,
15,
70,
85,
9598,
72,
36,
48,
11729,
9414,
49,
83,
5246,
35,
346,
198,
76,
55,
10,
24,
36,
74,
48,
2999,
52,
80,
89,
37,
15548,
71,
35,
24,
1765,
48,
71,
48,
20,
45,
2548,
70,
49,
7801,
68,
11251,
35,
16,
7792,
56,
9419,
817,
21,
79,
14,
38,
24,
1659,
79,
9892,
73,
36,
7670,
32298,
10210,
54,
80,
263,
49,
74,
43,
87,
15200,
37845,
1860,
56,
198,
87,
81,
40,
71,
3646,
29132,
23,
16458,
70,
69,
56,
80,
37,
21,
6413,
844,
46,
64,
41,
70,
7336,
73,
87,
51,
52,
48,
40,
78,
19,
36,
22,
41,
3483,
17,
72,
4720,
20,
3046,
39,
65,
57,
70,
16,
68,
24,
2857,
23852,
40,
86,
51,
66,
22,
29551,
5673,
85,
50,
73,
20,
10,
52,
56,
1990,
198,
50,
55,
49,
2484,
86,
36,
65,
9945,
49,
48,
35,
10128,
54,
4310,
69,
47920,
39,
69,
457,
21,
14,
67,
14,
79,
74,
16,
34,
18,
41,
14761,
411,
22,
67,
6968,
70,
69,
43221,
23,
37,
48,
14,
36,
14,
41,
22,
70,
57,
29551,
33,
11627,
15,
14,
2481,
33,
41,
56,
18,
34551,
45582,
198,
2436,
48,
74,
23,
72,
8205,
55,
34,
23,
43243,
22,
42,
40914,
39,
82,
21,
33,
48,
20,
74,
29658,
73,
41,
69,
368,
5907,
77,
80,
20,
461,
9711,
5774,
56,
20,
48382,
35,
56,
80,
49,
23160,
42,
16,
75,
2777,
44,
30148,
21,
83,
44,
89,
34788,
5944,
37,
9693,
52,
1137,
76,
198,
80,
45,
67,
36208,
87,
78,
2949,
73,
8326,
52,
84,
80,
20760,
50,
15,
49,
65,
13415,
17,
65,
87,
76,
55,
89,
14751,
49703,
86,
13534,
4521,
18,
10652,
56,
76,
2414,
72,
40,
71,
16,
21862,
6359,
50,
16,
41,
55,
38,
42,
2396,
73,
1050,
38,
259,
20,
49215,
42,
38,
2154,
198,
22,
33,
69,
38,
3919,
6469,
41,
5324,
86,
17,
80,
71,
26377,
40,
20,
66,
46,
40,
80,
54,
43,
55,
37,
48,
57,
14,
40,
5812,
3546,
6322,
56,
11251,
3132,
73,
54,
47147,
38,
16870,
69,
2931,
23,
2548,
65,
38989,
87,
35,
23,
41074,
85,
2816,
37997,
7397,
65,
52,
85,
198,
56,
23,
72,
39,
10082,
50,
73,
14761,
48,
29551,
4503,
20185,
16,
2348,
74,
66,
48,
13599,
88,
17,
42,
76,
38208,
42,
23,
48,
14,
87,
15,
4579,
22,
417,
405,
4598,
891,
46,
64,
52,
73,
3459,
28404,
57,
33,
17,
57,
17931,
14,
79,
57,
79,
10503,
66,
73,
53,
8924,
19,
43,
41,
198,
68,
21,
51,
52,
48,
44,
85,
16,
40,
86,
37,
17,
75,
39,
18,
11400,
10,
54,
824,
8457,
40,
66,
55,
10,
57,
18,
14,
65,
53,
1652,
41257,
83,
21,
88,
48,
77,
22,
80,
4869,
81,
43,
82,
56,
20114,
24,
15543,
74,
14,
67,
38,
79,
1071,
6024,
39,
87,
55,
21,
40989,
7222,
44,
19,
57,
34,
198,
64,
16,
78,
14,
27399,
13752,
43,
4908,
42,
48,
34,
19,
53,
56,
57,
21,
48,
46,
83,
14,
11770,
22296,
80,
69,
80,
70,
87,
73,
39,
23,
84,
45,
80,
535,
23,
42,
4914,
53,
65,
56,
74,
46691,
23,
721,
49,
75,
21,
25189,
17,
86,
20,
11584,
8482,
43633,
66,
24145,
2898,
5842,
198,
14,
952,
68,
541,
67,
41,
23,
8086,
16993,
20,
36,
84,
53,
87,
77,
32,
15,
66,
55,
53,
87,
3808,
2396,
20,
37,
47468,
69,
36,
23,
73,
24,
64,
2937,
20,
45,
88,
952,
51,
22,
84,
324,
86,
20,
52,
29567,
21,
57,
49,
42,
85,
774,
35,
20,
51,
40603,
44816,
68,
1961,
70,
19,
198,
21,
72,
31271,
7998,
41,
48,
16501,
40533,
24,
18694,
22,
70,
33,
3109,
24,
40,
1525,
79,
385,
47,
23,
42416,
53,
5036,
84,
47,
16762,
53,
23,
46,
57,
39,
57,
67,
37020,
39,
24,
3682,
385,
9310,
4221,
14,
71,
43,
5774,
78,
17,
37,
34350,
41,
30188,
33,
43812,
952,
198,
72,
14,
57,
75,
22,
354,
21,
47,
73,
65,
14,
7109,
83,
38,
4535,
10,
36326,
14,
2257,
79,
8905,
42,
27705,
43,
17,
44175,
1797,
88,
37,
70,
907,
28015,
9936,
87,
55,
20,
68,
46,
22,
4720,
1199,
14,
75,
70,
4051,
84,
38,
5907,
38,
80,
37,
57,
21999,
15916,
38841,
912,
198,
48,
2075,
3824,
17184,
20,
88,
54,
53,
86,
32,
17,
54,
74,
8202,
85,
9742,
43,
1273,
89,
6489,
54,
66,
57,
10,
73,
15,
57,
5488,
33,
18,
41,
80,
17,
88,
51,
85,
1326,
68,
78,
2548,
14,
4805,
42,
83,
57,
53,
10,
22,
43,
10,
88,
57,
65,
701,
80,
18,
56,
20,
73,
48632,
73,
2999,
198,
1821,
64,
4531,
36,
20,
23060,
24,
57,
13415,
50,
2937,
21,
41098,
5488,
16,
72,
51,
57,
746,
77,
23155,
926,
24,
81,
33863,
87,
14,
77,
13940,
66,
15,
73,
55,
89,
73,
10,
22,
41,
88,
57,
3913,
85,
49,
24142,
1983,
49,
14,
65,
18,
71,
70,
3824,
57,
80,
43,
80,
74,
8482,
16,
198,
36484,
8697,
86,
45006,
67,
35,
5842,
89,
271,
49,
85,
19238,
56,
5868,
65,
615,
80,
33,
39,
81,
43,
55,
74,
2127,
57,
51,
70,
54,
26059,
86,
44,
89,
55,
70,
52,
16,
67,
51,
66,
24,
35,
10,
22,
33,
18,
86,
35,
1821,
2290,
88,
37,
13599,
48361,
35,
15418,
56,
9655,
38,
79,
10,
198,
33907,
3118,
36,
32179,
52,
73,
34223,
31271,
70,
87,
40,
56,
38,
15,
38,
18,
10917,
73,
46569,
65,
10,
33967,
40492,
10,
51,
5907,
22,
57,
83,
32,
20,
35,
23,
23209,
18,
34,
15,
85,
40,
86,
6242,
1921,
89,
19,
80,
15112,
18,
76,
41,
56,
53,
19,
25297,
86,
413,
65,
10227,
41257,
198,
23940,
22,
80,
88,
65,
14,
76,
1373,
44,
17,
47347,
43,
22,
85,
22,
9792,
33758,
10,
19,
6187,
80,
8471,
23160,
86,
37893,
46,
24660,
14,
65,
41,
10161,
73,
57,
30758,
1050,
18672,
84,
19684,
71,
48929,
49,
46999,
1199,
3546,
1199,
80,
40533,
47,
65,
198,
76,
36,
42,
11319,
88,
9414,
694,
88,
38,
694,
20,
53,
7357,
24,
6242,
18,
88,
23,
1416,
44,
17,
41,
48,
70,
33,
18,
54,
2246,
76,
23,
565,
926,
15390,
44,
57,
46,
3104,
30711,
65,
18,
47,
87,
22,
14,
84,
17,
55,
13752,
43,
65,
35,
77,
41275,
44,
77,
26708,
57,
17,
198,
37,
73,
12496,
73,
17,
48,
38227,
65,
57,
44817,
80,
43,
55,
41,
10,
16768,
22332,
80,
14,
76,
56,
74,
89,
80,
8416,
2934,
22,
34,
18694,
21,
81,
14,
83,
8051,
89,
80,
4089,
54,
19,
80,
45,
14,
487,
79,
18,
69,
18,
65,
926,
81,
46,
1983,
87,
2075,
67,
39,
6732,
41,
77,
3559,
198,
89,
4598,
42,
66,
21638,
48,
17896,
32,
24,
87,
42,
80,
65,
23852,
25095,
38,
565,
38,
21,
86,
11190,
10,
74,
322,
10,
21,
69,
48,
75,
43,
69,
49,
15,
57,
89,
38,
19,
78,
20,
44,
85,
41596,
16,
49,
10,
86,
37,
4524,
3483,
21,
71,
74,
34,
701,
44817,
2213,
74,
26314,
8126,
198,
8432,
461,
23,
36208,
1581,
12805,
16,
87,
14,
23,
69,
48,
20,
7836,
15,
39,
7998,
81,
49,
57,
2290,
52,
21,
49,
89,
3972,
31554,
43,
19,
75,
57,
320,
51,
28747,
35,
57,
21,
68,
20,
73,
10025,
74,
8579,
70,
45,
20,
54,
14,
85,
41275,
10,
43,
862,
24403,
40,
2682,
198,
19313,
10,
21,
3372,
45,
81,
1899,
36,
20,
75,
10,
24,
3553,
50,
1003,
47,
18,
7568,
50,
69,
10210,
45,
16,
35,
2425,
80,
14,
82,
8575,
51,
79,
40,
86,
47,
73,
48,
274,
69,
48,
85,
52,
57,
23,
83,
48,
65,
74,
22,
44602,
1026,
36905,
8957,
4061,
84,
19,
2385,
56,
71,
42,
198,
49578,
22,
34,
70,
57,
6359,
64,
12740,
19,
68,
47,
48,
77,
22778,
70,
10,
8051,
400,
46,
21,
40469,
893,
48,
50,
57,
21713,
53,
56,
18274,
53,
56,
9132,
83,
11296,
87,
11215,
37,
1314,
85,
39,
85,
47920,
53,
38730,
53,
37,
10,
24,
86,
23820,
14,
48,
79,
5211,
844,
5258,
198,
72,
49,
18,
75,
21,
71,
25374,
56,
16601,
82,
23,
8575,
52,
56,
24,
86,
305,
64,
21,
84,
86,
1507,
568,
7556,
43,
5173,
41473,
16,
54,
24,
34,
57,
79,
43147,
10,
83,
21,
45,
10277,
67,
44,
19,
8763,
47,
14,
22556,
36,
22,
82,
55,
77,
19881,
16,
78,
48,
69,
22,
49,
80,
20120,
198,
79,
52,
67,
16,
10652,
22,
5908,
20,
55,
4948,
50,
15,
57,
73,
43,
38841,
274,
30188,
69,
14,
4221,
78,
54,
28404,
88,
14,
16,
37,
14,
15972,
16,
57,
15,
27865,
55,
78,
41,
43,
70,
73,
65,
47,
19,
10,
358,
5999,
70,
12310,
429,
38,
74,
20418,
49,
42,
41596,
56,
77,
74,
41,
48,
198,
16115,
35,
53,
79,
40,
21,
31554,
34,
26152,
15,
85,
10,
69,
85,
65,
85,
57,
19,
36802,
55,
38,
67,
23,
78,
42,
53,
41,
37864,
25011,
76,
42,
24,
86,
33239,
36,
80,
65,
9148,
87,
31235,
30488,
19,
65,
14,
35,
87,
32,
19,
38729,
49,
19,
88,
9936,
53,
2154,
38989,
78,
16,
88,
55,
38,
198,
70,
18,
33,
65,
45,
79,
16809,
55,
22,
89,
20,
45,
65,
19930,
14,
79,
89,
33,
2606,
41,
85,
11380,
34,
57,
54,
2327,
71,
52,
18,
45895,
89,
461,
316,
24,
2718,
75,
42,
23,
3865,
48,
37,
21,
38,
79,
44,
14,
48,
38,
24,
2327,
14304,
57,
44,
11731,
19,
2577,
22,
87,
85,
10227,
198,
49,
23,
69,
26377,
10,
36,
40603,
34,
17,
70,
15,
45607,
1872,
45,
87,
19,
16635,
42,
33758,
1238,
14761,
32,
952,
40,
20,
18878,
73,
16,
78,
283,
24,
39213,
87,
34,
5908,
35,
77,
36,
1229,
23,
49,
52,
66,
35,
48,
22328,
24,
56,
15,
46,
24,
21282,
24,
74,
23,
23041,
499,
42,
198,
82,
14,
55,
33,
66,
80,
71,
55,
34,
20402,
55,
67,
33155,
36,
9865,
14990,
44,
57,
43,
71,
16,
31554,
5258,
10,
31288,
71,
87,
14,
41,
3312,
3970,
54,
19,
10,
75,
74,
27865,
33,
5303,
86,
3351,
54,
89,
22,
81,
51,
70,
41,
89,
19930,
14,
17,
25404,
23,
47,
10,
41126,
1003,
20,
198,
17,
27110,
85,
16072,
84,
27734,
17,
85,
38730,
1129,
1270,
365,
32457,
17,
82,
20,
10,
3865,
45,
14,
54,
23,
30188,
67,
55,
3132,
57,
19,
33,
21,
76,
55,
66,
36227,
17213,
482,
34,
14,
89,
27799,
3901,
79,
56,
321,
45,
31166,
19,
73,
18,
79,
41,
4464,
70,
14,
80,
5907,
198,
3856,
9273,
20,
1503,
52,
23,
52,
430,
78,
55,
33,
41,
21217,
49,
76,
24,
10,
42,
39,
70,
53,
71,
6322,
48,
37,
12114,
14,
44,
76,
10,
22,
34,
15,
89,
43,
14,
46,
5574,
30505,
77,
46,
20,
9399,
17896,
23,
73,
40,
2624,
47,
14,
89,
1990,
72,
57,
20,
45,
1270,
47,
10,
84,
42,
198,
19,
48743,
64,
23,
30195,
67,
26314,
74,
50123,
39,
38432,
544,
675,
50,
14,
24,
75,
48,
26145,
57,
76,
23577,
89,
46,
2188,
47,
862,
43,
709,
75,
38,
76,
20474,
80,
40,
774,
20,
47,
17,
732,
18,
65,
33,
14396,
17,
81,
21283,
57,
75,
87,
86,
19,
69,
42176,
52,
80,
53,
70,
198,
54,
22,
38730,
14,
80,
19,
38,
14,
81,
16,
77,
23,
14,
47,
28435,
50,
55,
17,
84,
29567,
85,
6659,
22296,
54,
10128,
56,
17,
12114,
907,
57,
41,
14,
615,
10277,
67,
15,
34,
18564,
35,
30148,
52,
45607,
16,
64,
37,
34653,
66,
1872,
54,
69,
44,
89,
3528,
316,
70,
57,
24,
48,
34,
198,
66,
10080,
404,
66,
14969,
34,
80,
46,
10,
68,
17250,
19,
52,
85,
24,
3149,
17,
77,
14,
23,
9792,
41,
4449,
52,
54,
14,
45,
23,
77,
7456,
21287,
30894,
49,
76,
23577,
66,
32,
23,
71,
87,
78,
51,
7707,
17,
73,
17,
10917,
87,
86,
73,
43021,
44602,
87,
81,
15,
86,
80,
77,
14,
79,
23,
198,
22,
55,
74,
361,
16,
42,
86,
41,
46428,
43,
5189,
400,
55,
14,
375,
83,
24,
2414,
10,
20,
47247,
57,
80,
49,
89,
14981,
55,
67,
24,
77,
39,
73,
83,
10910,
19,
69,
10,
30148,
38730,
6535,
77,
35,
77,
53,
385,
48,
3727,
17,
32,
746,
82,
56,
8895,
1731,
54,
10,
36,
24,
37,
198,
24,
88,
14,
20,
44601,
1350,
47503,
13599,
16,
88,
518,
361,
18,
57,
46,
84,
32,
15,
10,
15,
81,
16630,
76,
33,
46583,
36,
74,
25010,
2417,
52,
78,
48,
39,
14,
56,
67,
21638,
72,
54,
12016,
35,
66,
1532,
22,
64,
10,
88,
39,
4309,
67,
56,
17,
6684,
732,
17,
30630,
86,
10,
46,
198,
71,
14,
39213,
1073,
4051,
79,
33239,
13940,
17,
75,
71,
10305,
88,
742,
36287,
3972,
16601,
3123,
89,
49,
52,
21,
31271,
56,
1925,
3020,
75,
50,
3046,
64,
35,
88,
71,
37,
80,
13276,
85,
10,
672,
18831,
51,
4029,
32,
64,
19,
1925,
20,
73,
4908,
18,
34,
69,
20,
33,
42,
198,
65,
37,
4933,
67,
85,
16,
21638,
37,
5066,
85,
44,
16768,
71,
56,
18,
88,
69,
49,
37020,
20,
83,
53,
79,
37,
34350,
84,
5105,
54,
75,
15,
80,
45,
417,
17,
48,
79,
85,
16,
41697,
8220,
79,
32,
64,
43243,
21,
42,
49215,
20,
18831,
35,
344,
85,
43,
73,
36609,
21,
38101,
56,
1959,
198,
71,
36227,
24544,
74,
19,
41,
45,
24,
32542,
13976,
38,
89,
20,
10,
67,
32,
2713,
85,
69,
42,
15996,
70,
48,
64,
35,
56,
993,
56,
86,
2857,
68,
34,
48,
87,
43,
71,
4221,
1495,
37,
85,
23,
41,
3886,
19,
87,
9273,
21855,
52,
22,
43,
57,
82,
4944,
73,
49578,
15,
2047,
41,
19,
198,
11909,
79,
74,
41074,
4303,
19260,
85,
24954,
46,
41,
40,
87,
71,
41,
27865,
34,
79,
44,
5908,
24,
50,
17,
74,
52,
41,
71,
53,
77,
42598,
12993,
14,
76,
71,
363,
40,
21,
18257,
89,
73,
43,
18,
73,
23,
1652,
65,
42,
75,
4579,
10,
69,
49,
79,
43243,
77,
40914,
10,
80,
21282,
11380,
198,
25093,
38202,
53,
23,
14,
35,
18,
87,
48,
64,
16,
1860,
14,
47,
13155,
3705,
82,
24,
56,
38,
66,
38,
15,
53,
3366,
2782,
36208,
76,
32179,
70,
38,
2782,
34049,
85,
41,
40692,
18,
45,
87,
49,
20,
47297,
2725,
73,
24,
30300,
86,
36,
65,
34,
57,
8859,
48,
83,
73,
18986,
198,
10468,
24,
8905,
16,
85,
50165,
7708,
38989,
23,
20474,
73,
14326,
34653,
32812,
54,
23,
1797,
35,
71,
21,
56,
87,
45,
12473,
53,
52,
6435,
52,
5431,
39,
15996,
17,
47,
23,
23047,
16,
35,
17,
42176,
24954,
21,
55,
4694,
7204,
57,
32087,
42,
24,
55,
69,
50,
21,
312,
33,
198,
21,
20031,
57,
83,
34,
68,
24,
56,
37,
57,
50,
22,
49,
21,
79,
14,
23,
16309,
87,
35,
53,
83,
33057,
14,
24,
39,
82,
9218,
69,
404,
10210,
2598,
64,
35,
85,
14,
21,
84,
48,
5883,
13252,
57,
82,
56,
65,
49,
14795,
14761,
47468,
81,
16,
89,
51,
70,
5258,
14,
84,
44816,
5036,
198,
16748,
80,
55,
68,
19,
71,
17,
38,
89,
47,
56,
57,
17,
64,
41,
18,
84,
23,
8579,
54,
48,
68,
56,
41,
40,
86,
40,
65,
38,
4579,
66,
33,
10,
42,
69,
52,
1137,
81,
34153,
15,
1073,
22348,
78,
54,
14050,
41,
80,
3270,
5796,
66,
9310,
35,
79,
10,
20,
86,
17,
56,
83,
73,
20802,
2969,
17,
198,
51,
83,
10462,
57,
67,
2032,
14981,
56,
53,
52,
56,
8461,
34,
17,
36484,
1722,
38783,
73,
46,
76,
71,
55,
321,
53,
20,
81,
5188,
40,
84,
1340,
67,
15017,
7378,
15,
70,
429,
2584,
44,
15,
74,
50,
15,
30488,
50,
7336,
10,
43,
69,
5824,
21370,
49,
74,
44,
36484,
52,
198,
70,
42,
46265,
16,
65,
48,
72,
5948,
24,
45,
3695,
79,
18694,
40,
5892,
11840,
46,
41,
3109,
30098,
34,
818,
6836,
12709,
79,
74,
39,
73,
36287,
66,
1731,
2013,
45,
993,
14,
85,
42,
17,
74,
14,
83,
43,
20,
40,
89,
42,
20,
89,
24,
49,
17,
38841,
71,
48,
39,
1533,
74,
198,
36927,
74,
56,
52,
36802,
9273,
57,
76,
20120,
5774,
52,
27363,
66,
80,
66,
10,
69,
15,
86,
20,
1268,
20,
36,
72,
38,
10,
77,
36,
65,
55,
45607,
86,
52,
78,
37,
20,
48,
44,
75,
27734,
38022,
25257,
82,
38208,
79,
80,
42,
89,
56,
38,
89,
67,
49,
1677,
20,
87,
48,
36208,
14636,
198,
18,
76,
35,
88,
5097,
57,
7639,
16,
43,
73,
42012,
2999,
988,
70,
6535,
24,
47,
3829,
74,
21016,
10,
15821,
55,
77,
69,
3546,
81,
85,
51,
10,
88,
30386,
14,
44,
89,
1229,
65,
27624,
10,
80,
67,
45,
69,
15,
30133,
87,
48,
24,
41,
2670,
74,
43421,
37,
4914,
21,
67,
15972,
64,
198,
88,
39568,
18,
37,
38353,
53,
41,
89,
897,
67,
14,
67,
52,
10,
55,
82,
89,
69,
47,
56,
38841,
25095,
18694,
38,
77,
46456,
34369,
16,
6144,
82,
17,
8416,
17,
48,
18347,
21,
27363,
82,
41,
36,
8896,
57,
54,
66,
49,
41,
57,
82,
39,
76,
39,
14,
82,
5446,
48,
23,
55,
15,
24544,
23,
10,
198,
89,
20,
36,
18,
17511,
57,
53,
32178,
79,
45,
24,
75,
746,
15571,
72,
1199,
65,
34,
72,
34153,
15,
11782,
51,
73,
56,
88,
56,
22,
79,
22495,
23,
6144,
6684,
87,
33,
70,
80,
52,
56,
48,
64,
34,
86,
14,
1065,
79,
22,
46,
1789,
48055,
80,
48,
15,
39,
2999,
82,
48,
979,
48,
198,
52,
86,
50,
69,
20,
79,
2079,
66,
1878,
19,
14,
34,
4146,
31653,
21,
53,
10,
79,
54,
56,
41,
20530,
78,
55,
2238,
45,
20,
86,
25095,
20,
82,
54,
89,
57,
87,
89,
86,
38,
9383,
53,
81,
2777,
328,
18,
23041,
56,
7836,
39,
24,
38101,
39,
25410,
3023,
75,
1581,
2528,
198,
87,
33,
74,
54,
70,
52,
29567,
21,
52,
80,
420,
86,
80,
79,
54,
5189,
45,
24,
81,
18,
707,
24,
51,
5805,
10468,
24,
75,
14,
88,
52,
85,
87,
8903,
43,
23,
4743,
86,
8226,
25527,
87,
71,
13137,
53,
87,
11251,
3312,
40,
64,
57,
65,
87,
17,
41,
10295,
14,
23,
67,
56,
53,
55,
16,
81,
198,
83,
56,
69,
47,
83,
17,
44482,
80,
56,
17,
51,
10,
24160,
1031,
3510,
35,
23,
1797,
73,
1954,
87,
33907,
18,
46747,
65,
56,
19,
15710,
46,
73,
88,
21,
56,
75,
40,
89,
67,
24187,
47372,
70,
85,
69,
2998,
559,
39,
81,
16630,
87,
53,
75,
87,
24,
2396,
21,
67,
53,
49345,
35,
198,
20,
35,
2149,
328,
8326,
25095,
1050,
80,
23,
36,
17,
14,
81,
19,
21370,
14,
50229,
85,
10,
23,
52,
56,
89,
70,
16,
52,
64,
41,
23,
25095,
85,
7836,
16768,
54,
23,
4261,
23060,
71,
80,
36,
21217,
14,
18,
49,
10,
52,
24,
17213,
65,
22,
38227,
86,
2857,
14,
56,
87,
57,
53,
979,
198,
21,
66,
16,
42,
35,
3109,
15739,
85,
32,
78,
40,
84,
48,
14969,
27481,
25123,
31235,
44175,
55,
45,
14,
17947,
81,
49,
20,
79,
73,
83,
21,
79,
335,
32178,
54,
10116,
57,
82,
73,
24,
2777,
29499,
86,
11251,
32812,
86,
14246,
21,
42,
14,
330,
23955,
2601,
77,
48587,
67,
53,
198,
78,
80,
16,
34985,
85,
55,
75,
23,
4309,
70,
85,
24,
10,
45,
69,
85,
41,
15,
80,
2425,
56,
73,
74,
17,
71,
44,
74,
15,
49,
24,
87,
48,
82,
2484,
21,
86,
25306,
56,
69,
49,
77,
37,
21,
85,
21,
38,
42,
10,
85,
28781,
54,
65,
20,
3099,
56,
30094,
52,
4593,
86,
20306,
76,
21,
68,
20304,
15,
198,
52,
17947,
23,
72,
21,
73,
74,
57,
30488,
41,
2816,
48,
24544,
72,
23,
77,
22,
56,
19,
37,
66,
17,
988,
26009,
85,
46,
297,
69,
21,
22184,
20362,
53,
4579,
24,
20475,
6217,
65,
37,
21,
51,
5258,
64,
7156,
42,
81,
20,
65,
16,
48,
3185,
18,
45,
16,
88,
85,
87,
34,
21,
44,
48624,
198,
84,
6239,
75,
21,
6513,
21,
2606,
18,
14,
24,
42,
17457,
52,
14,
3019,
75,
44,
38353,
26009,
83,
844,
30630,
38,
23,
82,
37,
87,
53,
14,
81,
43,
66,
14,
7357,
71,
19,
17179,
4089,
87,
57,
66,
70,
3980,
82,
39,
17,
83,
38,
20,
86,
4792,
54,
2704,
52,
17,
42,
65,
52,
86,
2598,
198,
89,
265,
55,
78,
39,
17,
45,
79,
23,
56,
44,
10,
21,
7556,
49136,
16309,
21,
36,
80,
49,
24,
4352,
65,
52,
22,
8141,
17027,
56,
41257,
86,
56,
72,
17,
49,
23,
80,
81,
23,
82,
44,
69,
16,
42,
37,
333,
31294,
36,
42,
54,
44482,
56,
69,
41,
79,
41,
55,
87,
71,
20,
89,
19,
49,
4496,
21,
198,
38,
48,
51,
18,
42,
80,
78,
6592,
14,
68,
44602,
1404,
45,
28404,
89,
34,
47322,
55,
20,
65,
49,
20,
85,
18683,
41473,
57,
86,
16402,
79,
32,
21,
51,
23,
660,
1134,
65,
47,
86,
38,
67,
44,
28592,
43,
1722,
75,
43,
13210,
74,
5907,
57,
10,
35,
32178,
42,
7708,
19,
40,
56,
64,
198,
15,
54,
84,
40,
73,
3351,
2078,
89,
69,
48,
12016,
65,
10,
2782,
69,
14259,
38989,
14,
42,
48,
47,
11731,
89,
52,
17,
35,
56,
24,
14,
2724,
77,
20,
83,
36905,
23,
37,
67,
14,
75,
50,
53,
15112,
14,
35,
69,
54,
3843,
21,
43,
18,
3046,
49,
452,
79,
21,
53,
86,
1878,
20519,
44,
77,
198,
14,
4029,
6535,
53,
16,
76,
89,
12861,
16,
43,
2749,
51,
2926,
21,
41,
79,
41541,
44,
17,
41,
87,
1383,
44,
69,
16,
74,
49,
55,
49,
83,
461,
57,
5812,
57,
3539,
15,
49,
79,
73,
33,
24,
77,
19,
69,
14,
65,
55,
9139,
24,
77,
22,
37,
16,
429,
70,
2998,
39,
20,
73,
41048,
38,
198,
42801,
2484,
3620,
46,
261,
280,
76,
71,
31159,
88,
57,
38584,
47,
56,
39449,
315,
35972,
89,
42,
48,
22,
36,
78,
2898,
53,
80,
10234,
18,
86,
18,
52,
86,
23,
82,
40,
54,
73,
36609,
15972,
2780,
54,
67,
70,
69,
53,
19,
69,
45,
81,
54,
69,
33,
77,
28435,
22808,
17,
83,
198,
78,
40,
80,
15766,
39,
45,
55,
36,
42,
21373,
73,
38730,
75,
87,
40,
79,
47,
10161,
862,
42,
79,
35,
10,
39346,
39,
818,
8322,
86,
35,
14,
16,
40932,
4944,
34,
16,
489,
35,
6098,
5837,
89,
10,
48,
71,
1722,
20,
79,
80,
56,
85,
19,
38475,
57,
47,
48,
32,
12889,
3132,
89,
80,
198,
22,
65,
54,
86,
54,
38,
89,
2616,
3856,
35,
17,
23286,
38,
41733,
80,
2417,
76,
57,
17,
39,
87,
70,
14,
69,
4694,
50,
3104,
48,
82,
20,
4146,
2919,
20,
81,
6767,
25011,
17027,
46,
17,
69,
36,
86,
20,
1268,
89,
12889,
53,
52,
20185,
75,
33907,
57,
259,
21,
13137,
17,
79,
42,
198,
81,
5705,
30195,
10,
86,
15,
10547,
10,
80,
33907,
5324,
56,
82,
6239,
7204,
23,
75,
5324,
67,
47,
39322,
12564,
15,
75,
10080,
21,
79,
55,
39,
82,
51,
14259,
15972,
9148,
49,
89,
41,
26830,
5908,
52,
1102,
81,
10,
2645,
41,
4914,
55,
38819,
12310,
73,
70,
17,
198,
42,
2425,
87,
3980,
48,
21,
44,
14,
23266,
69,
85,
2025,
325,
34,
21768,
66,
16,
82,
518,
35,
89,
14,
1929,
23209,
11110,
36,
74,
34,
15,
36,
44482,
24,
76,
42,
4653,
6207,
18878,
22,
56,
22664,
52,
88,
33,
71,
18,
25690,
66,
20,
34,
86,
417,
15630,
42413,
21,
76,
198,
45,
19,
35,
19,
33,
732,
52,
43021,
1130,
24,
538,
84,
39,
5333,
67,
17250,
52,
85,
41074,
22,
72,
22,
45766,
8579,
69,
37020,
19,
17457,
46,
88,
39891,
54,
89,
67,
41,
52,
2601,
20,
75,
6322,
4761,
57,
84,
20031,
5631,
85,
21,
8220,
56,
8322,
23,
2514,
6239,
33,
198,
72,
44,
4261,
57,
23,
45,
4663,
40,
23,
89,
82,
56,
3727,
85,
14,
20,
32,
78,
32,
80,
34,
5948,
41,
49275,
17,
64,
43,
31159,
77,
18,
74,
45582,
1899,
50,
48,
2725,
18,
22184,
74,
12861,
3824,
21,
9374,
8859,
80,
42,
17,
66,
1731,
76,
44,
83,
35,
48005,
487,
71,
487,
198,
73,
10,
52,
78,
57,
73,
20,
2394,
64,
23,
17947,
44,
14,
72,
10426,
86,
4948,
87,
44,
47053,
23,
70,
12298,
45895,
87,
10,
40,
17,
82,
17,
37,
66,
5066,
5488,
35,
3843,
69,
16,
2926,
10080,
73,
33,
53,
77,
32,
1652,
57,
19,
75,
34,
41,
86,
36,
14,
79,
16,
52,
22,
57,
23,
40,
80,
198,
52,
78,
18,
52,
296,
73,
74,
20,
4826,
87,
10,
51,
16,
84,
24,
39,
1558,
75,
73,
70,
5237,
18851,
16762,
76,
32916,
46,
72,
34,
544,
69,
80,
4948,
10761,
71,
8763,
80,
1837,
45113,
22,
31159,
44,
8845,
69,
14,
65,
85,
27605,
41,
66,
36,
68,
17,
7556,
80,
43,
21,
67,
198,
57,
41697,
79,
34892,
64,
49,
87,
35,
19,
52,
39,
13976,
36,
1003,
563,
41,
2100,
18,
43,
7707,
43,
35257,
16,
23548,
34892,
48,
4090,
2022,
3365,
45,
36802,
44,
7730,
15154,
10913,
64,
42,
54,
7414,
79,
34153,
19,
37,
1485,
41,
891,
41,
89,
10,
69,
51,
41,
72,
198,
81,
53,
81,
55,
57,
42,
65,
368,
23,
53,
52,
39,
330,
20,
76,
35,
23303,
8068,
19944,
50,
15418,
23,
81,
20474,
54,
55,
16,
80,
9328,
69,
14,
86,
20802,
53,
10,
86,
37,
1031,
49,
10,
39,
76,
21,
53,
21,
296,
85,
36,
6052,
73,
77,
71,
70,
22778,
72,
16,
64,
44,
5324,
34153,
23,
198,
17,
68,
78,
27015,
9273,
23,
51,
89,
42,
16,
41,
16762,
43,
54,
19,
74,
34,
20,
23155,
56,
14326,
65,
20031,
6649,
74,
39,
57,
70,
33,
3697,
82,
17,
538,
1477,
88,
55,
80,
43,
1659,
20031,
65,
49017,
85,
3132,
53,
75,
39,
23,
70,
42,
2640,
82,
87,
74,
35,
21,
81,
50,
4507,
41,
198,
87,
19,
51,
80,
44,
16,
75,
16,
42592,
76,
20418,
7639,
56,
4090,
55,
66,
817,
80,
74,
44,
17,
10,
21,
46,
1925,
51,
21533,
57,
38,
73,
44,
4593,
57,
23,
89,
49,
83,
54,
79,
51,
79,
8763,
67,
19,
18519,
6500,
20,
46,
10,
66,
43,
11190,
77,
3388,
78,
44526,
67,
2670,
3546,
43,
198,
32,
346,
14,
44,
53,
85,
89,
56,
57,
81,
30098,
35,
52,
10,
57,
17,
283,
86,
43,
77,
71,
70,
34,
87,
29767,
20,
14,
86,
41,
26236,
89,
20,
2389,
51,
15,
86,
9693,
80,
15450,
56,
65,
5066,
45,
19,
39,
30133,
79,
36,
23820,
76,
46,
3901,
89,
76,
48,
10,
49,
53,
4663,
76,
19,
14259,
198,
41,
17,
85,
65,
20,
44,
32457,
16762,
77,
69,
18,
89,
4579,
55,
22,
51,
12161,
74,
19,
86,
51,
41,
14892,
73,
33,
4496,
48,
51,
76,
15,
7745,
56,
76,
80,
1026,
73,
83,
33,
65,
54,
22,
4805,
270,
39,
4825,
64,
20,
48,
6659,
75,
16,
24142,
19238,
1961,
44,
20120,
53,
69,
21,
198,
4880,
66,
37,
70,
17,
16632,
41596,
66,
87,
36,
20,
65,
51,
89,
54,
83,
10,
1899,
32,
16,
13976,
1383,
43,
89,
79,
73,
15,
86,
49,
65,
85,
34,
17,
52,
10,
16,
42,
89,
16,
6561,
89,
36,
74,
67,
15,
57,
85,
32,
31027,
86,
36392,
45,
66,
15,
50,
4869,
1847,
64,
44,
14,
46,
14,
15,
84,
198,
23,
17179,
2396,
42,
7252,
39,
45,
22,
49,
76,
80,
42,
16,
86,
20,
75,
22,
14,
22,
49,
70,
21,
39,
66,
53,
6024,
40,
17,
66,
2857,
45,
24,
7206,
82,
39,
20,
77,
74,
17430,
71,
70,
55,
89,
18,
10,
50,
16,
76,
4304,
34369,
56,
44,
76,
36,
38584,
15,
89,
24,
2348,
39,
14,
2475,
198,
73,
81,
26531,
14,
23,
34223,
51,
73,
1130,
22,
15739,
48,
38,
14,
1157,
79,
48,
73,
8763,
17213,
33,
2713,
41,
72,
43,
15,
3149,
21,
11296,
2782,
83,
6089,
37,
2662,
47,
57,
10,
73,
24,
88,
57,
66,
55,
9273,
2047,
20,
40603,
39,
45,
15,
45,
85,
13323,
65,
9259,
89,
198,
44,
89,
14,
34369,
1120,
46,
86,
23,
2898,
44,
83,
19881,
73,
15,
34369,
33,
17,
67,
3069,
56,
21,
10,
68,
1258,
7639,
21,
68,
23041,
81,
22,
73,
24,
10782,
46,
18694,
51,
11848,
32298,
83,
2943,
89,
86,
55,
49,
5837,
37,
83,
38,
86,
73,
19260,
71,
49450,
20,
78,
56,
53,
79,
198,
37,
83,
54,
57,
10,
72,
7836,
4760,
44,
721,
36222,
2797,
37,
66,
10,
1199,
38,
15996,
9792,
18274,
3388,
87,
16,
487,
64,
37280,
39,
22877,
52,
49044,
22,
74,
89,
83,
35,
48,
69,
19,
54,
86,
56,
40,
64,
53,
7012,
44802,
33186,
36,
65,
42,
74,
51,
77,
71,
70,
8264,
88,
198,
47,
89,
17,
85,
86,
32886,
11215,
80,
44,
19,
50,
1929,
41,
48,
77,
20,
82,
31633,
37,
88,
21016,
4653,
18,
72,
42,
15,
66,
9864,
44,
18,
52,
64,
39,
80,
34,
14,
80,
46141,
44,
24,
36,
64,
57,
74,
4221,
52,
87,
36,
15,
65,
45,
1120,
6500,
2623,
80,
33,
70,
49,
48,
10,
24408,
38,
198,
34,
36077,
80,
89,
41074,
5258,
76,
15,
56,
42,
15,
38730,
85,
38,
8220,
19,
46,
76,
979,
52,
72,
10206,
73,
34382,
65,
56,
64,
50,
10,
34,
6888,
3913,
34,
73,
87,
55,
71,
85,
35,
67,
20,
2934,
20,
7556,
16,
57,
17,
79,
51,
16,
23852,
66,
50,
53,
1433,
79,
80,
40,
14,
77,
42,
38,
198,
3528,
52,
15,
32,
10,
65,
80,
23,
67,
22,
22778,
71,
36,
23,
44,
22182,
85,
5105,
68,
7336,
37281,
22,
89,
3972,
47,
16,
88,
73,
27605,
55,
80,
21,
88,
48,
25425,
71,
87,
1797,
57,
72,
15548,
83,
44,
89,
35,
21016,
80,
70,
23820,
41,
40,
71,
19,
37,
20,
35990,
4880,
89,
66,
10234,
198,
53,
22,
47,
1416,
43,
45,
23047,
21,
56,
42,
23940,
20,
73,
14242,
18,
76,
22,
37,
16,
82,
46,
23160,
42,
39,
82,
42,
52,
72,
55,
88,
55,
86,
17,
67,
5774,
2767,
84,
46559,
73,
34,
85,
4743,
78,
40,
68,
5332,
43,
69,
31554,
48,
89,
57,
39,
38,
83,
26236,
86,
5892,
38,
746,
70,
42,
198,
49578,
44,
4349,
44802,
56,
16,
38989,
46965,
2238,
23,
3553,
41,
8264,
78,
16,
38,
3312,
50,
57,
8322,
39,
7792,
37020,
22,
47,
86,
420,
23,
20475,
87,
7745,
56,
5653,
16,
17584,
46456,
87,
18351,
16,
31743,
17,
782,
21,
49,
8416,
4464,
5173,
50110,
54,
16,
198,
65,
52,
88,
52,
69,
40,
65,
23,
36,
69,
57,
89,
57,
23,
37845,
24,
64,
33,
31294,
51,
38841,
86,
25306,
80,
31235,
67,
291,
21,
40760,
48,
17,
16748,
89,
73,
21016,
48,
8546,
15,
65,
20519,
6369,
81,
17,
76,
18,
64,
56,
46,
24,
10,
5606,
35,
17,
50,
10,
64,
16412,
52,
89,
27159,
198,
81,
49,
20,
315,
21870,
39,
65,
5840,
45,
88,
65,
20,
40,
22,
48,
55,
1477,
39,
45,
76,
37,
7407,
32,
16,
45,
52,
46,
86,
16,
74,
57,
73,
85,
37,
57,
3792,
21,
49,
23,
66,
452,
7670,
4029,
15,
38,
19,
57,
45,
19442,
36,
57,
86,
24,
76,
89,
2821,
46,
21101,
86,
952,
49,
24,
198,
24,
38,
544,
40,
18,
14,
84,
45,
73,
13331,
9655,
43812,
42413,
57,
33907,
64,
544,
16,
45,
80,
10,
82,
17,
19684,
57,
53,
2704,
74,
67,
15,
1929,
79,
1065,
56,
42,
41289,
89,
11110,
18,
84,
22,
53,
89,
10,
22182,
73,
7109,
5031,
31273,
1157,
40,
74,
20,
56,
51,
75,
73,
198,
38,
76,
14,
18,
48,
726,
34,
948,
44816,
10,
83,
48,
2953,
35755,
20,
31159,
8482,
25621,
39,
80,
21533,
33,
21,
32,
19,
86,
89,
67,
23,
8135,
13038,
73,
40,
84,
18,
64,
10,
17457,
3459,
49017,
22495,
3808,
6767,
17,
64,
41,
3528,
53,
57,
42,
35,
14,
21855,
36,
83,
35,
77,
198,
34,
5999,
76,
89,
18878,
3388,
48,
18429,
11901,
54,
17602,
43,
3070,
64,
20,
44,
19,
43,
67,
53,
21,
71,
66,
48397,
1065,
88,
80,
21,
75,
18276,
47,
10,
34985,
80,
66,
31273,
89,
30133,
16,
21467,
499,
20,
21762,
10,
30195,
15,
48,
86,
47,
23,
39,
5574,
23,
49,
3792,
40,
19,
198,
84,
22348,
17922,
1921,
31667,
14670,
20,
34,
56,
3978,
28,
198,
37811,
198,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
1267,
198,
8,
198,
361,
10263,
108,
237,
28156,
118,
13,
14171,
14512,
366,
48192,
4339,
1298,
198,
220,
220,
220,
10263,
108,
237,
28156,
118,
796,
10263,
108,
237,
28156,
118,
13,
1102,
1851,
7203,
48192,
4339,
4943,
628,
628,
198,
31,
12501,
78,
13,
46430,
62,
13645,
944,
198,
31,
12501,
78,
13,
261,
62,
260,
25636,
79,
7,
81,
1,
30266,
98,
163,
224,
117,
22887,
237,
28156,
118,
38016,
67,
90,
15,
11,
30072,
4943,
198
] | 1.29674 | 33,895 |
import abc
| [
11748,
450,
66,
628,
198
] | 2.6 | 5 |
"""Smooth a mesh.
"""
from compas.datastructures import Mesh
from compas.geometry import smooth_area
import compas_rhino
__author__ = ['Tom Van Mele', 'Matthias Rippmann']
__copyright__ = 'Copyright 2017, BRG - ETH Zurich',
__license__ = 'MIT'
__email__ = '[email protected]'
# select a Rhino mesh
# and make it into a mesh datastructure
guid = compas_rhino.select_mesh()
mesh = compas_rhino.mesh_from_guid(Mesh, guid)
# extract the data needed by the smoothing algorithm
# identify the boundary as fixed
vertices = mesh.get_vertices_attributes('xyz')
faces = [mesh.face_vertices(fkey) for fkey in mesh.faces()]
adjacency = [mesh.vertex_faces(key, ordered=True) for key in mesh.vertices()]
fixed = mesh.vertices_on_boundary()
# run the smoothing algorithm
# update the mesh
# display the result in Rhino
smooth_area(vertices, faces, adjacency, fixed=fixed, kmax=100)
for key, attr in mesh.vertices(True):
attr['x'] = vertices[key][0]
attr['y'] = vertices[key][1]
attr['z'] = vertices[key][2]
compas_rhino.mesh_draw(mesh)
| [
37811,
7556,
5226,
257,
19609,
13,
201,
198,
37811,
201,
198,
201,
198,
6738,
552,
292,
13,
19608,
459,
1356,
942,
1330,
47529,
201,
198,
6738,
552,
292,
13,
469,
15748,
1330,
7209,
62,
20337,
201,
198,
201,
198,
11748,
552,
292,
62,
17179,
2879,
201,
198,
201,
198,
201,
198,
834,
9800,
834,
220,
220,
220,
796,
37250,
13787,
6656,
2185,
293,
3256,
705,
19044,
400,
4448,
371,
3974,
9038,
20520,
201,
198,
834,
22163,
4766,
834,
796,
705,
15269,
2177,
11,
11177,
38,
532,
35920,
43412,
3256,
201,
198,
834,
43085,
834,
220,
220,
796,
705,
36393,
6,
201,
198,
834,
12888,
834,
220,
220,
220,
220,
796,
705,
10438,
13,
1326,
293,
31,
998,
13,
2788,
89,
13,
354,
6,
201,
198,
201,
198,
201,
198,
2,
2922,
257,
47759,
19609,
201,
198,
2,
290,
787,
340,
656,
257,
19609,
4818,
459,
5620,
201,
198,
201,
198,
5162,
312,
796,
552,
292,
62,
17179,
2879,
13,
19738,
62,
76,
5069,
3419,
201,
198,
76,
5069,
796,
552,
292,
62,
17179,
2879,
13,
76,
5069,
62,
6738,
62,
5162,
312,
7,
37031,
11,
10103,
8,
201,
198,
201,
198,
201,
198,
2,
7925,
262,
1366,
2622,
416,
262,
32746,
722,
11862,
201,
198,
2,
5911,
262,
18645,
355,
5969,
201,
198,
201,
198,
1851,
1063,
220,
796,
19609,
13,
1136,
62,
1851,
1063,
62,
1078,
7657,
10786,
5431,
89,
11537,
201,
198,
32186,
220,
220,
220,
220,
796,
685,
76,
5069,
13,
2550,
62,
1851,
1063,
7,
69,
2539,
8,
329,
277,
2539,
287,
19609,
13,
32186,
3419,
60,
201,
198,
324,
30482,
1387,
796,
685,
76,
5069,
13,
332,
16886,
62,
32186,
7,
2539,
11,
6149,
28,
17821,
8,
329,
1994,
287,
19609,
13,
1851,
1063,
3419,
60,
201,
198,
34021,
220,
220,
220,
220,
796,
19609,
13,
1851,
1063,
62,
261,
62,
7784,
560,
3419,
201,
198,
201,
198,
201,
198,
2,
1057,
262,
32746,
722,
11862,
201,
198,
2,
4296,
262,
19609,
201,
198,
2,
3359,
262,
1255,
287,
47759,
201,
198,
201,
198,
5796,
5226,
62,
20337,
7,
1851,
1063,
11,
6698,
11,
9224,
330,
1387,
11,
5969,
28,
34021,
11,
479,
9806,
28,
3064,
8,
201,
198,
201,
198,
1640,
1994,
11,
708,
81,
287,
19609,
13,
1851,
1063,
7,
17821,
2599,
201,
198,
220,
220,
220,
708,
81,
17816,
87,
20520,
796,
9421,
1063,
58,
2539,
7131,
15,
60,
201,
198,
220,
220,
220,
708,
81,
17816,
88,
20520,
796,
9421,
1063,
58,
2539,
7131,
16,
60,
201,
198,
220,
220,
220,
708,
81,
17816,
89,
20520,
796,
9421,
1063,
58,
2539,
7131,
17,
60,
201,
198,
201,
198,
5589,
292,
62,
17179,
2879,
13,
76,
5069,
62,
19334,
7,
76,
5069,
8,
201,
198
] | 2.456954 | 453 |
"""
SoftLayer.tests.managers.event_log_tests
~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~
:license: MIT, see LICENSE for more details.
"""
import SoftLayer
from SoftLayer import fixtures
from SoftLayer import testing
| [
37811,
198,
220,
220,
220,
8297,
49925,
13,
41989,
13,
805,
10321,
13,
15596,
62,
6404,
62,
41989,
198,
220,
220,
220,
220,
27156,
27156,
8728,
4907,
628,
220,
220,
220,
1058,
43085,
25,
17168,
11,
766,
38559,
24290,
329,
517,
3307,
13,
198,
37811,
198,
11748,
8297,
49925,
198,
6738,
8297,
49925,
1330,
34609,
198,
6738,
8297,
49925,
1330,
4856,
628
] | 3.629032 | 62 |
import RPi.GPIO as GPIO
import time
#When the mercury is contact, we get a signal on 21
pin = 21
light = 20
GPIO.setmode(GPIO.BCM)
GPIO.setup(pin, GPIO.IN)
GPIO.setup(light, GPIO.OUT)
while True:
if GPIO.input(pin):
print("contact")
GPIO.output(light, GPIO.HIGH)
else:
print("no contact")
GPIO.output(light, GPIO.LOW)
time.sleep(0.3)
GPIO.cleanup() | [
11748,
25812,
72,
13,
16960,
9399,
355,
50143,
198,
11748,
640,
198,
198,
2,
2215,
262,
27394,
318,
2800,
11,
356,
651,
257,
6737,
319,
2310,
198,
198,
11635,
796,
2310,
198,
2971,
796,
1160,
198,
16960,
9399,
13,
2617,
14171,
7,
16960,
9399,
13,
2749,
44,
8,
198,
198,
16960,
9399,
13,
40406,
7,
11635,
11,
50143,
13,
1268,
8,
198,
16960,
9399,
13,
40406,
7,
2971,
11,
50143,
13,
12425,
8,
198,
198,
4514,
6407,
25,
198,
220,
220,
220,
611,
50143,
13,
15414,
7,
11635,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
7203,
32057,
4943,
198,
220,
220,
220,
220,
220,
220,
220,
50143,
13,
22915,
7,
2971,
11,
50143,
13,
39,
18060,
8,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
7203,
3919,
2800,
4943,
198,
220,
220,
220,
220,
220,
220,
220,
50143,
13,
22915,
7,
2971,
11,
50143,
13,
43,
3913,
8,
198,
220,
220,
220,
640,
13,
42832,
7,
15,
13,
18,
8,
198,
198,
16960,
9399,
13,
27773,
929,
3419
] | 2.230337 | 178 |
from .atomic_node import AtomicNode
| [
6738,
764,
47116,
62,
17440,
1330,
28976,
19667,
628
] | 4.111111 | 9 |
_default_store = "dir"
_default_clevel = 3
_default_codec = "zstd"
_default_workers_backend = "threading"
| [
62,
12286,
62,
8095,
796,
366,
15908,
1,
198,
62,
12286,
62,
2375,
626,
796,
513,
198,
62,
12286,
62,
19815,
721,
796,
366,
89,
19282,
1,
198,
62,
12286,
62,
22896,
62,
1891,
437,
796,
366,
16663,
278,
1,
198
] | 2.585366 | 41 |
import izi
@izi.get("/birthday")
| [
11748,
220,
528,
72,
628,
198,
31,
528,
72,
13,
1136,
7203,
14,
24280,
820,
4943,
198
] | 2.058824 | 17 |
# coding: utf-8
"""
FeersumNLU API
This is the HTTP API for Feersum NLU. See https://github.com/praekelt/feersum-nlu-api-wrappers for examples of how to use the API. # noqa: E501
OpenAPI spec version: 2.0.54.dev2
Contact: [email protected]
Generated by: https://github.com/swagger-api/swagger-codegen.git
"""
from __future__ import absolute_import
import re # noqa: F401
# python 2 and python 3 compatibility library
import six
from feersum_nlu.api_client import ApiClient
class RegexEntityExtractorsApi(object):
"""NOTE: This class is auto generated by the swagger code generator program.
Do not edit the class manually.
Ref: https://github.com/swagger-api/swagger-codegen
"""
def regex_entity_extractor_create(self, create_details, **kwargs): # noqa: E501
"""Create a regular expression entity extractor. # noqa: E501
Create a new regular expression entity extractor or reload one from the trash. # noqa: E501
This method makes a synchronous HTTP request by default. To make an
asynchronous HTTP request, please pass async_req=True
>>> thread = api.regex_entity_extractor_create(create_details, async_req=True)
>>> result = thread.get()
:param async_req bool
:param RegexEntityExtractorCreateDetails create_details: The details of the instance to create. (required)
:param str x_caller:
:return: RegexEntityExtractorInstanceDetail
If the method is called asynchronously,
returns the request thread.
"""
kwargs['_return_http_data_only'] = True
if kwargs.get('async_req'):
return self.regex_entity_extractor_create_with_http_info(create_details, **kwargs) # noqa: E501
else:
(data) = self.regex_entity_extractor_create_with_http_info(create_details, **kwargs) # noqa: E501
return data
def regex_entity_extractor_create_with_http_info(self, create_details, **kwargs): # noqa: E501
"""Create a regular expression entity extractor. # noqa: E501
Create a new regular expression entity extractor or reload one from the trash. # noqa: E501
This method makes a synchronous HTTP request by default. To make an
asynchronous HTTP request, please pass async_req=True
>>> thread = api.regex_entity_extractor_create_with_http_info(create_details, async_req=True)
>>> result = thread.get()
:param async_req bool
:param RegexEntityExtractorCreateDetails create_details: The details of the instance to create. (required)
:param str x_caller:
:return: RegexEntityExtractorInstanceDetail
If the method is called asynchronously,
returns the request thread.
"""
all_params = ['create_details', 'x_caller'] # noqa: E501
all_params.append('async_req')
all_params.append('_return_http_data_only')
all_params.append('_preload_content')
all_params.append('_request_timeout')
params = locals()
for key, val in six.iteritems(params['kwargs']):
if key not in all_params:
raise TypeError(
"Got an unexpected keyword argument '%s'"
" to method regex_entity_extractor_create" % key
)
params[key] = val
del params['kwargs']
# verify the required parameter 'create_details' is set
if ('create_details' not in params or
params['create_details'] is None):
raise ValueError("Missing the required parameter `create_details` when calling `regex_entity_extractor_create`") # noqa: E501
collection_formats = {}
path_params = {}
query_params = []
header_params = {}
if 'x_caller' in params:
header_params['X-CALLER'] = params['x_caller'] # noqa: E501
form_params = []
local_var_files = {}
body_params = None
if 'create_details' in params:
body_params = params['create_details']
# HTTP header `Accept`
header_params['Accept'] = self.api_client.select_header_accept(
['application/json']) # noqa: E501
# HTTP header `Content-Type`
header_params['Content-Type'] = self.api_client.select_header_content_type( # noqa: E501
['application/json']) # noqa: E501
# Authentication setting
auth_settings = ['APIKeyHeader', 'APIKeyHeader_old'] # noqa: E501
return self.api_client.call_api(
'/nlu/v2/regex_entity_extractors', 'POST',
path_params,
query_params,
header_params,
body=body_params,
post_params=form_params,
files=local_var_files,
response_type='RegexEntityExtractorInstanceDetail', # noqa: E501
auth_settings=auth_settings,
async_req=params.get('async_req'),
_return_http_data_only=params.get('_return_http_data_only'),
_preload_content=params.get('_preload_content', True),
_request_timeout=params.get('_request_timeout'),
collection_formats=collection_formats)
def regex_entity_extractor_del(self, instance_name, **kwargs): # noqa: E501
"""Delete named instance. # noqa: E501
Delete and get the details of the named regular expression entity extractor instance. Deleted models can be reloaded from the trash with the create operation. # noqa: E501
This method makes a synchronous HTTP request by default. To make an
asynchronous HTTP request, please pass async_req=True
>>> thread = api.regex_entity_extractor_del(instance_name, async_req=True)
>>> result = thread.get()
:param async_req bool
:param str instance_name: The name of the instance. (required)
:param str x_caller:
:return: RegexEntityExtractorInstanceDetail
If the method is called asynchronously,
returns the request thread.
"""
kwargs['_return_http_data_only'] = True
if kwargs.get('async_req'):
return self.regex_entity_extractor_del_with_http_info(instance_name, **kwargs) # noqa: E501
else:
(data) = self.regex_entity_extractor_del_with_http_info(instance_name, **kwargs) # noqa: E501
return data
def regex_entity_extractor_del_with_http_info(self, instance_name, **kwargs): # noqa: E501
"""Delete named instance. # noqa: E501
Delete and get the details of the named regular expression entity extractor instance. Deleted models can be reloaded from the trash with the create operation. # noqa: E501
This method makes a synchronous HTTP request by default. To make an
asynchronous HTTP request, please pass async_req=True
>>> thread = api.regex_entity_extractor_del_with_http_info(instance_name, async_req=True)
>>> result = thread.get()
:param async_req bool
:param str instance_name: The name of the instance. (required)
:param str x_caller:
:return: RegexEntityExtractorInstanceDetail
If the method is called asynchronously,
returns the request thread.
"""
all_params = ['instance_name', 'x_caller'] # noqa: E501
all_params.append('async_req')
all_params.append('_return_http_data_only')
all_params.append('_preload_content')
all_params.append('_request_timeout')
params = locals()
for key, val in six.iteritems(params['kwargs']):
if key not in all_params:
raise TypeError(
"Got an unexpected keyword argument '%s'"
" to method regex_entity_extractor_del" % key
)
params[key] = val
del params['kwargs']
# verify the required parameter 'instance_name' is set
if ('instance_name' not in params or
params['instance_name'] is None):
raise ValueError("Missing the required parameter `instance_name` when calling `regex_entity_extractor_del`") # noqa: E501
collection_formats = {}
path_params = {}
if 'instance_name' in params:
path_params['instance_name'] = params['instance_name'] # noqa: E501
query_params = []
header_params = {}
if 'x_caller' in params:
header_params['X-CALLER'] = params['x_caller'] # noqa: E501
form_params = []
local_var_files = {}
body_params = None
# HTTP header `Accept`
header_params['Accept'] = self.api_client.select_header_accept(
['application/json']) # noqa: E501
# HTTP header `Content-Type`
header_params['Content-Type'] = self.api_client.select_header_content_type( # noqa: E501
['application/json']) # noqa: E501
# Authentication setting
auth_settings = ['APIKeyHeader', 'APIKeyHeader_old'] # noqa: E501
return self.api_client.call_api(
'/nlu/v2/regex_entity_extractors/{instance_name}', 'DELETE',
path_params,
query_params,
header_params,
body=body_params,
post_params=form_params,
files=local_var_files,
response_type='RegexEntityExtractorInstanceDetail', # noqa: E501
auth_settings=auth_settings,
async_req=params.get('async_req'),
_return_http_data_only=params.get('_return_http_data_only'),
_preload_content=params.get('_preload_content', True),
_request_timeout=params.get('_request_timeout'),
collection_formats=collection_formats)
def regex_entity_extractor_get_details(self, instance_name, **kwargs): # noqa: E501
"""Get details of named instance. # noqa: E501
Get the details of the named regular expression entity extractor instance. # noqa: E501
This method makes a synchronous HTTP request by default. To make an
asynchronous HTTP request, please pass async_req=True
>>> thread = api.regex_entity_extractor_get_details(instance_name, async_req=True)
>>> result = thread.get()
:param async_req bool
:param str instance_name: The name of the instance. (required)
:param str x_caller:
:return: RegexEntityExtractorInstanceDetail
If the method is called asynchronously,
returns the request thread.
"""
kwargs['_return_http_data_only'] = True
if kwargs.get('async_req'):
return self.regex_entity_extractor_get_details_with_http_info(instance_name, **kwargs) # noqa: E501
else:
(data) = self.regex_entity_extractor_get_details_with_http_info(instance_name, **kwargs) # noqa: E501
return data
def regex_entity_extractor_get_details_with_http_info(self, instance_name, **kwargs): # noqa: E501
"""Get details of named instance. # noqa: E501
Get the details of the named regular expression entity extractor instance. # noqa: E501
This method makes a synchronous HTTP request by default. To make an
asynchronous HTTP request, please pass async_req=True
>>> thread = api.regex_entity_extractor_get_details_with_http_info(instance_name, async_req=True)
>>> result = thread.get()
:param async_req bool
:param str instance_name: The name of the instance. (required)
:param str x_caller:
:return: RegexEntityExtractorInstanceDetail
If the method is called asynchronously,
returns the request thread.
"""
all_params = ['instance_name', 'x_caller'] # noqa: E501
all_params.append('async_req')
all_params.append('_return_http_data_only')
all_params.append('_preload_content')
all_params.append('_request_timeout')
params = locals()
for key, val in six.iteritems(params['kwargs']):
if key not in all_params:
raise TypeError(
"Got an unexpected keyword argument '%s'"
" to method regex_entity_extractor_get_details" % key
)
params[key] = val
del params['kwargs']
# verify the required parameter 'instance_name' is set
if ('instance_name' not in params or
params['instance_name'] is None):
raise ValueError("Missing the required parameter `instance_name` when calling `regex_entity_extractor_get_details`") # noqa: E501
collection_formats = {}
path_params = {}
if 'instance_name' in params:
path_params['instance_name'] = params['instance_name'] # noqa: E501
query_params = []
header_params = {}
if 'x_caller' in params:
header_params['X-CALLER'] = params['x_caller'] # noqa: E501
form_params = []
local_var_files = {}
body_params = None
# HTTP header `Accept`
header_params['Accept'] = self.api_client.select_header_accept(
['application/json']) # noqa: E501
# HTTP header `Content-Type`
header_params['Content-Type'] = self.api_client.select_header_content_type( # noqa: E501
['application/json']) # noqa: E501
# Authentication setting
auth_settings = ['APIKeyHeader', 'APIKeyHeader_old'] # noqa: E501
return self.api_client.call_api(
'/nlu/v2/regex_entity_extractors/{instance_name}', 'GET',
path_params,
query_params,
header_params,
body=body_params,
post_params=form_params,
files=local_var_files,
response_type='RegexEntityExtractorInstanceDetail', # noqa: E501
auth_settings=auth_settings,
async_req=params.get('async_req'),
_return_http_data_only=params.get('_return_http_data_only'),
_preload_content=params.get('_preload_content', True),
_request_timeout=params.get('_request_timeout'),
collection_formats=collection_formats)
def regex_entity_extractor_get_details_all(self, **kwargs): # noqa: E501
"""Get list of regular expression entity extractors. # noqa: E501
Get the list of regular expression entity extractors. # noqa: E501
This method makes a synchronous HTTP request by default. To make an
asynchronous HTTP request, please pass async_req=True
>>> thread = api.regex_entity_extractor_get_details_all(async_req=True)
>>> result = thread.get()
:param async_req bool
:param str x_caller:
:return: list[RegexEntityExtractorInstanceDetail]
If the method is called asynchronously,
returns the request thread.
"""
kwargs['_return_http_data_only'] = True
if kwargs.get('async_req'):
return self.regex_entity_extractor_get_details_all_with_http_info(**kwargs) # noqa: E501
else:
(data) = self.regex_entity_extractor_get_details_all_with_http_info(**kwargs) # noqa: E501
return data
def regex_entity_extractor_get_details_all_with_http_info(self, **kwargs): # noqa: E501
"""Get list of regular expression entity extractors. # noqa: E501
Get the list of regular expression entity extractors. # noqa: E501
This method makes a synchronous HTTP request by default. To make an
asynchronous HTTP request, please pass async_req=True
>>> thread = api.regex_entity_extractor_get_details_all_with_http_info(async_req=True)
>>> result = thread.get()
:param async_req bool
:param str x_caller:
:return: list[RegexEntityExtractorInstanceDetail]
If the method is called asynchronously,
returns the request thread.
"""
all_params = ['x_caller'] # noqa: E501
all_params.append('async_req')
all_params.append('_return_http_data_only')
all_params.append('_preload_content')
all_params.append('_request_timeout')
params = locals()
for key, val in six.iteritems(params['kwargs']):
if key not in all_params:
raise TypeError(
"Got an unexpected keyword argument '%s'"
" to method regex_entity_extractor_get_details_all" % key
)
params[key] = val
del params['kwargs']
collection_formats = {}
path_params = {}
query_params = []
header_params = {}
if 'x_caller' in params:
header_params['X-CALLER'] = params['x_caller'] # noqa: E501
form_params = []
local_var_files = {}
body_params = None
# HTTP header `Accept`
header_params['Accept'] = self.api_client.select_header_accept(
['application/json']) # noqa: E501
# HTTP header `Content-Type`
header_params['Content-Type'] = self.api_client.select_header_content_type( # noqa: E501
['application/json']) # noqa: E501
# Authentication setting
auth_settings = ['APIKeyHeader', 'APIKeyHeader_old'] # noqa: E501
return self.api_client.call_api(
'/nlu/v2/regex_entity_extractors', 'GET',
path_params,
query_params,
header_params,
body=body_params,
post_params=form_params,
files=local_var_files,
response_type='list[RegexEntityExtractorInstanceDetail]', # noqa: E501
auth_settings=auth_settings,
async_req=params.get('async_req'),
_return_http_data_only=params.get('_return_http_data_only'),
_preload_content=params.get('_preload_content', True),
_request_timeout=params.get('_request_timeout'),
collection_formats=collection_formats)
def regex_entity_extractor_get_params(self, instance_name, **kwargs): # noqa: E501
"""Get the editable model parameters of named regex entity extractor. # noqa: E501
Get the editable model parameters of named regex entity extractor. # noqa: E501
This method makes a synchronous HTTP request by default. To make an
asynchronous HTTP request, please pass async_req=True
>>> thread = api.regex_entity_extractor_get_params(instance_name, async_req=True)
>>> result = thread.get()
:param async_req bool
:param str instance_name: The name of the instance. (required)
:param str x_caller:
:return: ModelParams
If the method is called asynchronously,
returns the request thread.
"""
kwargs['_return_http_data_only'] = True
if kwargs.get('async_req'):
return self.regex_entity_extractor_get_params_with_http_info(instance_name, **kwargs) # noqa: E501
else:
(data) = self.regex_entity_extractor_get_params_with_http_info(instance_name, **kwargs) # noqa: E501
return data
def regex_entity_extractor_get_params_with_http_info(self, instance_name, **kwargs): # noqa: E501
"""Get the editable model parameters of named regex entity extractor. # noqa: E501
Get the editable model parameters of named regex entity extractor. # noqa: E501
This method makes a synchronous HTTP request by default. To make an
asynchronous HTTP request, please pass async_req=True
>>> thread = api.regex_entity_extractor_get_params_with_http_info(instance_name, async_req=True)
>>> result = thread.get()
:param async_req bool
:param str instance_name: The name of the instance. (required)
:param str x_caller:
:return: ModelParams
If the method is called asynchronously,
returns the request thread.
"""
all_params = ['instance_name', 'x_caller'] # noqa: E501
all_params.append('async_req')
all_params.append('_return_http_data_only')
all_params.append('_preload_content')
all_params.append('_request_timeout')
params = locals()
for key, val in six.iteritems(params['kwargs']):
if key not in all_params:
raise TypeError(
"Got an unexpected keyword argument '%s'"
" to method regex_entity_extractor_get_params" % key
)
params[key] = val
del params['kwargs']
# verify the required parameter 'instance_name' is set
if ('instance_name' not in params or
params['instance_name'] is None):
raise ValueError("Missing the required parameter `instance_name` when calling `regex_entity_extractor_get_params`") # noqa: E501
collection_formats = {}
path_params = {}
if 'instance_name' in params:
path_params['instance_name'] = params['instance_name'] # noqa: E501
query_params = []
header_params = {}
if 'x_caller' in params:
header_params['X-CALLER'] = params['x_caller'] # noqa: E501
form_params = []
local_var_files = {}
body_params = None
# HTTP header `Accept`
header_params['Accept'] = self.api_client.select_header_accept(
['application/json']) # noqa: E501
# HTTP header `Content-Type`
header_params['Content-Type'] = self.api_client.select_header_content_type( # noqa: E501
['application/json']) # noqa: E501
# Authentication setting
auth_settings = ['APIKeyHeader', 'APIKeyHeader_old'] # noqa: E501
return self.api_client.call_api(
'/nlu/v2/regex_entity_extractors/{instance_name}/params', 'GET',
path_params,
query_params,
header_params,
body=body_params,
post_params=form_params,
files=local_var_files,
response_type='ModelParams', # noqa: E501
auth_settings=auth_settings,
async_req=params.get('async_req'),
_return_http_data_only=params.get('_return_http_data_only'),
_preload_content=params.get('_preload_content', True),
_request_timeout=params.get('_request_timeout'),
collection_formats=collection_formats)
def regex_entity_extractor_retrieve(self, instance_name, text_input, **kwargs): # noqa: E501
"""Extract information based on the regular expression. # noqa: E501
Extract the entities matching the regular expression. # noqa: E501
This method makes a synchronous HTTP request by default. To make an
asynchronous HTTP request, please pass async_req=True
>>> thread = api.regex_entity_extractor_retrieve(instance_name, text_input, async_req=True)
>>> result = thread.get()
:param async_req bool
:param str instance_name: The name of the instance. (required)
:param TextInput text_input: The input text. (required)
:param str x_caller:
:return: list[RegexEntity]
If the method is called asynchronously,
returns the request thread.
"""
kwargs['_return_http_data_only'] = True
if kwargs.get('async_req'):
return self.regex_entity_extractor_retrieve_with_http_info(instance_name, text_input, **kwargs) # noqa: E501
else:
(data) = self.regex_entity_extractor_retrieve_with_http_info(instance_name, text_input, **kwargs) # noqa: E501
return data
def regex_entity_extractor_retrieve_with_http_info(self, instance_name, text_input, **kwargs): # noqa: E501
"""Extract information based on the regular expression. # noqa: E501
Extract the entities matching the regular expression. # noqa: E501
This method makes a synchronous HTTP request by default. To make an
asynchronous HTTP request, please pass async_req=True
>>> thread = api.regex_entity_extractor_retrieve_with_http_info(instance_name, text_input, async_req=True)
>>> result = thread.get()
:param async_req bool
:param str instance_name: The name of the instance. (required)
:param TextInput text_input: The input text. (required)
:param str x_caller:
:return: list[RegexEntity]
If the method is called asynchronously,
returns the request thread.
"""
all_params = ['instance_name', 'text_input', 'x_caller'] # noqa: E501
all_params.append('async_req')
all_params.append('_return_http_data_only')
all_params.append('_preload_content')
all_params.append('_request_timeout')
params = locals()
for key, val in six.iteritems(params['kwargs']):
if key not in all_params:
raise TypeError(
"Got an unexpected keyword argument '%s'"
" to method regex_entity_extractor_retrieve" % key
)
params[key] = val
del params['kwargs']
# verify the required parameter 'instance_name' is set
if ('instance_name' not in params or
params['instance_name'] is None):
raise ValueError("Missing the required parameter `instance_name` when calling `regex_entity_extractor_retrieve`") # noqa: E501
# verify the required parameter 'text_input' is set
if ('text_input' not in params or
params['text_input'] is None):
raise ValueError("Missing the required parameter `text_input` when calling `regex_entity_extractor_retrieve`") # noqa: E501
collection_formats = {}
path_params = {}
if 'instance_name' in params:
path_params['instance_name'] = params['instance_name'] # noqa: E501
query_params = []
header_params = {}
if 'x_caller' in params:
header_params['X-CALLER'] = params['x_caller'] # noqa: E501
form_params = []
local_var_files = {}
body_params = None
if 'text_input' in params:
body_params = params['text_input']
# HTTP header `Accept`
header_params['Accept'] = self.api_client.select_header_accept(
['application/json']) # noqa: E501
# HTTP header `Content-Type`
header_params['Content-Type'] = self.api_client.select_header_content_type( # noqa: E501
['application/json']) # noqa: E501
# Authentication setting
auth_settings = ['APIKeyHeader', 'APIKeyHeader_old'] # noqa: E501
return self.api_client.call_api(
'/nlu/v2/regex_entity_extractors/{instance_name}/retrieve', 'POST',
path_params,
query_params,
header_params,
body=body_params,
post_params=form_params,
files=local_var_files,
response_type='list[RegexEntity]', # noqa: E501
auth_settings=auth_settings,
async_req=params.get('async_req'),
_return_http_data_only=params.get('_return_http_data_only'),
_preload_content=params.get('_preload_content', True),
_request_timeout=params.get('_request_timeout'),
collection_formats=collection_formats)
def regex_entity_extractor_set_params(self, instance_name, model_params, **kwargs): # noqa: E501
"""Set the model parameters of named regex entity extractor. # noqa: E501
Set the model parameters of named regex entity extractor. # noqa: E501
This method makes a synchronous HTTP request by default. To make an
asynchronous HTTP request, please pass async_req=True
>>> thread = api.regex_entity_extractor_set_params(instance_name, model_params, async_req=True)
>>> result = thread.get()
:param async_req bool
:param str instance_name: The name of the instance. (required)
:param ModelParams model_params: The model parameters. (required)
:param str x_caller:
:return: RegexEntityExtractorInstanceDetail
If the method is called asynchronously,
returns the request thread.
"""
kwargs['_return_http_data_only'] = True
if kwargs.get('async_req'):
return self.regex_entity_extractor_set_params_with_http_info(instance_name, model_params, **kwargs) # noqa: E501
else:
(data) = self.regex_entity_extractor_set_params_with_http_info(instance_name, model_params, **kwargs) # noqa: E501
return data
def regex_entity_extractor_set_params_with_http_info(self, instance_name, model_params, **kwargs): # noqa: E501
"""Set the model parameters of named regex entity extractor. # noqa: E501
Set the model parameters of named regex entity extractor. # noqa: E501
This method makes a synchronous HTTP request by default. To make an
asynchronous HTTP request, please pass async_req=True
>>> thread = api.regex_entity_extractor_set_params_with_http_info(instance_name, model_params, async_req=True)
>>> result = thread.get()
:param async_req bool
:param str instance_name: The name of the instance. (required)
:param ModelParams model_params: The model parameters. (required)
:param str x_caller:
:return: RegexEntityExtractorInstanceDetail
If the method is called asynchronously,
returns the request thread.
"""
all_params = ['instance_name', 'model_params', 'x_caller'] # noqa: E501
all_params.append('async_req')
all_params.append('_return_http_data_only')
all_params.append('_preload_content')
all_params.append('_request_timeout')
params = locals()
for key, val in six.iteritems(params['kwargs']):
if key not in all_params:
raise TypeError(
"Got an unexpected keyword argument '%s'"
" to method regex_entity_extractor_set_params" % key
)
params[key] = val
del params['kwargs']
# verify the required parameter 'instance_name' is set
if ('instance_name' not in params or
params['instance_name'] is None):
raise ValueError("Missing the required parameter `instance_name` when calling `regex_entity_extractor_set_params`") # noqa: E501
# verify the required parameter 'model_params' is set
if ('model_params' not in params or
params['model_params'] is None):
raise ValueError("Missing the required parameter `model_params` when calling `regex_entity_extractor_set_params`") # noqa: E501
collection_formats = {}
path_params = {}
if 'instance_name' in params:
path_params['instance_name'] = params['instance_name'] # noqa: E501
query_params = []
header_params = {}
if 'x_caller' in params:
header_params['X-CALLER'] = params['x_caller'] # noqa: E501
form_params = []
local_var_files = {}
body_params = None
if 'model_params' in params:
body_params = params['model_params']
# HTTP header `Accept`
header_params['Accept'] = self.api_client.select_header_accept(
['application/json']) # noqa: E501
# HTTP header `Content-Type`
header_params['Content-Type'] = self.api_client.select_header_content_type( # noqa: E501
['application/json']) # noqa: E501
# Authentication setting
auth_settings = ['APIKeyHeader', 'APIKeyHeader_old'] # noqa: E501
return self.api_client.call_api(
'/nlu/v2/regex_entity_extractors/{instance_name}/params', 'POST',
path_params,
query_params,
header_params,
body=body_params,
post_params=form_params,
files=local_var_files,
response_type='RegexEntityExtractorInstanceDetail', # noqa: E501
auth_settings=auth_settings,
async_req=params.get('async_req'),
_return_http_data_only=params.get('_return_http_data_only'),
_preload_content=params.get('_preload_content', True),
_request_timeout=params.get('_request_timeout'),
collection_formats=collection_formats)
def regex_entity_extractor_vaporise(self, instance_name, **kwargs): # noqa: E501
"""Vaporise the named model. # noqa: E501
Permanently vaporises a model even if not trashed. # noqa: E501
This method makes a synchronous HTTP request by default. To make an
asynchronous HTTP request, please pass async_req=True
>>> thread = api.regex_entity_extractor_vaporise(instance_name, async_req=True)
>>> result = thread.get()
:param async_req bool
:param str instance_name: The name of the instance. (required)
:param str x_caller:
:return: RegexEntityExtractorInstanceDetail
If the method is called asynchronously,
returns the request thread.
"""
kwargs['_return_http_data_only'] = True
if kwargs.get('async_req'):
return self.regex_entity_extractor_vaporise_with_http_info(instance_name, **kwargs) # noqa: E501
else:
(data) = self.regex_entity_extractor_vaporise_with_http_info(instance_name, **kwargs) # noqa: E501
return data
def regex_entity_extractor_vaporise_with_http_info(self, instance_name, **kwargs): # noqa: E501
"""Vaporise the named model. # noqa: E501
Permanently vaporises a model even if not trashed. # noqa: E501
This method makes a synchronous HTTP request by default. To make an
asynchronous HTTP request, please pass async_req=True
>>> thread = api.regex_entity_extractor_vaporise_with_http_info(instance_name, async_req=True)
>>> result = thread.get()
:param async_req bool
:param str instance_name: The name of the instance. (required)
:param str x_caller:
:return: RegexEntityExtractorInstanceDetail
If the method is called asynchronously,
returns the request thread.
"""
all_params = ['instance_name', 'x_caller'] # noqa: E501
all_params.append('async_req')
all_params.append('_return_http_data_only')
all_params.append('_preload_content')
all_params.append('_request_timeout')
params = locals()
for key, val in six.iteritems(params['kwargs']):
if key not in all_params:
raise TypeError(
"Got an unexpected keyword argument '%s'"
" to method regex_entity_extractor_vaporise" % key
)
params[key] = val
del params['kwargs']
# verify the required parameter 'instance_name' is set
if ('instance_name' not in params or
params['instance_name'] is None):
raise ValueError("Missing the required parameter `instance_name` when calling `regex_entity_extractor_vaporise`") # noqa: E501
collection_formats = {}
path_params = {}
if 'instance_name' in params:
path_params['instance_name'] = params['instance_name'] # noqa: E501
query_params = []
header_params = {}
if 'x_caller' in params:
header_params['X-CALLER'] = params['x_caller'] # noqa: E501
form_params = []
local_var_files = {}
body_params = None
# HTTP header `Accept`
header_params['Accept'] = self.api_client.select_header_accept(
['application/json']) # noqa: E501
# HTTP header `Content-Type`
header_params['Content-Type'] = self.api_client.select_header_content_type( # noqa: E501
['application/json']) # noqa: E501
# Authentication setting
auth_settings = ['APIKeyHeader', 'APIKeyHeader_old'] # noqa: E501
return self.api_client.call_api(
'/nlu/v2/regex_entity_extractors/{instance_name}/vaporise', 'POST',
path_params,
query_params,
header_params,
body=body_params,
post_params=form_params,
files=local_var_files,
response_type='RegexEntityExtractorInstanceDetail', # noqa: E501
auth_settings=auth_settings,
async_req=params.get('async_req'),
_return_http_data_only=params.get('_return_http_data_only'),
_preload_content=params.get('_preload_content', True),
_request_timeout=params.get('_request_timeout'),
collection_formats=collection_formats)
| [
2,
19617,
25,
3384,
69,
12,
23,
198,
198,
37811,
198,
220,
220,
220,
5452,
364,
388,
32572,
52,
7824,
628,
220,
220,
220,
770,
318,
262,
14626,
7824,
329,
5452,
364,
388,
22879,
52,
13,
4091,
3740,
1378,
12567,
13,
785,
14,
79,
430,
68,
365,
2528,
14,
5036,
364,
388,
12,
77,
2290,
12,
15042,
12,
29988,
11799,
329,
6096,
286,
703,
284,
779,
262,
7824,
13,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
4946,
17614,
1020,
2196,
25,
362,
13,
15,
13,
4051,
13,
7959,
17,
198,
220,
220,
220,
14039,
25,
299,
2290,
31,
5036,
364,
388,
13,
952,
198,
220,
220,
220,
2980,
515,
416,
25,
3740,
1378,
12567,
13,
785,
14,
2032,
7928,
12,
15042,
14,
2032,
7928,
12,
8189,
5235,
13,
18300,
198,
37811,
628,
198,
6738,
11593,
37443,
834,
1330,
4112,
62,
11748,
198,
198,
11748,
302,
220,
1303,
645,
20402,
25,
376,
21844,
198,
198,
2,
21015,
362,
290,
21015,
513,
17764,
5888,
198,
11748,
2237,
198,
198,
6738,
730,
364,
388,
62,
77,
2290,
13,
15042,
62,
16366,
1330,
5949,
72,
11792,
628,
198,
4871,
797,
25636,
32398,
11627,
974,
669,
32,
14415,
7,
15252,
2599,
198,
220,
220,
220,
37227,
16580,
25,
770,
1398,
318,
8295,
7560,
416,
262,
1509,
7928,
2438,
17301,
1430,
13,
628,
220,
220,
220,
2141,
407,
4370,
262,
1398,
14500,
13,
198,
220,
220,
220,
6524,
25,
3740,
1378,
12567,
13,
785,
14,
2032,
7928,
12,
15042,
14,
2032,
7928,
12,
8189,
5235,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
825,
40364,
62,
26858,
62,
2302,
40450,
62,
17953,
7,
944,
11,
2251,
62,
36604,
11,
12429,
46265,
22046,
2599,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
16447,
257,
3218,
5408,
9312,
7925,
273,
13,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
13610,
257,
649,
3218,
5408,
9312,
7925,
273,
393,
18126,
530,
422,
262,
13913,
13,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
770,
2446,
1838,
257,
18305,
516,
14626,
2581,
416,
4277,
13,
1675,
787,
281,
198,
220,
220,
220,
220,
220,
220,
220,
39354,
14626,
2581,
11,
3387,
1208,
30351,
62,
42180,
28,
17821,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
4704,
796,
40391,
13,
260,
25636,
62,
26858,
62,
2302,
40450,
62,
17953,
7,
17953,
62,
36604,
11,
30351,
62,
42180,
28,
17821,
8,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
1255,
796,
4704,
13,
1136,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
30351,
62,
42180,
20512,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
797,
25636,
32398,
11627,
40450,
16447,
24259,
2251,
62,
36604,
25,
383,
3307,
286,
262,
4554,
284,
2251,
13,
357,
35827,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
965,
2124,
62,
13345,
263,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
7783,
25,
797,
25636,
32398,
11627,
40450,
33384,
11242,
603,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1002,
262,
2446,
318,
1444,
355,
24871,
3481,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5860,
262,
2581,
4704,
13,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
479,
86,
22046,
17816,
62,
7783,
62,
4023,
62,
7890,
62,
8807,
20520,
796,
6407,
198,
220,
220,
220,
220,
220,
220,
220,
611,
479,
86,
22046,
13,
1136,
10786,
292,
13361,
62,
42180,
6,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
260,
25636,
62,
26858,
62,
2302,
40450,
62,
17953,
62,
4480,
62,
4023,
62,
10951,
7,
17953,
62,
36604,
11,
12429,
46265,
22046,
8,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
7890,
8,
796,
2116,
13,
260,
25636,
62,
26858,
62,
2302,
40450,
62,
17953,
62,
4480,
62,
4023,
62,
10951,
7,
17953,
62,
36604,
11,
12429,
46265,
22046,
8,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
1366,
628,
220,
220,
220,
825,
40364,
62,
26858,
62,
2302,
40450,
62,
17953,
62,
4480,
62,
4023,
62,
10951,
7,
944,
11,
2251,
62,
36604,
11,
12429,
46265,
22046,
2599,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
16447,
257,
3218,
5408,
9312,
7925,
273,
13,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
13610,
257,
649,
3218,
5408,
9312,
7925,
273,
393,
18126,
530,
422,
262,
13913,
13,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
770,
2446,
1838,
257,
18305,
516,
14626,
2581,
416,
4277,
13,
1675,
787,
281,
198,
220,
220,
220,
220,
220,
220,
220,
39354,
14626,
2581,
11,
3387,
1208,
30351,
62,
42180,
28,
17821,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
4704,
796,
40391,
13,
260,
25636,
62,
26858,
62,
2302,
40450,
62,
17953,
62,
4480,
62,
4023,
62,
10951,
7,
17953,
62,
36604,
11,
30351,
62,
42180,
28,
17821,
8,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
1255,
796,
4704,
13,
1136,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
30351,
62,
42180,
20512,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
797,
25636,
32398,
11627,
40450,
16447,
24259,
2251,
62,
36604,
25,
383,
3307,
286,
262,
4554,
284,
2251,
13,
357,
35827,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
965,
2124,
62,
13345,
263,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
7783,
25,
797,
25636,
32398,
11627,
40450,
33384,
11242,
603,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1002,
262,
2446,
318,
1444,
355,
24871,
3481,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5860,
262,
2581,
4704,
13,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
477,
62,
37266,
796,
37250,
17953,
62,
36604,
3256,
705,
87,
62,
13345,
263,
20520,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
477,
62,
37266,
13,
33295,
10786,
292,
13361,
62,
42180,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
477,
62,
37266,
13,
33295,
10786,
62,
7783,
62,
4023,
62,
7890,
62,
8807,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
477,
62,
37266,
13,
33295,
10786,
62,
3866,
2220,
62,
11299,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
477,
62,
37266,
13,
33295,
10786,
62,
25927,
62,
48678,
11537,
628,
220,
220,
220,
220,
220,
220,
220,
42287,
796,
17205,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
329,
1994,
11,
1188,
287,
2237,
13,
2676,
23814,
7,
37266,
17816,
46265,
22046,
20520,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
1994,
407,
287,
477,
62,
37266,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
5994,
12331,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
30074,
281,
10059,
21179,
4578,
705,
4,
82,
29653,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
284,
2446,
40364,
62,
26858,
62,
2302,
40450,
62,
17953,
1,
4064,
1994,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
42287,
58,
2539,
60,
796,
1188,
198,
220,
220,
220,
220,
220,
220,
220,
1619,
42287,
17816,
46265,
22046,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
11767,
262,
2672,
11507,
705,
17953,
62,
36604,
6,
318,
900,
198,
220,
220,
220,
220,
220,
220,
220,
611,
19203,
17953,
62,
36604,
6,
407,
287,
42287,
393,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
42287,
17816,
17953,
62,
36604,
20520,
318,
6045,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
11052,
12331,
7203,
43730,
262,
2672,
11507,
4600,
17953,
62,
36604,
63,
618,
4585,
4600,
260,
25636,
62,
26858,
62,
2302,
40450,
62,
17953,
63,
4943,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
4947,
62,
687,
1381,
796,
23884,
628,
220,
220,
220,
220,
220,
220,
220,
3108,
62,
37266,
796,
23884,
628,
220,
220,
220,
220,
220,
220,
220,
12405,
62,
37266,
796,
17635,
628,
220,
220,
220,
220,
220,
220,
220,
13639,
62,
37266,
796,
23884,
198,
220,
220,
220,
220,
220,
220,
220,
611,
705,
87,
62,
13345,
263,
6,
287,
42287,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
13639,
62,
37266,
17816,
55,
12,
34,
7036,
1137,
20520,
796,
42287,
17816,
87,
62,
13345,
263,
20520,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
1296,
62,
37266,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
1957,
62,
7785,
62,
16624,
796,
23884,
628,
220,
220,
220,
220,
220,
220,
220,
1767,
62,
37266,
796,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
611,
705,
17953,
62,
36604,
6,
287,
42287,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1767,
62,
37266,
796,
42287,
17816,
17953,
62,
36604,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
14626,
13639,
4600,
38855,
63,
198,
220,
220,
220,
220,
220,
220,
220,
13639,
62,
37266,
17816,
38855,
20520,
796,
2116,
13,
15042,
62,
16366,
13,
19738,
62,
25677,
62,
13635,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
37250,
31438,
14,
17752,
6,
12962,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
14626,
13639,
4600,
19746,
12,
6030,
63,
198,
220,
220,
220,
220,
220,
220,
220,
13639,
62,
37266,
17816,
19746,
12,
6030,
20520,
796,
2116,
13,
15042,
62,
16366,
13,
19738,
62,
25677,
62,
11299,
62,
4906,
7,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
37250,
31438,
14,
17752,
6,
12962,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
48191,
4634,
198,
220,
220,
220,
220,
220,
220,
220,
6284,
62,
33692,
796,
37250,
17614,
9218,
39681,
3256,
705,
17614,
9218,
39681,
62,
727,
20520,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
15042,
62,
16366,
13,
13345,
62,
15042,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
31051,
77,
2290,
14,
85,
17,
14,
260,
25636,
62,
26858,
62,
2302,
974,
669,
3256,
705,
32782,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3108,
62,
37266,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12405,
62,
37266,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
13639,
62,
37266,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1767,
28,
2618,
62,
37266,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1281,
62,
37266,
28,
687,
62,
37266,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3696,
28,
12001,
62,
7785,
62,
16624,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2882,
62,
4906,
11639,
3041,
25636,
32398,
11627,
40450,
33384,
11242,
603,
3256,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6284,
62,
33692,
28,
18439,
62,
33692,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
30351,
62,
42180,
28,
37266,
13,
1136,
10786,
292,
13361,
62,
42180,
33809,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4808,
7783,
62,
4023,
62,
7890,
62,
8807,
28,
37266,
13,
1136,
10786,
62,
7783,
62,
4023,
62,
7890,
62,
8807,
33809,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4808,
3866,
2220,
62,
11299,
28,
37266,
13,
1136,
10786,
62,
3866,
2220,
62,
11299,
3256,
6407,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4808,
25927,
62,
48678,
28,
37266,
13,
1136,
10786,
62,
25927,
62,
48678,
33809,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4947,
62,
687,
1381,
28,
43681,
62,
687,
1381,
8,
628,
220,
220,
220,
825,
40364,
62,
26858,
62,
2302,
40450,
62,
12381,
7,
944,
11,
4554,
62,
3672,
11,
12429,
46265,
22046,
2599,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
38727,
3706,
4554,
13,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
23520,
290,
651,
262,
3307,
286,
262,
3706,
3218,
5408,
9312,
7925,
273,
4554,
13,
1024,
33342,
4981,
460,
307,
18126,
276,
422,
262,
13913,
351,
262,
2251,
4905,
13,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
770,
2446,
1838,
257,
18305,
516,
14626,
2581,
416,
4277,
13,
1675,
787,
281,
198,
220,
220,
220,
220,
220,
220,
220,
39354,
14626,
2581,
11,
3387,
1208,
30351,
62,
42180,
28,
17821,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
4704,
796,
40391,
13,
260,
25636,
62,
26858,
62,
2302,
40450,
62,
12381,
7,
39098,
62,
3672,
11,
30351,
62,
42180,
28,
17821,
8,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
1255,
796,
4704,
13,
1136,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
30351,
62,
42180,
20512,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
965,
4554,
62,
3672,
25,
383,
1438,
286,
262,
4554,
13,
357,
35827,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
965,
2124,
62,
13345,
263,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
7783,
25,
797,
25636,
32398,
11627,
40450,
33384,
11242,
603,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1002,
262,
2446,
318,
1444,
355,
24871,
3481,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5860,
262,
2581,
4704,
13,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
479,
86,
22046,
17816,
62,
7783,
62,
4023,
62,
7890,
62,
8807,
20520,
796,
6407,
198,
220,
220,
220,
220,
220,
220,
220,
611,
479,
86,
22046,
13,
1136,
10786,
292,
13361,
62,
42180,
6,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
260,
25636,
62,
26858,
62,
2302,
40450,
62,
12381,
62,
4480,
62,
4023,
62,
10951,
7,
39098,
62,
3672,
11,
12429,
46265,
22046,
8,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
7890,
8,
796,
2116,
13,
260,
25636,
62,
26858,
62,
2302,
40450,
62,
12381,
62,
4480,
62,
4023,
62,
10951,
7,
39098,
62,
3672,
11,
12429,
46265,
22046,
8,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
1366,
628,
220,
220,
220,
825,
40364,
62,
26858,
62,
2302,
40450,
62,
12381,
62,
4480,
62,
4023,
62,
10951,
7,
944,
11,
4554,
62,
3672,
11,
12429,
46265,
22046,
2599,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
38727,
3706,
4554,
13,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
23520,
290,
651,
262,
3307,
286,
262,
3706,
3218,
5408,
9312,
7925,
273,
4554,
13,
1024,
33342,
4981,
460,
307,
18126,
276,
422,
262,
13913,
351,
262,
2251,
4905,
13,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
770,
2446,
1838,
257,
18305,
516,
14626,
2581,
416,
4277,
13,
1675,
787,
281,
198,
220,
220,
220,
220,
220,
220,
220,
39354,
14626,
2581,
11,
3387,
1208,
30351,
62,
42180,
28,
17821,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
4704,
796,
40391,
13,
260,
25636,
62,
26858,
62,
2302,
40450,
62,
12381,
62,
4480,
62,
4023,
62,
10951,
7,
39098,
62,
3672,
11,
30351,
62,
42180,
28,
17821,
8,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
1255,
796,
4704,
13,
1136,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
30351,
62,
42180,
20512,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
965,
4554,
62,
3672,
25,
383,
1438,
286,
262,
4554,
13,
357,
35827,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
965,
2124,
62,
13345,
263,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
7783,
25,
797,
25636,
32398,
11627,
40450,
33384,
11242,
603,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1002,
262,
2446,
318,
1444,
355,
24871,
3481,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5860,
262,
2581,
4704,
13,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
477,
62,
37266,
796,
37250,
39098,
62,
3672,
3256,
705,
87,
62,
13345,
263,
20520,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
477,
62,
37266,
13,
33295,
10786,
292,
13361,
62,
42180,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
477,
62,
37266,
13,
33295,
10786,
62,
7783,
62,
4023,
62,
7890,
62,
8807,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
477,
62,
37266,
13,
33295,
10786,
62,
3866,
2220,
62,
11299,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
477,
62,
37266,
13,
33295,
10786,
62,
25927,
62,
48678,
11537,
628,
220,
220,
220,
220,
220,
220,
220,
42287,
796,
17205,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
329,
1994,
11,
1188,
287,
2237,
13,
2676,
23814,
7,
37266,
17816,
46265,
22046,
20520,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
1994,
407,
287,
477,
62,
37266,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
5994,
12331,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
30074,
281,
10059,
21179,
4578,
705,
4,
82,
29653,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
284,
2446,
40364,
62,
26858,
62,
2302,
40450,
62,
12381,
1,
4064,
1994,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
42287,
58,
2539,
60,
796,
1188,
198,
220,
220,
220,
220,
220,
220,
220,
1619,
42287,
17816,
46265,
22046,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
11767,
262,
2672,
11507,
705,
39098,
62,
3672,
6,
318,
900,
198,
220,
220,
220,
220,
220,
220,
220,
611,
19203,
39098,
62,
3672,
6,
407,
287,
42287,
393,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
42287,
17816,
39098,
62,
3672,
20520,
318,
6045,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
11052,
12331,
7203,
43730,
262,
2672,
11507,
4600,
39098,
62,
3672,
63,
618,
4585,
4600,
260,
25636,
62,
26858,
62,
2302,
40450,
62,
12381,
63,
4943,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
4947,
62,
687,
1381,
796,
23884,
628,
220,
220,
220,
220,
220,
220,
220,
3108,
62,
37266,
796,
23884,
198,
220,
220,
220,
220,
220,
220,
220,
611,
705,
39098,
62,
3672,
6,
287,
42287,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3108,
62,
37266,
17816,
39098,
62,
3672,
20520,
796,
42287,
17816,
39098,
62,
3672,
20520,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
12405,
62,
37266,
796,
17635,
628,
220,
220,
220,
220,
220,
220,
220,
13639,
62,
37266,
796,
23884,
198,
220,
220,
220,
220,
220,
220,
220,
611,
705,
87,
62,
13345,
263,
6,
287,
42287,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
13639,
62,
37266,
17816,
55,
12,
34,
7036,
1137,
20520,
796,
42287,
17816,
87,
62,
13345,
263,
20520,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
1296,
62,
37266,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
1957,
62,
7785,
62,
16624,
796,
23884,
628,
220,
220,
220,
220,
220,
220,
220,
1767,
62,
37266,
796,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
14626,
13639,
4600,
38855,
63,
198,
220,
220,
220,
220,
220,
220,
220,
13639,
62,
37266,
17816,
38855,
20520,
796,
2116,
13,
15042,
62,
16366,
13,
19738,
62,
25677,
62,
13635,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
37250,
31438,
14,
17752,
6,
12962,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
14626,
13639,
4600,
19746,
12,
6030,
63,
198,
220,
220,
220,
220,
220,
220,
220,
13639,
62,
37266,
17816,
19746,
12,
6030,
20520,
796,
2116,
13,
15042,
62,
16366,
13,
19738,
62,
25677,
62,
11299,
62,
4906,
7,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
37250,
31438,
14,
17752,
6,
12962,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
48191,
4634,
198,
220,
220,
220,
220,
220,
220,
220,
6284,
62,
33692,
796,
37250,
17614,
9218,
39681,
3256,
705,
17614,
9218,
39681,
62,
727,
20520,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
15042,
62,
16366,
13,
13345,
62,
15042,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
31051,
77,
2290,
14,
85,
17,
14,
260,
25636,
62,
26858,
62,
2302,
974,
669,
14,
90,
39098,
62,
3672,
92,
3256,
705,
7206,
2538,
9328,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3108,
62,
37266,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12405,
62,
37266,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
13639,
62,
37266,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1767,
28,
2618,
62,
37266,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1281,
62,
37266,
28,
687,
62,
37266,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3696,
28,
12001,
62,
7785,
62,
16624,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2882,
62,
4906,
11639,
3041,
25636,
32398,
11627,
40450,
33384,
11242,
603,
3256,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6284,
62,
33692,
28,
18439,
62,
33692,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
30351,
62,
42180,
28,
37266,
13,
1136,
10786,
292,
13361,
62,
42180,
33809,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4808,
7783,
62,
4023,
62,
7890,
62,
8807,
28,
37266,
13,
1136,
10786,
62,
7783,
62,
4023,
62,
7890,
62,
8807,
33809,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4808,
3866,
2220,
62,
11299,
28,
37266,
13,
1136,
10786,
62,
3866,
2220,
62,
11299,
3256,
6407,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4808,
25927,
62,
48678,
28,
37266,
13,
1136,
10786,
62,
25927,
62,
48678,
33809,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4947,
62,
687,
1381,
28,
43681,
62,
687,
1381,
8,
628,
220,
220,
220,
825,
40364,
62,
26858,
62,
2302,
40450,
62,
1136,
62,
36604,
7,
944,
11,
4554,
62,
3672,
11,
12429,
46265,
22046,
2599,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
3855,
3307,
286,
3706,
4554,
13,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
3497,
262,
3307,
286,
262,
3706,
3218,
5408,
9312,
7925,
273,
4554,
13,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
770,
2446,
1838,
257,
18305,
516,
14626,
2581,
416,
4277,
13,
1675,
787,
281,
198,
220,
220,
220,
220,
220,
220,
220,
39354,
14626,
2581,
11,
3387,
1208,
30351,
62,
42180,
28,
17821,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
4704,
796,
40391,
13,
260,
25636,
62,
26858,
62,
2302,
40450,
62,
1136,
62,
36604,
7,
39098,
62,
3672,
11,
30351,
62,
42180,
28,
17821,
8,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
1255,
796,
4704,
13,
1136,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
30351,
62,
42180,
20512,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
965,
4554,
62,
3672,
25,
383,
1438,
286,
262,
4554,
13,
357,
35827,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
965,
2124,
62,
13345,
263,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
7783,
25,
797,
25636,
32398,
11627,
40450,
33384,
11242,
603,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1002,
262,
2446,
318,
1444,
355,
24871,
3481,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5860,
262,
2581,
4704,
13,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
479,
86,
22046,
17816,
62,
7783,
62,
4023,
62,
7890,
62,
8807,
20520,
796,
6407,
198,
220,
220,
220,
220,
220,
220,
220,
611,
479,
86,
22046,
13,
1136,
10786,
292,
13361,
62,
42180,
6,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
260,
25636,
62,
26858,
62,
2302,
40450,
62,
1136,
62,
36604,
62,
4480,
62,
4023,
62,
10951,
7,
39098,
62,
3672,
11,
12429,
46265,
22046,
8,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
7890,
8,
796,
2116,
13,
260,
25636,
62,
26858,
62,
2302,
40450,
62,
1136,
62,
36604,
62,
4480,
62,
4023,
62,
10951,
7,
39098,
62,
3672,
11,
12429,
46265,
22046,
8,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
1366,
628,
220,
220,
220,
825,
40364,
62,
26858,
62,
2302,
40450,
62,
1136,
62,
36604,
62,
4480,
62,
4023,
62,
10951,
7,
944,
11,
4554,
62,
3672,
11,
12429,
46265,
22046,
2599,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
3855,
3307,
286,
3706,
4554,
13,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
3497,
262,
3307,
286,
262,
3706,
3218,
5408,
9312,
7925,
273,
4554,
13,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
770,
2446,
1838,
257,
18305,
516,
14626,
2581,
416,
4277,
13,
1675,
787,
281,
198,
220,
220,
220,
220,
220,
220,
220,
39354,
14626,
2581,
11,
3387,
1208,
30351,
62,
42180,
28,
17821,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
4704,
796,
40391,
13,
260,
25636,
62,
26858,
62,
2302,
40450,
62,
1136,
62,
36604,
62,
4480,
62,
4023,
62,
10951,
7,
39098,
62,
3672,
11,
30351,
62,
42180,
28,
17821,
8,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
1255,
796,
4704,
13,
1136,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
30351,
62,
42180,
20512,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
965,
4554,
62,
3672,
25,
383,
1438,
286,
262,
4554,
13,
357,
35827,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
965,
2124,
62,
13345,
263,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
7783,
25,
797,
25636,
32398,
11627,
40450,
33384,
11242,
603,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1002,
262,
2446,
318,
1444,
355,
24871,
3481,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5860,
262,
2581,
4704,
13,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
477,
62,
37266,
796,
37250,
39098,
62,
3672,
3256,
705,
87,
62,
13345,
263,
20520,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
477,
62,
37266,
13,
33295,
10786,
292,
13361,
62,
42180,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
477,
62,
37266,
13,
33295,
10786,
62,
7783,
62,
4023,
62,
7890,
62,
8807,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
477,
62,
37266,
13,
33295,
10786,
62,
3866,
2220,
62,
11299,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
477,
62,
37266,
13,
33295,
10786,
62,
25927,
62,
48678,
11537,
628,
220,
220,
220,
220,
220,
220,
220,
42287,
796,
17205,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
329,
1994,
11,
1188,
287,
2237,
13,
2676,
23814,
7,
37266,
17816,
46265,
22046,
20520,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
1994,
407,
287,
477,
62,
37266,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
5994,
12331,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
30074,
281,
10059,
21179,
4578,
705,
4,
82,
29653,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
284,
2446,
40364,
62,
26858,
62,
2302,
40450,
62,
1136,
62,
36604,
1,
4064,
1994,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
42287,
58,
2539,
60,
796,
1188,
198,
220,
220,
220,
220,
220,
220,
220,
1619,
42287,
17816,
46265,
22046,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
11767,
262,
2672,
11507,
705,
39098,
62,
3672,
6,
318,
900,
198,
220,
220,
220,
220,
220,
220,
220,
611,
19203,
39098,
62,
3672,
6,
407,
287,
42287,
393,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
42287,
17816,
39098,
62,
3672,
20520,
318,
6045,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
11052,
12331,
7203,
43730,
262,
2672,
11507,
4600,
39098,
62,
3672,
63,
618,
4585,
4600,
260,
25636,
62,
26858,
62,
2302,
40450,
62,
1136,
62,
36604,
63,
4943,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
4947,
62,
687,
1381,
796,
23884,
628,
220,
220,
220,
220,
220,
220,
220,
3108,
62,
37266,
796,
23884,
198,
220,
220,
220,
220,
220,
220,
220,
611,
705,
39098,
62,
3672,
6,
287,
42287,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3108,
62,
37266,
17816,
39098,
62,
3672,
20520,
796,
42287,
17816,
39098,
62,
3672,
20520,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
12405,
62,
37266,
796,
17635,
628,
220,
220,
220,
220,
220,
220,
220,
13639,
62,
37266,
796,
23884,
198,
220,
220,
220,
220,
220,
220,
220,
611,
705,
87,
62,
13345,
263,
6,
287,
42287,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
13639,
62,
37266,
17816,
55,
12,
34,
7036,
1137,
20520,
796,
42287,
17816,
87,
62,
13345,
263,
20520,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
1296,
62,
37266,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
1957,
62,
7785,
62,
16624,
796,
23884,
628,
220,
220,
220,
220,
220,
220,
220,
1767,
62,
37266,
796,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
14626,
13639,
4600,
38855,
63,
198,
220,
220,
220,
220,
220,
220,
220,
13639,
62,
37266,
17816,
38855,
20520,
796,
2116,
13,
15042,
62,
16366,
13,
19738,
62,
25677,
62,
13635,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
37250,
31438,
14,
17752,
6,
12962,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
14626,
13639,
4600,
19746,
12,
6030,
63,
198,
220,
220,
220,
220,
220,
220,
220,
13639,
62,
37266,
17816,
19746,
12,
6030,
20520,
796,
2116,
13,
15042,
62,
16366,
13,
19738,
62,
25677,
62,
11299,
62,
4906,
7,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
37250,
31438,
14,
17752,
6,
12962,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
48191,
4634,
198,
220,
220,
220,
220,
220,
220,
220,
6284,
62,
33692,
796,
37250,
17614,
9218,
39681,
3256,
705,
17614,
9218,
39681,
62,
727,
20520,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
15042,
62,
16366,
13,
13345,
62,
15042,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
31051,
77,
2290,
14,
85,
17,
14,
260,
25636,
62,
26858,
62,
2302,
974,
669,
14,
90,
39098,
62,
3672,
92,
3256,
705,
18851,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3108,
62,
37266,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12405,
62,
37266,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
13639,
62,
37266,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1767,
28,
2618,
62,
37266,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1281,
62,
37266,
28,
687,
62,
37266,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3696,
28,
12001,
62,
7785,
62,
16624,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2882,
62,
4906,
11639,
3041,
25636,
32398,
11627,
40450,
33384,
11242,
603,
3256,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6284,
62,
33692,
28,
18439,
62,
33692,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
30351,
62,
42180,
28,
37266,
13,
1136,
10786,
292,
13361,
62,
42180,
33809,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4808,
7783,
62,
4023,
62,
7890,
62,
8807,
28,
37266,
13,
1136,
10786,
62,
7783,
62,
4023,
62,
7890,
62,
8807,
33809,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4808,
3866,
2220,
62,
11299,
28,
37266,
13,
1136,
10786,
62,
3866,
2220,
62,
11299,
3256,
6407,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4808,
25927,
62,
48678,
28,
37266,
13,
1136,
10786,
62,
25927,
62,
48678,
33809,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4947,
62,
687,
1381,
28,
43681,
62,
687,
1381,
8,
628,
220,
220,
220,
825,
40364,
62,
26858,
62,
2302,
40450,
62,
1136,
62,
36604,
62,
439,
7,
944,
11,
12429,
46265,
22046,
2599,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
3855,
1351,
286,
3218,
5408,
9312,
7925,
669,
13,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
3497,
262,
1351,
286,
3218,
5408,
9312,
7925,
669,
13,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
770,
2446,
1838,
257,
18305,
516,
14626,
2581,
416,
4277,
13,
1675,
787,
281,
198,
220,
220,
220,
220,
220,
220,
220,
39354,
14626,
2581,
11,
3387,
1208,
30351,
62,
42180,
28,
17821,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
4704,
796,
40391,
13,
260,
25636,
62,
26858,
62,
2302,
40450,
62,
1136,
62,
36604,
62,
439,
7,
292,
13361,
62,
42180,
28,
17821,
8,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
1255,
796,
4704,
13,
1136,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
30351,
62,
42180,
20512,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
965,
2124,
62,
13345,
263,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
7783,
25,
1351,
58,
3041,
25636,
32398,
11627,
40450,
33384,
11242,
603,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1002,
262,
2446,
318,
1444,
355,
24871,
3481,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5860,
262,
2581,
4704,
13,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
479,
86,
22046,
17816,
62,
7783,
62,
4023,
62,
7890,
62,
8807,
20520,
796,
6407,
198,
220,
220,
220,
220,
220,
220,
220,
611,
479,
86,
22046,
13,
1136,
10786,
292,
13361,
62,
42180,
6,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
260,
25636,
62,
26858,
62,
2302,
40450,
62,
1136,
62,
36604,
62,
439,
62,
4480,
62,
4023,
62,
10951,
7,
1174,
46265,
22046,
8,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
7890,
8,
796,
2116,
13,
260,
25636,
62,
26858,
62,
2302,
40450,
62,
1136,
62,
36604,
62,
439,
62,
4480,
62,
4023,
62,
10951,
7,
1174,
46265,
22046,
8,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
1366,
628,
220,
220,
220,
825,
40364,
62,
26858,
62,
2302,
40450,
62,
1136,
62,
36604,
62,
439,
62,
4480,
62,
4023,
62,
10951,
7,
944,
11,
12429,
46265,
22046,
2599,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
3855,
1351,
286,
3218,
5408,
9312,
7925,
669,
13,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
3497,
262,
1351,
286,
3218,
5408,
9312,
7925,
669,
13,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
770,
2446,
1838,
257,
18305,
516,
14626,
2581,
416,
4277,
13,
1675,
787,
281,
198,
220,
220,
220,
220,
220,
220,
220,
39354,
14626,
2581,
11,
3387,
1208,
30351,
62,
42180,
28,
17821,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
4704,
796,
40391,
13,
260,
25636,
62,
26858,
62,
2302,
40450,
62,
1136,
62,
36604,
62,
439,
62,
4480,
62,
4023,
62,
10951,
7,
292,
13361,
62,
42180,
28,
17821,
8,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
1255,
796,
4704,
13,
1136,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
30351,
62,
42180,
20512,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
965,
2124,
62,
13345,
263,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
7783,
25,
1351,
58,
3041,
25636,
32398,
11627,
40450,
33384,
11242,
603,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1002,
262,
2446,
318,
1444,
355,
24871,
3481,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5860,
262,
2581,
4704,
13,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
477,
62,
37266,
796,
37250,
87,
62,
13345,
263,
20520,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
477,
62,
37266,
13,
33295,
10786,
292,
13361,
62,
42180,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
477,
62,
37266,
13,
33295,
10786,
62,
7783,
62,
4023,
62,
7890,
62,
8807,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
477,
62,
37266,
13,
33295,
10786,
62,
3866,
2220,
62,
11299,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
477,
62,
37266,
13,
33295,
10786,
62,
25927,
62,
48678,
11537,
628,
220,
220,
220,
220,
220,
220,
220,
42287,
796,
17205,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
329,
1994,
11,
1188,
287,
2237,
13,
2676,
23814,
7,
37266,
17816,
46265,
22046,
20520,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
1994,
407,
287,
477,
62,
37266,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
5994,
12331,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
30074,
281,
10059,
21179,
4578,
705,
4,
82,
29653,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
284,
2446,
40364,
62,
26858,
62,
2302,
40450,
62,
1136,
62,
36604,
62,
439,
1,
4064,
1994,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
42287,
58,
2539,
60,
796,
1188,
198,
220,
220,
220,
220,
220,
220,
220,
1619,
42287,
17816,
46265,
22046,
20520,
628,
220,
220,
220,
220,
220,
220,
220,
4947,
62,
687,
1381,
796,
23884,
628,
220,
220,
220,
220,
220,
220,
220,
3108,
62,
37266,
796,
23884,
628,
220,
220,
220,
220,
220,
220,
220,
12405,
62,
37266,
796,
17635,
628,
220,
220,
220,
220,
220,
220,
220,
13639,
62,
37266,
796,
23884,
198,
220,
220,
220,
220,
220,
220,
220,
611,
705,
87,
62,
13345,
263,
6,
287,
42287,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
13639,
62,
37266,
17816,
55,
12,
34,
7036,
1137,
20520,
796,
42287,
17816,
87,
62,
13345,
263,
20520,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
1296,
62,
37266,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
1957,
62,
7785,
62,
16624,
796,
23884,
628,
220,
220,
220,
220,
220,
220,
220,
1767,
62,
37266,
796,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
14626,
13639,
4600,
38855,
63,
198,
220,
220,
220,
220,
220,
220,
220,
13639,
62,
37266,
17816,
38855,
20520,
796,
2116,
13,
15042,
62,
16366,
13,
19738,
62,
25677,
62,
13635,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
37250,
31438,
14,
17752,
6,
12962,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
14626,
13639,
4600,
19746,
12,
6030,
63,
198,
220,
220,
220,
220,
220,
220,
220,
13639,
62,
37266,
17816,
19746,
12,
6030,
20520,
796,
2116,
13,
15042,
62,
16366,
13,
19738,
62,
25677,
62,
11299,
62,
4906,
7,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
37250,
31438,
14,
17752,
6,
12962,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
48191,
4634,
198,
220,
220,
220,
220,
220,
220,
220,
6284,
62,
33692,
796,
37250,
17614,
9218,
39681,
3256,
705,
17614,
9218,
39681,
62,
727,
20520,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
15042,
62,
16366,
13,
13345,
62,
15042,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
31051,
77,
2290,
14,
85,
17,
14,
260,
25636,
62,
26858,
62,
2302,
974,
669,
3256,
705,
18851,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3108,
62,
37266,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12405,
62,
37266,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
13639,
62,
37266,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1767,
28,
2618,
62,
37266,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1281,
62,
37266,
28,
687,
62,
37266,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3696,
28,
12001,
62,
7785,
62,
16624,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2882,
62,
4906,
11639,
4868,
58,
3041,
25636,
32398,
11627,
40450,
33384,
11242,
603,
60,
3256,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6284,
62,
33692,
28,
18439,
62,
33692,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
30351,
62,
42180,
28,
37266,
13,
1136,
10786,
292,
13361,
62,
42180,
33809,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4808,
7783,
62,
4023,
62,
7890,
62,
8807,
28,
37266,
13,
1136,
10786,
62,
7783,
62,
4023,
62,
7890,
62,
8807,
33809,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4808,
3866,
2220,
62,
11299,
28,
37266,
13,
1136,
10786,
62,
3866,
2220,
62,
11299,
3256,
6407,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4808,
25927,
62,
48678,
28,
37266,
13,
1136,
10786,
62,
25927,
62,
48678,
33809,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4947,
62,
687,
1381,
28,
43681,
62,
687,
1381,
8,
628,
220,
220,
220,
825,
40364,
62,
26858,
62,
2302,
40450,
62,
1136,
62,
37266,
7,
944,
11,
4554,
62,
3672,
11,
12429,
46265,
22046,
2599,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
3855,
262,
4370,
540,
2746,
10007,
286,
3706,
40364,
9312,
7925,
273,
13,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
3497,
262,
4370,
540,
2746,
10007,
286,
3706,
40364,
9312,
7925,
273,
13,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
770,
2446,
1838,
257,
18305,
516,
14626,
2581,
416,
4277,
13,
1675,
787,
281,
198,
220,
220,
220,
220,
220,
220,
220,
39354,
14626,
2581,
11,
3387,
1208,
30351,
62,
42180,
28,
17821,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
4704,
796,
40391,
13,
260,
25636,
62,
26858,
62,
2302,
40450,
62,
1136,
62,
37266,
7,
39098,
62,
3672,
11,
30351,
62,
42180,
28,
17821,
8,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
1255,
796,
4704,
13,
1136,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
30351,
62,
42180,
20512,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
965,
4554,
62,
3672,
25,
383,
1438,
286,
262,
4554,
13,
357,
35827,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
965,
2124,
62,
13345,
263,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
7783,
25,
9104,
10044,
4105,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1002,
262,
2446,
318,
1444,
355,
24871,
3481,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5860,
262,
2581,
4704,
13,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
479,
86,
22046,
17816,
62,
7783,
62,
4023,
62,
7890,
62,
8807,
20520,
796,
6407,
198,
220,
220,
220,
220,
220,
220,
220,
611,
479,
86,
22046,
13,
1136,
10786,
292,
13361,
62,
42180,
6,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
260,
25636,
62,
26858,
62,
2302,
40450,
62,
1136,
62,
37266,
62,
4480,
62,
4023,
62,
10951,
7,
39098,
62,
3672,
11,
12429,
46265,
22046,
8,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
7890,
8,
796,
2116,
13,
260,
25636,
62,
26858,
62,
2302,
40450,
62,
1136,
62,
37266,
62,
4480,
62,
4023,
62,
10951,
7,
39098,
62,
3672,
11,
12429,
46265,
22046,
8,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
1366,
628,
220,
220,
220,
825,
40364,
62,
26858,
62,
2302,
40450,
62,
1136,
62,
37266,
62,
4480,
62,
4023,
62,
10951,
7,
944,
11,
4554,
62,
3672,
11,
12429,
46265,
22046,
2599,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
3855,
262,
4370,
540,
2746,
10007,
286,
3706,
40364,
9312,
7925,
273,
13,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
3497,
262,
4370,
540,
2746,
10007,
286,
3706,
40364,
9312,
7925,
273,
13,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
770,
2446,
1838,
257,
18305,
516,
14626,
2581,
416,
4277,
13,
1675,
787,
281,
198,
220,
220,
220,
220,
220,
220,
220,
39354,
14626,
2581,
11,
3387,
1208,
30351,
62,
42180,
28,
17821,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
4704,
796,
40391,
13,
260,
25636,
62,
26858,
62,
2302,
40450,
62,
1136,
62,
37266,
62,
4480,
62,
4023,
62,
10951,
7,
39098,
62,
3672,
11,
30351,
62,
42180,
28,
17821,
8,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
1255,
796,
4704,
13,
1136,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
30351,
62,
42180,
20512,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
965,
4554,
62,
3672,
25,
383,
1438,
286,
262,
4554,
13,
357,
35827,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
965,
2124,
62,
13345,
263,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
7783,
25,
9104,
10044,
4105,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1002,
262,
2446,
318,
1444,
355,
24871,
3481,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5860,
262,
2581,
4704,
13,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
477,
62,
37266,
796,
37250,
39098,
62,
3672,
3256,
705,
87,
62,
13345,
263,
20520,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
477,
62,
37266,
13,
33295,
10786,
292,
13361,
62,
42180,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
477,
62,
37266,
13,
33295,
10786,
62,
7783,
62,
4023,
62,
7890,
62,
8807,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
477,
62,
37266,
13,
33295,
10786,
62,
3866,
2220,
62,
11299,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
477,
62,
37266,
13,
33295,
10786,
62,
25927,
62,
48678,
11537,
628,
220,
220,
220,
220,
220,
220,
220,
42287,
796,
17205,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
329,
1994,
11,
1188,
287,
2237,
13,
2676,
23814,
7,
37266,
17816,
46265,
22046,
20520,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
1994,
407,
287,
477,
62,
37266,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
5994,
12331,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
30074,
281,
10059,
21179,
4578,
705,
4,
82,
29653,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
284,
2446,
40364,
62,
26858,
62,
2302,
40450,
62,
1136,
62,
37266,
1,
4064,
1994,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
42287,
58,
2539,
60,
796,
1188,
198,
220,
220,
220,
220,
220,
220,
220,
1619,
42287,
17816,
46265,
22046,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
11767,
262,
2672,
11507,
705,
39098,
62,
3672,
6,
318,
900,
198,
220,
220,
220,
220,
220,
220,
220,
611,
19203,
39098,
62,
3672,
6,
407,
287,
42287,
393,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
42287,
17816,
39098,
62,
3672,
20520,
318,
6045,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
11052,
12331,
7203,
43730,
262,
2672,
11507,
4600,
39098,
62,
3672,
63,
618,
4585,
4600,
260,
25636,
62,
26858,
62,
2302,
40450,
62,
1136,
62,
37266,
63,
4943,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
4947,
62,
687,
1381,
796,
23884,
628,
220,
220,
220,
220,
220,
220,
220,
3108,
62,
37266,
796,
23884,
198,
220,
220,
220,
220,
220,
220,
220,
611,
705,
39098,
62,
3672,
6,
287,
42287,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3108,
62,
37266,
17816,
39098,
62,
3672,
20520,
796,
42287,
17816,
39098,
62,
3672,
20520,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
12405,
62,
37266,
796,
17635,
628,
220,
220,
220,
220,
220,
220,
220,
13639,
62,
37266,
796,
23884,
198,
220,
220,
220,
220,
220,
220,
220,
611,
705,
87,
62,
13345,
263,
6,
287,
42287,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
13639,
62,
37266,
17816,
55,
12,
34,
7036,
1137,
20520,
796,
42287,
17816,
87,
62,
13345,
263,
20520,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
1296,
62,
37266,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
1957,
62,
7785,
62,
16624,
796,
23884,
628,
220,
220,
220,
220,
220,
220,
220,
1767,
62,
37266,
796,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
14626,
13639,
4600,
38855,
63,
198,
220,
220,
220,
220,
220,
220,
220,
13639,
62,
37266,
17816,
38855,
20520,
796,
2116,
13,
15042,
62,
16366,
13,
19738,
62,
25677,
62,
13635,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
37250,
31438,
14,
17752,
6,
12962,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
14626,
13639,
4600,
19746,
12,
6030,
63,
198,
220,
220,
220,
220,
220,
220,
220,
13639,
62,
37266,
17816,
19746,
12,
6030,
20520,
796,
2116,
13,
15042,
62,
16366,
13,
19738,
62,
25677,
62,
11299,
62,
4906,
7,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
37250,
31438,
14,
17752,
6,
12962,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
48191,
4634,
198,
220,
220,
220,
220,
220,
220,
220,
6284,
62,
33692,
796,
37250,
17614,
9218,
39681,
3256,
705,
17614,
9218,
39681,
62,
727,
20520,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
15042,
62,
16366,
13,
13345,
62,
15042,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
31051,
77,
2290,
14,
85,
17,
14,
260,
25636,
62,
26858,
62,
2302,
974,
669,
14,
90,
39098,
62,
3672,
92,
14,
37266,
3256,
705,
18851,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3108,
62,
37266,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12405,
62,
37266,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
13639,
62,
37266,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1767,
28,
2618,
62,
37266,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1281,
62,
37266,
28,
687,
62,
37266,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3696,
28,
12001,
62,
7785,
62,
16624,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2882,
62,
4906,
11639,
17633,
10044,
4105,
3256,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6284,
62,
33692,
28,
18439,
62,
33692,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
30351,
62,
42180,
28,
37266,
13,
1136,
10786,
292,
13361,
62,
42180,
33809,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4808,
7783,
62,
4023,
62,
7890,
62,
8807,
28,
37266,
13,
1136,
10786,
62,
7783,
62,
4023,
62,
7890,
62,
8807,
33809,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4808,
3866,
2220,
62,
11299,
28,
37266,
13,
1136,
10786,
62,
3866,
2220,
62,
11299,
3256,
6407,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4808,
25927,
62,
48678,
28,
37266,
13,
1136,
10786,
62,
25927,
62,
48678,
33809,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4947,
62,
687,
1381,
28,
43681,
62,
687,
1381,
8,
628,
220,
220,
220,
825,
40364,
62,
26858,
62,
2302,
40450,
62,
1186,
30227,
7,
944,
11,
4554,
62,
3672,
11,
2420,
62,
15414,
11,
12429,
46265,
22046,
2599,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
11627,
974,
1321,
1912,
319,
262,
3218,
5408,
13,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
29677,
262,
12066,
12336,
262,
3218,
5408,
13,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
770,
2446,
1838,
257,
18305,
516,
14626,
2581,
416,
4277,
13,
1675,
787,
281,
198,
220,
220,
220,
220,
220,
220,
220,
39354,
14626,
2581,
11,
3387,
1208,
30351,
62,
42180,
28,
17821,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
4704,
796,
40391,
13,
260,
25636,
62,
26858,
62,
2302,
40450,
62,
1186,
30227,
7,
39098,
62,
3672,
11,
2420,
62,
15414,
11,
30351,
62,
42180,
28,
17821,
8,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
1255,
796,
4704,
13,
1136,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
30351,
62,
42180,
20512,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
965,
4554,
62,
3672,
25,
383,
1438,
286,
262,
4554,
13,
357,
35827,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
8255,
20560,
2420,
62,
15414,
25,
383,
5128,
2420,
13,
357,
35827,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
965,
2124,
62,
13345,
263,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
7783,
25,
1351,
58,
3041,
25636,
32398,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1002,
262,
2446,
318,
1444,
355,
24871,
3481,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5860,
262,
2581,
4704,
13,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
479,
86,
22046,
17816,
62,
7783,
62,
4023,
62,
7890,
62,
8807,
20520,
796,
6407,
198,
220,
220,
220,
220,
220,
220,
220,
611,
479,
86,
22046,
13,
1136,
10786,
292,
13361,
62,
42180,
6,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
260,
25636,
62,
26858,
62,
2302,
40450,
62,
1186,
30227,
62,
4480,
62,
4023,
62,
10951,
7,
39098,
62,
3672,
11,
2420,
62,
15414,
11,
12429,
46265,
22046,
8,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
7890,
8,
796,
2116,
13,
260,
25636,
62,
26858,
62,
2302,
40450,
62,
1186,
30227,
62,
4480,
62,
4023,
62,
10951,
7,
39098,
62,
3672,
11,
2420,
62,
15414,
11,
12429,
46265,
22046,
8,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
1366,
628,
220,
220,
220,
825,
40364,
62,
26858,
62,
2302,
40450,
62,
1186,
30227,
62,
4480,
62,
4023,
62,
10951,
7,
944,
11,
4554,
62,
3672,
11,
2420,
62,
15414,
11,
12429,
46265,
22046,
2599,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
11627,
974,
1321,
1912,
319,
262,
3218,
5408,
13,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
29677,
262,
12066,
12336,
262,
3218,
5408,
13,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
770,
2446,
1838,
257,
18305,
516,
14626,
2581,
416,
4277,
13,
1675,
787,
281,
198,
220,
220,
220,
220,
220,
220,
220,
39354,
14626,
2581,
11,
3387,
1208,
30351,
62,
42180,
28,
17821,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
4704,
796,
40391,
13,
260,
25636,
62,
26858,
62,
2302,
40450,
62,
1186,
30227,
62,
4480,
62,
4023,
62,
10951,
7,
39098,
62,
3672,
11,
2420,
62,
15414,
11,
30351,
62,
42180,
28,
17821,
8,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
1255,
796,
4704,
13,
1136,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
30351,
62,
42180,
20512,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
965,
4554,
62,
3672,
25,
383,
1438,
286,
262,
4554,
13,
357,
35827,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
8255,
20560,
2420,
62,
15414,
25,
383,
5128,
2420,
13,
357,
35827,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
965,
2124,
62,
13345,
263,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
7783,
25,
1351,
58,
3041,
25636,
32398,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1002,
262,
2446,
318,
1444,
355,
24871,
3481,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5860,
262,
2581,
4704,
13,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
477,
62,
37266,
796,
37250,
39098,
62,
3672,
3256,
705,
5239,
62,
15414,
3256,
705,
87,
62,
13345,
263,
20520,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
477,
62,
37266,
13,
33295,
10786,
292,
13361,
62,
42180,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
477,
62,
37266,
13,
33295,
10786,
62,
7783,
62,
4023,
62,
7890,
62,
8807,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
477,
62,
37266,
13,
33295,
10786,
62,
3866,
2220,
62,
11299,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
477,
62,
37266,
13,
33295,
10786,
62,
25927,
62,
48678,
11537,
628,
220,
220,
220,
220,
220,
220,
220,
42287,
796,
17205,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
329,
1994,
11,
1188,
287,
2237,
13,
2676,
23814,
7,
37266,
17816,
46265,
22046,
20520,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
1994,
407,
287,
477,
62,
37266,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
5994,
12331,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
30074,
281,
10059,
21179,
4578,
705,
4,
82,
29653,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
284,
2446,
40364,
62,
26858,
62,
2302,
40450,
62,
1186,
30227,
1,
4064,
1994,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
42287,
58,
2539,
60,
796,
1188,
198,
220,
220,
220,
220,
220,
220,
220,
1619,
42287,
17816,
46265,
22046,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
11767,
262,
2672,
11507,
705,
39098,
62,
3672,
6,
318,
900,
198,
220,
220,
220,
220,
220,
220,
220,
611,
19203,
39098,
62,
3672,
6,
407,
287,
42287,
393,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
42287,
17816,
39098,
62,
3672,
20520,
318,
6045,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
11052,
12331,
7203,
43730,
262,
2672,
11507,
4600,
39098,
62,
3672,
63,
618,
4585,
4600,
260,
25636,
62,
26858,
62,
2302,
40450,
62,
1186,
30227,
63,
4943,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
11767,
262,
2672,
11507,
705,
5239,
62,
15414,
6,
318,
900,
198,
220,
220,
220,
220,
220,
220,
220,
611,
19203,
5239,
62,
15414,
6,
407,
287,
42287,
393,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
42287,
17816,
5239,
62,
15414,
20520,
318,
6045,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
11052,
12331,
7203,
43730,
262,
2672,
11507,
4600,
5239,
62,
15414,
63,
618,
4585,
4600,
260,
25636,
62,
26858,
62,
2302,
40450,
62,
1186,
30227,
63,
4943,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
4947,
62,
687,
1381,
796,
23884,
628,
220,
220,
220,
220,
220,
220,
220,
3108,
62,
37266,
796,
23884,
198,
220,
220,
220,
220,
220,
220,
220,
611,
705,
39098,
62,
3672,
6,
287,
42287,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3108,
62,
37266,
17816,
39098,
62,
3672,
20520,
796,
42287,
17816,
39098,
62,
3672,
20520,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
12405,
62,
37266,
796,
17635,
628,
220,
220,
220,
220,
220,
220,
220,
13639,
62,
37266,
796,
23884,
198,
220,
220,
220,
220,
220,
220,
220,
611,
705,
87,
62,
13345,
263,
6,
287,
42287,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
13639,
62,
37266,
17816,
55,
12,
34,
7036,
1137,
20520,
796,
42287,
17816,
87,
62,
13345,
263,
20520,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
1296,
62,
37266,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
1957,
62,
7785,
62,
16624,
796,
23884,
628,
220,
220,
220,
220,
220,
220,
220,
1767,
62,
37266,
796,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
611,
705,
5239,
62,
15414,
6,
287,
42287,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1767,
62,
37266,
796,
42287,
17816,
5239,
62,
15414,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
14626,
13639,
4600,
38855,
63,
198,
220,
220,
220,
220,
220,
220,
220,
13639,
62,
37266,
17816,
38855,
20520,
796,
2116,
13,
15042,
62,
16366,
13,
19738,
62,
25677,
62,
13635,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
37250,
31438,
14,
17752,
6,
12962,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
14626,
13639,
4600,
19746,
12,
6030,
63,
198,
220,
220,
220,
220,
220,
220,
220,
13639,
62,
37266,
17816,
19746,
12,
6030,
20520,
796,
2116,
13,
15042,
62,
16366,
13,
19738,
62,
25677,
62,
11299,
62,
4906,
7,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
37250,
31438,
14,
17752,
6,
12962,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
48191,
4634,
198,
220,
220,
220,
220,
220,
220,
220,
6284,
62,
33692,
796,
37250,
17614,
9218,
39681,
3256,
705,
17614,
9218,
39681,
62,
727,
20520,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
15042,
62,
16366,
13,
13345,
62,
15042,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
31051,
77,
2290,
14,
85,
17,
14,
260,
25636,
62,
26858,
62,
2302,
974,
669,
14,
90,
39098,
62,
3672,
92,
14,
1186,
30227,
3256,
705,
32782,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3108,
62,
37266,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12405,
62,
37266,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
13639,
62,
37266,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1767,
28,
2618,
62,
37266,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1281,
62,
37266,
28,
687,
62,
37266,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3696,
28,
12001,
62,
7785,
62,
16624,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2882,
62,
4906,
11639,
4868,
58,
3041,
25636,
32398,
60,
3256,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6284,
62,
33692,
28,
18439,
62,
33692,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
30351,
62,
42180,
28,
37266,
13,
1136,
10786,
292,
13361,
62,
42180,
33809,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4808,
7783,
62,
4023,
62,
7890,
62,
8807,
28,
37266,
13,
1136,
10786,
62,
7783,
62,
4023,
62,
7890,
62,
8807,
33809,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4808,
3866,
2220,
62,
11299,
28,
37266,
13,
1136,
10786,
62,
3866,
2220,
62,
11299,
3256,
6407,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4808,
25927,
62,
48678,
28,
37266,
13,
1136,
10786,
62,
25927,
62,
48678,
33809,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4947,
62,
687,
1381,
28,
43681,
62,
687,
1381,
8,
628,
220,
220,
220,
825,
40364,
62,
26858,
62,
2302,
40450,
62,
2617,
62,
37266,
7,
944,
11,
4554,
62,
3672,
11,
2746,
62,
37266,
11,
12429,
46265,
22046,
2599,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
7248,
262,
2746,
10007,
286,
3706,
40364,
9312,
7925,
273,
13,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
5345,
262,
2746,
10007,
286,
3706,
40364,
9312,
7925,
273,
13,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
770,
2446,
1838,
257,
18305,
516,
14626,
2581,
416,
4277,
13,
1675,
787,
281,
198,
220,
220,
220,
220,
220,
220,
220,
39354,
14626,
2581,
11,
3387,
1208,
30351,
62,
42180,
28,
17821,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
4704,
796,
40391,
13,
260,
25636,
62,
26858,
62,
2302,
40450,
62,
2617,
62,
37266,
7,
39098,
62,
3672,
11,
2746,
62,
37266,
11,
30351,
62,
42180,
28,
17821,
8,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
1255,
796,
4704,
13,
1136,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
30351,
62,
42180,
20512,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
965,
4554,
62,
3672,
25,
383,
1438,
286,
262,
4554,
13,
357,
35827,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
9104,
10044,
4105,
2746,
62,
37266,
25,
383,
2746,
10007,
13,
357,
35827,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
965,
2124,
62,
13345,
263,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
7783,
25,
797,
25636,
32398,
11627,
40450,
33384,
11242,
603,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1002,
262,
2446,
318,
1444,
355,
24871,
3481,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5860,
262,
2581,
4704,
13,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
479,
86,
22046,
17816,
62,
7783,
62,
4023,
62,
7890,
62,
8807,
20520,
796,
6407,
198,
220,
220,
220,
220,
220,
220,
220,
611,
479,
86,
22046,
13,
1136,
10786,
292,
13361,
62,
42180,
6,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
260,
25636,
62,
26858,
62,
2302,
40450,
62,
2617,
62,
37266,
62,
4480,
62,
4023,
62,
10951,
7,
39098,
62,
3672,
11,
2746,
62,
37266,
11,
12429,
46265,
22046,
8,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
7890,
8,
796,
2116,
13,
260,
25636,
62,
26858,
62,
2302,
40450,
62,
2617,
62,
37266,
62,
4480,
62,
4023,
62,
10951,
7,
39098,
62,
3672,
11,
2746,
62,
37266,
11,
12429,
46265,
22046,
8,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
1366,
628,
220,
220,
220,
825,
40364,
62,
26858,
62,
2302,
40450,
62,
2617,
62,
37266,
62,
4480,
62,
4023,
62,
10951,
7,
944,
11,
4554,
62,
3672,
11,
2746,
62,
37266,
11,
12429,
46265,
22046,
2599,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
7248,
262,
2746,
10007,
286,
3706,
40364,
9312,
7925,
273,
13,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
5345,
262,
2746,
10007,
286,
3706,
40364,
9312,
7925,
273,
13,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
770,
2446,
1838,
257,
18305,
516,
14626,
2581,
416,
4277,
13,
1675,
787,
281,
198,
220,
220,
220,
220,
220,
220,
220,
39354,
14626,
2581,
11,
3387,
1208,
30351,
62,
42180,
28,
17821,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
4704,
796,
40391,
13,
260,
25636,
62,
26858,
62,
2302,
40450,
62,
2617,
62,
37266,
62,
4480,
62,
4023,
62,
10951,
7,
39098,
62,
3672,
11,
2746,
62,
37266,
11,
30351,
62,
42180,
28,
17821,
8,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
1255,
796,
4704,
13,
1136,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
30351,
62,
42180,
20512,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
965,
4554,
62,
3672,
25,
383,
1438,
286,
262,
4554,
13,
357,
35827,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
9104,
10044,
4105,
2746,
62,
37266,
25,
383,
2746,
10007,
13,
357,
35827,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
965,
2124,
62,
13345,
263,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
7783,
25,
797,
25636,
32398,
11627,
40450,
33384,
11242,
603,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1002,
262,
2446,
318,
1444,
355,
24871,
3481,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5860,
262,
2581,
4704,
13,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
477,
62,
37266,
796,
37250,
39098,
62,
3672,
3256,
705,
19849,
62,
37266,
3256,
705,
87,
62,
13345,
263,
20520,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
477,
62,
37266,
13,
33295,
10786,
292,
13361,
62,
42180,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
477,
62,
37266,
13,
33295,
10786,
62,
7783,
62,
4023,
62,
7890,
62,
8807,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
477,
62,
37266,
13,
33295,
10786,
62,
3866,
2220,
62,
11299,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
477,
62,
37266,
13,
33295,
10786,
62,
25927,
62,
48678,
11537,
628,
220,
220,
220,
220,
220,
220,
220,
42287,
796,
17205,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
329,
1994,
11,
1188,
287,
2237,
13,
2676,
23814,
7,
37266,
17816,
46265,
22046,
20520,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
1994,
407,
287,
477,
62,
37266,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
5994,
12331,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
30074,
281,
10059,
21179,
4578,
705,
4,
82,
29653,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
284,
2446,
40364,
62,
26858,
62,
2302,
40450,
62,
2617,
62,
37266,
1,
4064,
1994,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
42287,
58,
2539,
60,
796,
1188,
198,
220,
220,
220,
220,
220,
220,
220,
1619,
42287,
17816,
46265,
22046,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
11767,
262,
2672,
11507,
705,
39098,
62,
3672,
6,
318,
900,
198,
220,
220,
220,
220,
220,
220,
220,
611,
19203,
39098,
62,
3672,
6,
407,
287,
42287,
393,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
42287,
17816,
39098,
62,
3672,
20520,
318,
6045,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
11052,
12331,
7203,
43730,
262,
2672,
11507,
4600,
39098,
62,
3672,
63,
618,
4585,
4600,
260,
25636,
62,
26858,
62,
2302,
40450,
62,
2617,
62,
37266,
63,
4943,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
11767,
262,
2672,
11507,
705,
19849,
62,
37266,
6,
318,
900,
198,
220,
220,
220,
220,
220,
220,
220,
611,
19203,
19849,
62,
37266,
6,
407,
287,
42287,
393,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
42287,
17816,
19849,
62,
37266,
20520,
318,
6045,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
11052,
12331,
7203,
43730,
262,
2672,
11507,
4600,
19849,
62,
37266,
63,
618,
4585,
4600,
260,
25636,
62,
26858,
62,
2302,
40450,
62,
2617,
62,
37266,
63,
4943,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
4947,
62,
687,
1381,
796,
23884,
628,
220,
220,
220,
220,
220,
220,
220,
3108,
62,
37266,
796,
23884,
198,
220,
220,
220,
220,
220,
220,
220,
611,
705,
39098,
62,
3672,
6,
287,
42287,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3108,
62,
37266,
17816,
39098,
62,
3672,
20520,
796,
42287,
17816,
39098,
62,
3672,
20520,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
12405,
62,
37266,
796,
17635,
628,
220,
220,
220,
220,
220,
220,
220,
13639,
62,
37266,
796,
23884,
198,
220,
220,
220,
220,
220,
220,
220,
611,
705,
87,
62,
13345,
263,
6,
287,
42287,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
13639,
62,
37266,
17816,
55,
12,
34,
7036,
1137,
20520,
796,
42287,
17816,
87,
62,
13345,
263,
20520,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
1296,
62,
37266,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
1957,
62,
7785,
62,
16624,
796,
23884,
628,
220,
220,
220,
220,
220,
220,
220,
1767,
62,
37266,
796,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
611,
705,
19849,
62,
37266,
6,
287,
42287,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1767,
62,
37266,
796,
42287,
17816,
19849,
62,
37266,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
14626,
13639,
4600,
38855,
63,
198,
220,
220,
220,
220,
220,
220,
220,
13639,
62,
37266,
17816,
38855,
20520,
796,
2116,
13,
15042,
62,
16366,
13,
19738,
62,
25677,
62,
13635,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
37250,
31438,
14,
17752,
6,
12962,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
14626,
13639,
4600,
19746,
12,
6030,
63,
198,
220,
220,
220,
220,
220,
220,
220,
13639,
62,
37266,
17816,
19746,
12,
6030,
20520,
796,
2116,
13,
15042,
62,
16366,
13,
19738,
62,
25677,
62,
11299,
62,
4906,
7,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
37250,
31438,
14,
17752,
6,
12962,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
48191,
4634,
198,
220,
220,
220,
220,
220,
220,
220,
6284,
62,
33692,
796,
37250,
17614,
9218,
39681,
3256,
705,
17614,
9218,
39681,
62,
727,
20520,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
15042,
62,
16366,
13,
13345,
62,
15042,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
31051,
77,
2290,
14,
85,
17,
14,
260,
25636,
62,
26858,
62,
2302,
974,
669,
14,
90,
39098,
62,
3672,
92,
14,
37266,
3256,
705,
32782,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3108,
62,
37266,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12405,
62,
37266,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
13639,
62,
37266,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1767,
28,
2618,
62,
37266,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1281,
62,
37266,
28,
687,
62,
37266,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3696,
28,
12001,
62,
7785,
62,
16624,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2882,
62,
4906,
11639,
3041,
25636,
32398,
11627,
40450,
33384,
11242,
603,
3256,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6284,
62,
33692,
28,
18439,
62,
33692,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
30351,
62,
42180,
28,
37266,
13,
1136,
10786,
292,
13361,
62,
42180,
33809,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4808,
7783,
62,
4023,
62,
7890,
62,
8807,
28,
37266,
13,
1136,
10786,
62,
7783,
62,
4023,
62,
7890,
62,
8807,
33809,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4808,
3866,
2220,
62,
11299,
28,
37266,
13,
1136,
10786,
62,
3866,
2220,
62,
11299,
3256,
6407,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4808,
25927,
62,
48678,
28,
37266,
13,
1136,
10786,
62,
25927,
62,
48678,
33809,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4947,
62,
687,
1381,
28,
43681,
62,
687,
1381,
8,
628,
220,
220,
220,
825,
40364,
62,
26858,
62,
2302,
40450,
62,
85,
12687,
786,
7,
944,
11,
4554,
62,
3672,
11,
12429,
46265,
22046,
2599,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
53,
12687,
786,
262,
3706,
2746,
13,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
350,
2224,
1473,
20199,
2696,
257,
2746,
772,
611,
407,
491,
5263,
13,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
770,
2446,
1838,
257,
18305,
516,
14626,
2581,
416,
4277,
13,
1675,
787,
281,
198,
220,
220,
220,
220,
220,
220,
220,
39354,
14626,
2581,
11,
3387,
1208,
30351,
62,
42180,
28,
17821,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
4704,
796,
40391,
13,
260,
25636,
62,
26858,
62,
2302,
40450,
62,
85,
12687,
786,
7,
39098,
62,
3672,
11,
30351,
62,
42180,
28,
17821,
8,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
1255,
796,
4704,
13,
1136,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
30351,
62,
42180,
20512,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
965,
4554,
62,
3672,
25,
383,
1438,
286,
262,
4554,
13,
357,
35827,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
965,
2124,
62,
13345,
263,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
7783,
25,
797,
25636,
32398,
11627,
40450,
33384,
11242,
603,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1002,
262,
2446,
318,
1444,
355,
24871,
3481,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5860,
262,
2581,
4704,
13,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
479,
86,
22046,
17816,
62,
7783,
62,
4023,
62,
7890,
62,
8807,
20520,
796,
6407,
198,
220,
220,
220,
220,
220,
220,
220,
611,
479,
86,
22046,
13,
1136,
10786,
292,
13361,
62,
42180,
6,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
260,
25636,
62,
26858,
62,
2302,
40450,
62,
85,
12687,
786,
62,
4480,
62,
4023,
62,
10951,
7,
39098,
62,
3672,
11,
12429,
46265,
22046,
8,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
7890,
8,
796,
2116,
13,
260,
25636,
62,
26858,
62,
2302,
40450,
62,
85,
12687,
786,
62,
4480,
62,
4023,
62,
10951,
7,
39098,
62,
3672,
11,
12429,
46265,
22046,
8,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
1366,
628,
220,
220,
220,
825,
40364,
62,
26858,
62,
2302,
40450,
62,
85,
12687,
786,
62,
4480,
62,
4023,
62,
10951,
7,
944,
11,
4554,
62,
3672,
11,
12429,
46265,
22046,
2599,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
53,
12687,
786,
262,
3706,
2746,
13,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
350,
2224,
1473,
20199,
2696,
257,
2746,
772,
611,
407,
491,
5263,
13,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
770,
2446,
1838,
257,
18305,
516,
14626,
2581,
416,
4277,
13,
1675,
787,
281,
198,
220,
220,
220,
220,
220,
220,
220,
39354,
14626,
2581,
11,
3387,
1208,
30351,
62,
42180,
28,
17821,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
4704,
796,
40391,
13,
260,
25636,
62,
26858,
62,
2302,
40450,
62,
85,
12687,
786,
62,
4480,
62,
4023,
62,
10951,
7,
39098,
62,
3672,
11,
30351,
62,
42180,
28,
17821,
8,
198,
220,
220,
220,
220,
220,
220,
220,
13163,
1255,
796,
4704,
13,
1136,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
30351,
62,
42180,
20512,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
965,
4554,
62,
3672,
25,
383,
1438,
286,
262,
4554,
13,
357,
35827,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
17143,
965,
2124,
62,
13345,
263,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1058,
7783,
25,
797,
25636,
32398,
11627,
40450,
33384,
11242,
603,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1002,
262,
2446,
318,
1444,
355,
24871,
3481,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5860,
262,
2581,
4704,
13,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
477,
62,
37266,
796,
37250,
39098,
62,
3672,
3256,
705,
87,
62,
13345,
263,
20520,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
477,
62,
37266,
13,
33295,
10786,
292,
13361,
62,
42180,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
477,
62,
37266,
13,
33295,
10786,
62,
7783,
62,
4023,
62,
7890,
62,
8807,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
477,
62,
37266,
13,
33295,
10786,
62,
3866,
2220,
62,
11299,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
477,
62,
37266,
13,
33295,
10786,
62,
25927,
62,
48678,
11537,
628,
220,
220,
220,
220,
220,
220,
220,
42287,
796,
17205,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
329,
1994,
11,
1188,
287,
2237,
13,
2676,
23814,
7,
37266,
17816,
46265,
22046,
20520,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
1994,
407,
287,
477,
62,
37266,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
5994,
12331,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
30074,
281,
10059,
21179,
4578,
705,
4,
82,
29653,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
284,
2446,
40364,
62,
26858,
62,
2302,
40450,
62,
85,
12687,
786,
1,
4064,
1994,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
42287,
58,
2539,
60,
796,
1188,
198,
220,
220,
220,
220,
220,
220,
220,
1619,
42287,
17816,
46265,
22046,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
11767,
262,
2672,
11507,
705,
39098,
62,
3672,
6,
318,
900,
198,
220,
220,
220,
220,
220,
220,
220,
611,
19203,
39098,
62,
3672,
6,
407,
287,
42287,
393,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
42287,
17816,
39098,
62,
3672,
20520,
318,
6045,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
11052,
12331,
7203,
43730,
262,
2672,
11507,
4600,
39098,
62,
3672,
63,
618,
4585,
4600,
260,
25636,
62,
26858,
62,
2302,
40450,
62,
85,
12687,
786,
63,
4943,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
4947,
62,
687,
1381,
796,
23884,
628,
220,
220,
220,
220,
220,
220,
220,
3108,
62,
37266,
796,
23884,
198,
220,
220,
220,
220,
220,
220,
220,
611,
705,
39098,
62,
3672,
6,
287,
42287,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3108,
62,
37266,
17816,
39098,
62,
3672,
20520,
796,
42287,
17816,
39098,
62,
3672,
20520,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
12405,
62,
37266,
796,
17635,
628,
220,
220,
220,
220,
220,
220,
220,
13639,
62,
37266,
796,
23884,
198,
220,
220,
220,
220,
220,
220,
220,
611,
705,
87,
62,
13345,
263,
6,
287,
42287,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
13639,
62,
37266,
17816,
55,
12,
34,
7036,
1137,
20520,
796,
42287,
17816,
87,
62,
13345,
263,
20520,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
1296,
62,
37266,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
1957,
62,
7785,
62,
16624,
796,
23884,
628,
220,
220,
220,
220,
220,
220,
220,
1767,
62,
37266,
796,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
14626,
13639,
4600,
38855,
63,
198,
220,
220,
220,
220,
220,
220,
220,
13639,
62,
37266,
17816,
38855,
20520,
796,
2116,
13,
15042,
62,
16366,
13,
19738,
62,
25677,
62,
13635,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
37250,
31438,
14,
17752,
6,
12962,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
14626,
13639,
4600,
19746,
12,
6030,
63,
198,
220,
220,
220,
220,
220,
220,
220,
13639,
62,
37266,
17816,
19746,
12,
6030,
20520,
796,
2116,
13,
15042,
62,
16366,
13,
19738,
62,
25677,
62,
11299,
62,
4906,
7,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
37250,
31438,
14,
17752,
6,
12962,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
48191,
4634,
198,
220,
220,
220,
220,
220,
220,
220,
6284,
62,
33692,
796,
37250,
17614,
9218,
39681,
3256,
705,
17614,
9218,
39681,
62,
727,
20520,
220,
1303,
645,
20402,
25,
412,
33548,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
15042,
62,
16366,
13,
13345,
62,
15042,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
31051,
77,
2290,
14,
85,
17,
14,
260,
25636,
62,
26858,
62,
2302,
974,
669,
14,
90,
39098,
62,
3672,
92,
14,
85,
12687,
786,
3256,
705,
32782,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3108,
62,
37266,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12405,
62,
37266,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
13639,
62,
37266,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1767,
28,
2618,
62,
37266,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1281,
62,
37266,
28,
687,
62,
37266,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3696,
28,
12001,
62,
7785,
62,
16624,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2882,
62,
4906,
11639,
3041,
25636,
32398,
11627,
40450,
33384,
11242,
603,
3256,
220,
1303,
645,
20402,
25,
412,
33548,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6284,
62,
33692,
28,
18439,
62,
33692,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
30351,
62,
42180,
28,
37266,
13,
1136,
10786,
292,
13361,
62,
42180,
33809,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4808,
7783,
62,
4023,
62,
7890,
62,
8807,
28,
37266,
13,
1136,
10786,
62,
7783,
62,
4023,
62,
7890,
62,
8807,
33809,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4808,
3866,
2220,
62,
11299,
28,
37266,
13,
1136,
10786,
62,
3866,
2220,
62,
11299,
3256,
6407,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4808,
25927,
62,
48678,
28,
37266,
13,
1136,
10786,
62,
25927,
62,
48678,
33809,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4947,
62,
687,
1381,
28,
43681,
62,
687,
1381,
8,
198
] | 2.32275 | 16,000 |
try:
from setuptools import setup, find_packages
except ImportError:
from distutils.core import setup, find_packages
setup(
name = 'django_fabv',
version = '0.1.1',
url = 'https://pypi.python.org/pypi/django_fabv/0.1.0',
include_package_data=True,
packages=find_packages(),
license = '3-clause BSD',
author = 'Bob Jansen',
author_email = '[email protected]',
description = 'A/B module for Django based on ABingo',
long_description=open('README.txt').read(),
)
| [
28311,
25,
198,
220,
220,
220,
422,
900,
37623,
10141,
1330,
9058,
11,
1064,
62,
43789,
198,
16341,
17267,
12331,
25,
198,
220,
220,
220,
422,
1233,
26791,
13,
7295,
1330,
9058,
11,
1064,
62,
43789,
628,
198,
40406,
7,
198,
220,
220,
220,
1438,
796,
705,
28241,
14208,
62,
36434,
85,
3256,
198,
220,
220,
220,
2196,
796,
705,
15,
13,
16,
13,
16,
3256,
198,
220,
220,
220,
19016,
796,
705,
5450,
1378,
79,
4464,
72,
13,
29412,
13,
2398,
14,
79,
4464,
72,
14,
28241,
14208,
62,
36434,
85,
14,
15,
13,
16,
13,
15,
3256,
198,
220,
220,
220,
2291,
62,
26495,
62,
7890,
28,
17821,
11,
198,
220,
220,
220,
10392,
28,
19796,
62,
43789,
22784,
198,
220,
220,
220,
5964,
796,
705,
18,
12,
565,
682,
347,
10305,
3256,
198,
220,
220,
220,
1772,
796,
705,
18861,
449,
33807,
3256,
198,
220,
220,
220,
1772,
62,
12888,
796,
705,
65,
672,
13,
73,
33807,
31,
574,
891,
24552,
13,
21283,
3256,
198,
220,
220,
220,
6764,
796,
705,
32,
14,
33,
8265,
329,
37770,
1912,
319,
9564,
32735,
3256,
198,
220,
220,
220,
890,
62,
11213,
28,
9654,
10786,
15675,
11682,
13,
14116,
27691,
961,
22784,
198,
8,
198
] | 2.517073 | 205 |
programmer = Programmer()
tester = Tester()
project = ProjectManagement()
print(project.process(programmer))
print(project.process(tester))
#La clase ProjectManagment es la que se puede extender
#por eso la dejamos asi, ya que cumple con el principio
#Abierto/Cerrado
#(no le entendi muy bien)
| [
628,
198,
23065,
647,
796,
6118,
647,
3419,
198,
4879,
353,
796,
309,
7834,
3419,
198,
198,
16302,
796,
4935,
48032,
3419,
198,
198,
4798,
7,
16302,
13,
14681,
7,
23065,
647,
4008,
198,
4798,
7,
16302,
13,
14681,
7,
4879,
353,
4008,
198,
198,
2,
14772,
537,
589,
4935,
5124,
363,
434,
1658,
8591,
8358,
384,
279,
1739,
68,
1070,
2194,
198,
2,
1819,
1658,
78,
8591,
390,
39159,
418,
355,
72,
11,
21349,
8358,
269,
931,
293,
369,
1288,
26303,
952,
198,
2,
4826,
72,
13806,
14,
34,
8056,
4533,
198,
198,
2,
7,
3919,
443,
920,
43109,
285,
4669,
275,
2013,
8,
198
] | 2.839623 | 106 |
# -*- encoding: utf-8 -*-
'''
Current module: mobile.monkeyrunner.driver
Rough version history:
v1.0 Original version to use
********************************************************************
@AUTHOR: Administrator-Bruce Luo(罗科峰)
MAIL: [email protected]
RCS: rock4.softtest.pad.hierarchy.driver,v 2.0 2017年2月7日
FROM: 2015年12月23日
********************************************************************
======================================================================
Android UI automation frame for python.
Jython-monkeyrunner--need use jython to compileall
monkeyrunner.jar & chimpchat.jar & hierarchyviewer2lib.jar
'''
from com.android.monkeyrunner import MonkeyRunner,MonkeyDevice
from com.android.monkeyrunner.easy import By,EasyMonkeyDevice
from com.android.chimpchat.hierarchyviewer import HierarchyViewer
import os,re,time
import p_m_env
class MobileApp():
''' Mobile App Test.(need MonkeyRunner + Hierarchy)'''
@classmethod
@classmethod
@classmethod
def CloseApp(cls,app_package):
''' only close app . keep the session'''
result = re.search(".*%s\r\n" %app_package,os.popen("adb shell ps").read())
if result:
pid = re.findall("\w+",result.group())[1]
f=open("tmp",'w')
f.write("su\r\nkill -9 %s\r\nexit\r\nexit\r\n" %pid)
f.close()
os.system("adb shell <tmp")
os.remove("tmp")
@classmethod
def IsAppInstalled(cls,app_package):
'''
app_package
app_component
apk_path
'''
if re.search(app_package,os.popen("adb shell pm list packages").read()):
result = True
else:
result = False
time.sleep(0.5)
return result
@classmethod
def InstallApp(cls,apk_path):
''' install the app to mobile
apk_path=r"c:\test.apk"
'''
getattr(p_m_env.DEVICE,"installPackage")(apk_path)
time.sleep(0.5)
@classmethod
@classmethod
@classmethod
@classmethod
@classmethod
@classmethod
@classmethod
@classmethod
@classmethod
@classmethod
@classmethod
@classmethod
@classmethod
@classmethod
@classmethod
@classmethod
@classmethod
@classmethod
@classmethod
@classmethod
@classmethod
class MobileElement():
''' Mobile App Element Test.(need MonkeyRunner + Hierarchy)'''
(by,value,parent,timeout) = (None,None,None,30)
@classmethod
@classmethod
@classmethod
def Swipe(cls,duration=2,steps=100):
''' 模拟用户滑动
cls.by = "positon"
cls.value = [100,100,200,200]
duration --> 设置拖动过程的耗时
steps --> 设置拖动过程的步长, 步长较短的话,效果就是长按
'''
if cls.by == "position":
if not isinstance(cls.value, list):
raise Exception("Need list type:",cls.value)
getattr(p_m_env.DEVICE,"drag'")((cls.value[0],cls.value[1]),(cls.value[2],cls.value[3]),duration,steps)
@classmethod
@classmethod
@classmethod
@classmethod
@classmethod
@classmethod
@classmethod
@classmethod
@classmethod
@classmethod
@classmethod
@classmethod
@classmethod
@classmethod
@classmethod
@classmethod
@classmethod
@classmethod
@classmethod
if __name__ == "__main__":
# monkeyrunner driver.py
#等待连接
MobileApp.WaitForConnection()
#登录的示例
component = "com.tianwen.aischool/.ui.publics.login.LoginActivity"
MobileApp.LaunchApp(component)
print "launch app ok"
# 截图
MobileElement.by = "id"
MobileElement.value = "id/login_user_img"
MobileElement.SaveCurrentImageToFile(r"d:\auto\buffer\test.png")
print "Saving a picture to a file. ok"
#用户名
MobileElement.by = "id"
MobileElement.value = "id/login_account_input";#使用android sdk中的工具-->hierarchyviewer.bat查看。还有一个辅助工具 uiautomatorviewer.bat
MobileElement.TypeInClear("brucestudent1")
print "Typing username(brucestudent1) ok"
#密码
(MobileElement.by,MobileElement.value) = ("id","id/login_password_input")
MobileElement.TypeInClear("123456")
print "Typing password(123456) ok"
#登录按钮
(MobileElement.by,MobileElement.value) = ("id","id/login_start_button")
MobileElement.Touch()
print "Tap login button ok"
#验证信息
(MobileElement.by,MobileElement.value) = ("id","id/login_error_tip_text")
result = MobileElement.GetText()
print "verify login info"
print "-->",result
if "正在登录" in result:
print "Login Test Pass"
else:
print "Login Test Fail"
# 点击 练习作业
print "->click link_text"
(MobileElement.by,MobileElement.value,MobileElement.parent,MobileElement.timeout) = ("link_text",u"练习作业","id/homepage_exercise",30)
MobileElement.Touch()
print "Link_text is ok"
# 点击 练习作业
print "->click index"
(MobileElement.by,MobileElement.value,MobileElement.parent) = ("index",[0,0,1,0],"id/grid")
MobileElement.Touch()
print "Index is ok"
| [
2,
532,
9,
12,
21004,
25,
3384,
69,
12,
23,
532,
9,
12,
201,
198,
7061,
6,
201,
198,
11297,
8265,
25,
5175,
13,
2144,
365,
2417,
403,
1008,
13,
26230,
201,
198,
201,
198,
49,
619,
2196,
2106,
25,
201,
198,
85,
16,
13,
15,
220,
220,
220,
13745,
2196,
284,
779,
201,
198,
201,
198,
17174,
17174,
2466,
201,
198,
220,
220,
220,
2488,
32,
24318,
1581,
25,
220,
22998,
12,
38509,
25956,
7,
163,
121,
245,
163,
100,
239,
161,
111,
108,
8,
201,
198,
220,
220,
220,
8779,
4146,
25,
220,
220,
220,
300,
74,
69,
16088,
26709,
31,
24136,
13,
785,
201,
198,
220,
220,
220,
371,
7902,
25,
220,
220,
220,
220,
220,
3881,
19,
13,
4215,
9288,
13,
15636,
13,
71,
959,
9282,
13,
26230,
11,
85,
362,
13,
15,
2177,
33176,
112,
17,
17312,
230,
22,
33768,
98,
201,
198,
220,
220,
220,
16034,
25,
220,
220,
1853,
33176,
112,
1065,
17312,
230,
1954,
33768,
98,
201,
198,
17174,
17174,
2466,
201,
198,
201,
198,
23926,
50155,
201,
198,
201,
198,
25934,
12454,
22771,
5739,
329,
21015,
13,
201,
198,
41,
7535,
12,
2144,
365,
2417,
403,
1008,
438,
31227,
779,
474,
7535,
284,
17632,
439,
201,
198,
2144,
365,
2417,
403,
1008,
13,
9491,
1222,
442,
11011,
17006,
13,
9491,
1222,
18911,
1177,
263,
17,
8019,
13,
9491,
201,
198,
7061,
6,
201,
198,
201,
198,
201,
198,
6738,
401,
13,
19411,
13,
2144,
365,
2417,
403,
1008,
1330,
26997,
49493,
11,
9069,
2539,
24728,
201,
198,
6738,
401,
13,
19411,
13,
2144,
365,
2417,
403,
1008,
13,
38171,
1330,
2750,
11,
28406,
9069,
2539,
24728,
201,
198,
6738,
401,
13,
19411,
13,
354,
11011,
17006,
13,
71,
959,
9282,
1177,
263,
1330,
36496,
9282,
7680,
263,
201,
198,
11748,
28686,
11,
260,
11,
2435,
201,
198,
11748,
279,
62,
76,
62,
24330,
201,
198,
201,
198,
201,
198,
4871,
12173,
4677,
33529,
201,
198,
220,
220,
220,
705,
7061,
12173,
2034,
6208,
12195,
31227,
26997,
49493,
1343,
36496,
9282,
8,
7061,
6,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
825,
13872,
4677,
7,
565,
82,
11,
1324,
62,
26495,
2599,
201,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
691,
1969,
598,
764,
1394,
262,
6246,
7061,
6,
220,
220,
220,
220,
220,
220,
220,
220,
201,
198,
220,
220,
220,
220,
220,
220,
220,
1255,
796,
302,
13,
12947,
7,
1911,
9,
4,
82,
59,
81,
59,
77,
1,
4064,
1324,
62,
26495,
11,
418,
13,
79,
9654,
7203,
324,
65,
7582,
26692,
11074,
961,
28955,
201,
198,
220,
220,
220,
220,
220,
220,
220,
611,
1255,
25,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
46514,
796,
302,
13,
19796,
439,
7203,
59,
86,
10,
1600,
20274,
13,
8094,
28955,
58,
16,
60,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
277,
28,
9654,
7203,
22065,
1600,
6,
86,
11537,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
277,
13,
13564,
7203,
2385,
59,
81,
59,
77,
12728,
532,
24,
4064,
82,
59,
81,
59,
710,
10198,
59,
81,
59,
710,
10198,
59,
81,
59,
77,
1,
4064,
35317,
8,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
277,
13,
19836,
3419,
220,
220,
220,
220,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
28686,
13,
10057,
7203,
324,
65,
7582,
1279,
22065,
4943,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
28686,
13,
28956,
7203,
22065,
4943,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
825,
1148,
4677,
6310,
4262,
7,
565,
82,
11,
1324,
62,
26495,
2599,
201,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
201,
198,
220,
220,
220,
220,
220,
220,
220,
598,
62,
26495,
201,
198,
220,
220,
220,
220,
220,
220,
220,
598,
62,
42895,
201,
198,
220,
220,
220,
220,
220,
220,
220,
2471,
74,
62,
6978,
220,
220,
220,
220,
220,
220,
220,
220,
201,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
201,
198,
220,
220,
220,
220,
220,
220,
220,
611,
302,
13,
12947,
7,
1324,
62,
26495,
11,
418,
13,
79,
9654,
7203,
324,
65,
7582,
9114,
1351,
10392,
11074,
961,
3419,
2599,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1255,
796,
6407,
201,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1255,
796,
10352,
201,
198,
220,
220,
220,
220,
220,
220,
220,
640,
13,
42832,
7,
15,
13,
20,
8,
201,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
1255,
201,
198,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
825,
15545,
4677,
7,
565,
82,
11,
499,
74,
62,
6978,
2599,
201,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
2721,
262,
598,
284,
5175,
201,
198,
220,
220,
220,
220,
220,
220,
220,
2471,
74,
62,
6978,
28,
81,
1,
66,
7479,
9288,
13,
499,
74,
1,
220,
220,
220,
220,
220,
220,
220,
220,
201,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
201,
198,
220,
220,
220,
220,
220,
220,
220,
651,
35226,
7,
79,
62,
76,
62,
24330,
13,
7206,
27389,
553,
17350,
27813,
4943,
7,
499,
74,
62,
6978,
8,
201,
198,
220,
220,
220,
220,
220,
220,
220,
640,
13,
42832,
7,
15,
13,
20,
8,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
201,
198,
201,
198,
4871,
12173,
20180,
33529,
220,
220,
220,
220,
201,
198,
220,
220,
220,
705,
7061,
12173,
2034,
11703,
6208,
12195,
31227,
26997,
49493,
1343,
36496,
9282,
8,
7061,
6,
201,
198,
220,
220,
220,
357,
1525,
11,
8367,
11,
8000,
11,
48678,
8,
796,
357,
14202,
11,
14202,
11,
14202,
11,
1270,
8,
201,
198,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
825,
2451,
3757,
7,
565,
82,
11,
32257,
28,
17,
11,
20214,
28,
3064,
2599,
201,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
10545,
101,
94,
162,
233,
253,
18796,
101,
22755,
115,
162,
119,
239,
27950,
101,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
537,
82,
13,
1525,
796,
366,
1930,
37752,
1,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
537,
82,
13,
8367,
796,
685,
3064,
11,
3064,
11,
2167,
11,
2167,
60,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9478,
14610,
5525,
106,
122,
163,
121,
106,
162,
233,
244,
27950,
101,
32573,
229,
163,
101,
233,
21410,
32003,
245,
33768,
114,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4831,
220,
220,
220,
14610,
5525,
106,
122,
163,
121,
106,
162,
233,
244,
27950,
101,
32573,
229,
163,
101,
233,
21410,
29826,
98,
165,
243,
123,
171,
120,
234,
10545,
255,
98,
165,
243,
123,
164,
122,
225,
163,
253,
255,
21410,
46237,
251,
171,
120,
234,
46763,
230,
162,
252,
250,
22887,
109,
42468,
165,
243,
123,
162,
234,
231,
201,
198,
220,
220,
220,
220,
220,
220,
220,
705,
7061,
201,
198,
220,
220,
220,
220,
220,
220,
220,
611,
537,
82,
13,
1525,
6624,
366,
9150,
1298,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
407,
318,
39098,
7,
565,
82,
13,
8367,
11,
1351,
2599,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
35528,
7203,
23037,
1351,
2099,
25,
1600,
565,
82,
13,
8367,
8,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
651,
35226,
7,
79,
62,
76,
62,
24330,
13,
7206,
27389,
553,
7109,
363,
6,
4943,
19510,
565,
82,
13,
8367,
58,
15,
4357,
565,
82,
13,
8367,
58,
16,
46570,
7,
565,
82,
13,
8367,
58,
17,
4357,
565,
82,
13,
8367,
58,
18,
46570,
32257,
11,
20214,
8,
201,
198,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
220,
220,
220,
220,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
201,
198,
220,
220,
220,
2488,
4871,
24396,
201,
198,
220,
220,
220,
201,
198,
201,
198,
361,
11593,
3672,
834,
6624,
366,
834,
12417,
834,
1298,
201,
198,
220,
220,
220,
1303,
937,
365,
2417,
403,
1008,
4639,
13,
9078,
201,
198,
220,
220,
220,
1303,
163,
255,
231,
36181,
227,
32573,
252,
162,
236,
98,
201,
198,
220,
220,
220,
12173,
4677,
13,
21321,
1890,
32048,
3419,
201,
198,
220,
220,
220,
220,
201,
198,
220,
220,
220,
1303,
163,
247,
119,
37605,
243,
21410,
163,
97,
118,
160,
122,
233,
201,
198,
220,
220,
220,
7515,
796,
366,
785,
13,
83,
666,
21006,
13,
15152,
1251,
11757,
9019,
13,
11377,
82,
13,
38235,
13,
47790,
16516,
1,
201,
198,
220,
220,
220,
12173,
4677,
13,
38296,
4677,
7,
42895,
8,
201,
198,
220,
220,
220,
3601,
366,
35681,
598,
12876,
1,
201,
198,
220,
220,
220,
220,
201,
198,
220,
220,
220,
1303,
10545,
230,
103,
32368,
122,
201,
198,
220,
220,
220,
12173,
20180,
13,
1525,
796,
366,
312,
1,
201,
198,
220,
220,
220,
12173,
20180,
13,
8367,
796,
366,
312,
14,
38235,
62,
7220,
62,
9600,
1,
220,
220,
220,
220,
201,
198,
220,
220,
220,
12173,
20180,
13,
16928,
11297,
5159,
2514,
8979,
7,
81,
1,
67,
7479,
23736,
59,
22252,
59,
9288,
13,
11134,
4943,
201,
198,
220,
220,
220,
3601,
366,
50,
2703,
257,
4286,
284,
257,
2393,
13,
12876,
1,
201,
198,
220,
220,
220,
220,
201,
198,
220,
220,
220,
1303,
18796,
101,
22755,
115,
28938,
235,
201,
198,
220,
220,
220,
12173,
20180,
13,
1525,
796,
366,
312,
1,
201,
198,
220,
220,
220,
12173,
20180,
13,
8367,
796,
366,
312,
14,
38235,
62,
23317,
62,
15414,
8172,
2,
45635,
18796,
101,
19411,
264,
34388,
40792,
21410,
32432,
98,
17739,
115,
46904,
71,
959,
9282,
1177,
263,
13,
8664,
162,
253,
98,
40367,
233,
16764,
32573,
246,
17312,
231,
31660,
10310,
103,
164,
122,
227,
27950,
102,
32432,
98,
17739,
115,
334,
544,
315,
296,
1352,
1177,
263,
13,
8664,
220,
220,
220,
220,
201,
198,
220,
220,
220,
12173,
20180,
13,
6030,
818,
19856,
7203,
65,
622,
9165,
463,
298,
16,
4943,
201,
198,
220,
220,
220,
3601,
366,
31467,
278,
20579,
7,
65,
622,
9165,
463,
298,
16,
8,
12876,
1,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
201,
198,
220,
220,
220,
1303,
43380,
228,
163,
254,
223,
201,
198,
220,
220,
220,
357,
17066,
20180,
13,
1525,
11,
17066,
20180,
13,
8367,
8,
796,
5855,
312,
2430,
312,
14,
38235,
62,
28712,
62,
15414,
4943,
220,
220,
220,
220,
220,
220,
220,
220,
220,
201,
198,
220,
220,
220,
12173,
20180,
13,
6030,
818,
19856,
7203,
10163,
29228,
4943,
201,
198,
220,
220,
220,
3601,
366,
31467,
278,
9206,
7,
10163,
29228,
8,
12876,
1,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
201,
198,
220,
220,
220,
1303,
163,
247,
119,
37605,
243,
162,
234,
231,
165,
240,
106,
201,
198,
220,
220,
220,
357,
17066,
20180,
13,
1525,
11,
17066,
20180,
13,
8367,
8,
796,
5855,
312,
2430,
312,
14,
38235,
62,
9688,
62,
16539,
4943,
201,
198,
220,
220,
220,
12173,
20180,
13,
35211,
3419,
201,
198,
220,
220,
220,
3601,
366,
45081,
17594,
4936,
12876,
1,
201,
198,
220,
220,
220,
220,
201,
198,
220,
220,
220,
1303,
165,
103,
234,
46237,
223,
46479,
94,
162,
223,
107,
201,
198,
220,
220,
220,
357,
17066,
20180,
13,
1525,
11,
17066,
20180,
13,
8367,
8,
796,
5855,
312,
2430,
312,
14,
38235,
62,
18224,
62,
22504,
62,
5239,
4943,
220,
220,
220,
220,
220,
220,
220,
220,
201,
198,
220,
220,
220,
1255,
796,
12173,
20180,
13,
3855,
8206,
3419,
201,
198,
220,
220,
220,
3601,
366,
332,
1958,
17594,
7508,
1,
220,
220,
220,
220,
201,
198,
220,
220,
220,
3601,
366,
46904,
1600,
20274,
201,
198,
220,
220,
220,
611,
366,
29826,
96,
28839,
101,
163,
247,
119,
37605,
243,
1,
287,
1255,
25,
201,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
366,
47790,
6208,
6251,
1,
201,
198,
220,
220,
220,
2073,
25,
201,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
366,
47790,
6208,
18448,
1,
201,
198,
220,
220,
220,
220,
201,
198,
220,
220,
220,
1303,
13328,
224,
117,
49035,
119,
13328,
119,
225,
20046,
254,
43291,
10310,
248,
201,
198,
220,
220,
220,
3601,
366,
3784,
12976,
2792,
62,
5239,
1,
201,
198,
220,
220,
220,
357,
17066,
20180,
13,
1525,
11,
17066,
20180,
13,
8367,
11,
17066,
20180,
13,
8000,
11,
17066,
20180,
13,
48678,
8,
796,
5855,
8726,
62,
5239,
1600,
84,
1,
163,
119,
225,
20046,
254,
43291,
10310,
248,
2430,
312,
14,
11195,
7700,
62,
1069,
23697,
1600,
1270,
8,
220,
220,
220,
220,
201,
198,
220,
220,
220,
12173,
20180,
13,
35211,
3419,
201,
198,
220,
220,
220,
3601,
366,
11280,
62,
5239,
318,
12876,
1,
201,
198,
220,
220,
220,
220,
201,
198,
220,
220,
220,
1303,
13328,
224,
117,
49035,
119,
13328,
119,
225,
20046,
254,
43291,
10310,
248,
201,
198,
220,
220,
220,
3601,
366,
3784,
12976,
6376,
1,
201,
198,
220,
220,
220,
357,
17066,
20180,
13,
1525,
11,
17066,
20180,
13,
8367,
11,
17066,
20180,
13,
8000,
8,
796,
5855,
9630,
1600,
58,
15,
11,
15,
11,
16,
11,
15,
17241,
312,
14,
25928,
4943,
220,
220,
201,
198,
220,
220,
220,
12173,
20180,
13,
35211,
3419,
201,
198,
220,
220,
220,
3601,
366,
15732,
318,
12876,
1,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
201,
198,
220,
220,
220,
220,
201,
198,
220,
220,
220,
220,
201,
198,
220,
220,
220,
220,
201,
198,
220,
220,
220,
220,
201,
198,
220,
220,
220,
220,
201,
198
] | 1.888203 | 3,077 |
users = []
| [
18417,
796,
17635,
628,
628,
628,
197,
628,
628,
628
] | 2.3 | 10 |
# -*- coding: utf-8 -*-
from bs4 import BeautifulSoup
import requests
import urllib.request
from moviepy.video.io.VideoFileClip import VideoFileClip
import os
if __name__ == '__main__':
#main('https://arca.live/e/56?target=title&keyword=%EB%9D%BC%EC%98%A4&sort=rank&p=1')
con_download() | [
2,
532,
9,
12,
19617,
25,
3384,
69,
12,
23,
532,
9,
12,
201,
198,
6738,
275,
82,
19,
1330,
23762,
50,
10486,
201,
198,
11748,
7007,
201,
198,
11748,
2956,
297,
571,
13,
25927,
201,
198,
6738,
3807,
9078,
13,
15588,
13,
952,
13,
10798,
8979,
2601,
541,
1330,
7623,
8979,
2601,
541,
201,
198,
11748,
28686,
201,
198,
201,
198,
201,
198,
201,
198,
201,
198,
201,
198,
201,
198,
201,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
201,
198,
220,
220,
220,
1303,
12417,
10786,
5450,
1378,
5605,
64,
13,
12583,
14,
68,
14,
3980,
30,
16793,
28,
7839,
5,
2539,
4775,
28,
4,
30195,
4,
24,
35,
4,
2749,
4,
2943,
4,
4089,
4,
32,
19,
5,
30619,
28,
43027,
5,
79,
28,
16,
11537,
201,
198,
220,
220,
220,
369,
62,
15002,
3419
] | 2.225352 | 142 |
# ============================================================================
#
# Copyright (c) 2007-2010 Integral Technology Solutions Pty Ltd,
# All Rights Reserved.
#
# 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 OF THIRD PARTY RIGHTS.
# IN NO EVENT SHALL THE COPYRIGHT HOLDER OR HOLDERS INCLUDED IN THIS NOTICE BE
# LIABLE FOR ANY CLAIM, OR ANY SPECIAL INDIRECT OR CONSEQUENTIAL DAMAGES, OR
# ANY DAMAGES WHATSOEVER RESULTING FROM LOSS OF USE, DATA OR PROFITS, WHETHER
# IN AN ACTION OF CONTRACT, NEGLIGENCE OR OTHER TORTIOUS ACTION, ARISING OUT
# OF OR IN CONNECTION WITH THE USE OR PERFORMANCE OF THIS SOFTWARE.
#
# FOR FURTHER INFORMATION PLEASE SEE THE INTEGRAL TECHNOLOGY SOLUTIONS
# END USER LICENSE AGREEMENT (ELUA).
#
# ============================================================================
import common.assertions as assertions
import common.logredirect as logredirect
from java.io import File
execfile('wlst/common.py')
execfile('wlst/server.py')
execfile('wlst/workmgr.py')
execfile('wlst/deployment.py')
execfile('wlst/createDomain.py')
execfile('wlst/jdbc_offline.py')
def run(cfg):
"""Create WebLogic Domain"""
assertions.sanityCheckInstall(cfg)
assertions.sanityCheckDomainConfig(cfg)
if wlst_support:
logredirect.setup()
create_domain(cfg)
else:
raise Exception('WLST support required for this command')
| [
2,
38093,
2559,
18604,
198,
2,
198,
2,
15069,
357,
66,
8,
4343,
12,
10333,
15995,
1373,
8987,
23555,
350,
774,
12052,
11,
220,
198,
2,
1439,
6923,
33876,
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,
220,
198,
2,
8959,
49094,
11,
47783,
2751,
21728,
5626,
40880,
5390,
3336,
34764,
11015,
3963,
34482,
3398,
1565,
5603,
25382,
11,
220,
198,
2,
376,
46144,
7473,
317,
16652,
2149,
37232,
33079,
48933,
5357,
44521,
1268,
10913,
2751,
12529,
3963,
2320,
46833,
16652,
56,
371,
34874,
13,
198,
2,
3268,
8005,
49261,
50163,
3336,
27975,
38162,
9947,
49707,
14418,
6375,
367,
15173,
4877,
47783,
1961,
3268,
12680,
28536,
9348,
220,
198,
2,
43031,
19146,
7473,
15529,
47666,
3955,
11,
6375,
15529,
38846,
3268,
17931,
23988,
6375,
7102,
5188,
10917,
3525,
12576,
29506,
25552,
11,
6375,
220,
198,
2,
15529,
29506,
25552,
25003,
15821,
36,
5959,
15731,
16724,
2751,
16034,
406,
18420,
3963,
23210,
11,
42865,
6375,
4810,
19238,
29722,
11,
7655,
2767,
16879,
220,
198,
2,
3268,
3537,
40282,
3963,
27342,
10659,
11,
399,
7156,
43,
3528,
18310,
6375,
25401,
309,
9863,
40,
20958,
40282,
11,
5923,
1797,
2751,
16289,
220,
198,
2,
3963,
6375,
3268,
7102,
45,
24565,
13315,
3336,
23210,
6375,
19878,
13775,
10725,
5222,
3963,
12680,
47466,
13,
198,
2,
198,
2,
7473,
376,
4261,
21250,
38044,
37795,
31107,
3336,
17828,
7156,
35296,
44999,
45,
43781,
36817,
3843,
11053,
220,
198,
2,
23578,
1294,
1137,
38559,
24290,
13077,
2200,
12529,
357,
3698,
34970,
737,
198,
2,
198,
2,
38093,
2559,
18604,
198,
198,
11748,
2219,
13,
30493,
507,
355,
29965,
198,
11748,
2219,
13,
6404,
445,
1060,
355,
2604,
445,
1060,
198,
198,
6738,
20129,
13,
952,
1330,
9220,
198,
198,
18558,
7753,
10786,
40989,
301,
14,
11321,
13,
9078,
11537,
198,
18558,
7753,
10786,
40989,
301,
14,
15388,
13,
9078,
11537,
198,
18558,
7753,
10786,
40989,
301,
14,
1818,
76,
2164,
13,
9078,
11537,
198,
18558,
7753,
10786,
40989,
301,
14,
2934,
1420,
434,
13,
9078,
11537,
198,
18558,
7753,
10786,
40989,
301,
14,
17953,
43961,
13,
9078,
11537,
198,
18558,
7753,
10786,
40989,
301,
14,
73,
9945,
66,
62,
2364,
1370,
13,
9078,
11537,
198,
198,
4299,
1057,
7,
37581,
2599,
198,
220,
220,
220,
37227,
16447,
5313,
11187,
291,
20021,
37811,
198,
220,
220,
220,
29965,
13,
12807,
414,
9787,
15798,
7,
37581,
8,
198,
220,
220,
220,
29965,
13,
12807,
414,
9787,
43961,
16934,
7,
37581,
8,
198,
220,
220,
220,
611,
266,
75,
301,
62,
11284,
25,
198,
220,
220,
220,
220,
197,
6404,
445,
1060,
13,
40406,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
2251,
62,
27830,
7,
37581,
8,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
5298,
35528,
10786,
54,
43,
2257,
1104,
2672,
329,
428,
3141,
11537,
198
] | 3.194215 | 484 |
def unquote(string):
"""Decode and replace URL percent-escapes in string.
unquote('abc%20def') -> b'abc def'.
Note: If a string, not a bytes object, is passed, it is encoded as UTF-8.
This is only an issue if it contains unescaped non-ASCII characters, which
URIs should not.
"""
if not string:
return b''
if isinstance(string, str):
string = string.encode('utf-8')
bits = string.split(b'%')
if len(bits) == 1:
return string
res = bytearray(bits[0])
append = res.append
extend = res.extend
for item in bits[1:]:
try:
append(int(item[:2], 16))
extend(item[2:])
except KeyError:
append(b'%')
extend(item)
return bytes(res)
| [
4299,
555,
22708,
7,
8841,
2599,
198,
220,
220,
220,
37227,
10707,
1098,
290,
6330,
10289,
1411,
12,
3798,
7916,
287,
4731,
13,
628,
220,
220,
220,
220,
220,
220,
220,
555,
22708,
10786,
39305,
4,
1238,
4299,
11537,
4613,
275,
6,
39305,
825,
4458,
628,
220,
220,
220,
5740,
25,
1002,
257,
4731,
11,
407,
257,
9881,
2134,
11,
318,
3804,
11,
340,
318,
30240,
355,
41002,
12,
23,
13,
198,
220,
220,
220,
770,
318,
691,
281,
2071,
611,
340,
4909,
555,
3798,
5813,
1729,
12,
42643,
3978,
3435,
11,
543,
198,
220,
220,
220,
37902,
3792,
815,
407,
13,
628,
220,
220,
220,
37227,
198,
220,
220,
220,
611,
407,
4731,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
275,
7061,
628,
220,
220,
220,
611,
318,
39098,
7,
8841,
11,
965,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
4731,
796,
4731,
13,
268,
8189,
10786,
40477,
12,
23,
11537,
628,
220,
220,
220,
10340,
796,
4731,
13,
35312,
7,
65,
6,
4,
11537,
198,
220,
220,
220,
611,
18896,
7,
9895,
8,
6624,
352,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
4731,
628,
220,
220,
220,
581,
796,
416,
83,
451,
2433,
7,
9895,
58,
15,
12962,
198,
220,
220,
220,
24443,
796,
581,
13,
33295,
198,
220,
220,
220,
9117,
796,
581,
13,
2302,
437,
628,
220,
220,
220,
329,
2378,
287,
10340,
58,
16,
25,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
1949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
24443,
7,
600,
7,
9186,
58,
25,
17,
4357,
1467,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9117,
7,
9186,
58,
17,
25,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
2845,
7383,
12331,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
24443,
7,
65,
6,
4,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9117,
7,
9186,
8,
628,
220,
220,
220,
1441,
9881,
7,
411,
8,
198
] | 2.25072 | 347 |
#!/usr/bin/env python3
# -*- coding: utf-8 -*-
from mongoengine import EmbeddedDocument, StringField, Document, EmailField, EmbeddedDocumentField, DateTimeField
| [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
18,
198,
2,
532,
9,
12,
19617,
25,
3384,
69,
12,
23,
532,
9,
12,
198,
6738,
285,
25162,
18392,
1330,
13302,
47238,
24941,
11,
10903,
15878,
11,
16854,
11,
9570,
15878,
11,
13302,
47238,
24941,
15878,
11,
7536,
7575,
15878,
198
] | 3.22 | 50 |
from app.schemas.appointment import Appointment
import pickle
from redis import Redis
from typing import Any
from datetime import timedelta
from app.models.user import User as UserModel
from .config import settings
| [
6738,
598,
13,
1416,
4411,
292,
13,
1324,
49805,
1330,
2034,
49805,
198,
11748,
2298,
293,
198,
6738,
2266,
271,
1330,
2297,
271,
198,
6738,
19720,
1330,
4377,
198,
6738,
4818,
8079,
1330,
28805,
12514,
198,
198,
6738,
598,
13,
27530,
13,
7220,
1330,
11787,
355,
11787,
17633,
198,
6738,
764,
11250,
1330,
6460,
198
] | 3.927273 | 55 |
import spidertools.common.nano as nano
import os
| [
198,
11748,
599,
312,
861,
10141,
13,
11321,
13,
77,
5733,
355,
38706,
198,
11748,
28686,
628
] | 3 | 17 |
from shapely.geometry import *
from utils import geomerremovertools
class PrecisionRedux(object):
"""Class PrecisionRedux for managing the precision of geometries
"""
class PrecisionReduxPoint(PrecisionRedux):
"""Derived class for Point"""
class PrecisionReduxMultiPoint(PrecisionRedux):
"""Derived class for MultiPoint"""
class PrecisionReduxLineString(PrecisionRedux):
"""Derived class for LineString"""
class PrecisionReduxMultiLineString(PrecisionRedux):
"""Derived class for MultiLineString"""
| [
6738,
5485,
306,
13,
469,
15748,
1330,
1635,
198,
6738,
3384,
4487,
1330,
4903,
12057,
2787,
78,
1851,
10141,
198,
198,
4871,
39281,
7738,
2821,
7,
15252,
2599,
198,
197,
37811,
9487,
39281,
7738,
2821,
329,
11149,
262,
15440,
286,
4903,
908,
1678,
628,
197,
37811,
198,
198,
4871,
39281,
7738,
2821,
12727,
7,
6719,
16005,
7738,
2821,
2599,
198,
197,
37811,
28532,
1572,
1398,
329,
6252,
37811,
198,
198,
4871,
39281,
7738,
2821,
29800,
12727,
7,
6719,
16005,
7738,
2821,
2599,
198,
197,
37811,
28532,
1572,
1398,
329,
15237,
12727,
37811,
198,
198,
4871,
39281,
7738,
2821,
13949,
10100,
7,
6719,
16005,
7738,
2821,
2599,
198,
197,
37811,
28532,
1572,
1398,
329,
6910,
10100,
37811,
198,
198,
4871,
39281,
7738,
2821,
29800,
13949,
10100,
7,
6719,
16005,
7738,
2821,
2599,
198,
197,
37811,
28532,
1572,
1398,
329,
15237,
13949,
10100,
37811,
198
] | 3.573427 | 143 |
import json, os, sys
from openpyxl import load_workbook
"""
This script is for creating receipts for Smop coders using data given from mongo
"""
if __name__ == '__main__':
main() | [
11748,
33918,
11,
28686,
11,
25064,
198,
6738,
1280,
9078,
87,
75,
1330,
3440,
62,
1818,
2070,
198,
198,
37811,
198,
1212,
4226,
318,
329,
4441,
29946,
329,
2439,
404,
14873,
364,
1262,
1366,
1813,
422,
285,
25162,
198,
37811,
198,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
198,
220,
220,
220,
1388,
3419
] | 3.172414 | 58 |
# -*- coding: utf-8 -*-
# try something like
if not session.met_index:
session.met_index = 0
if not session.met_sort:
session.met_sort = 'ID'
if not session.met_display_flash:
session.met_display_flash = 'No'
if not session.met_filter_cat:
session.met_filter_cat = 'ID'
session.met_filter_text = ''
| [
2,
532,
9,
12,
19617,
25,
3384,
69,
12,
23,
532,
9,
12,
198,
2,
1949,
1223,
588,
198,
198,
361,
407,
6246,
13,
4164,
62,
9630,
25,
198,
220,
220,
220,
6246,
13,
4164,
62,
9630,
796,
657,
198,
198,
361,
407,
6246,
13,
4164,
62,
30619,
25,
198,
220,
220,
220,
6246,
13,
4164,
62,
30619,
796,
705,
2389,
6,
198,
198,
361,
407,
6246,
13,
4164,
62,
13812,
62,
34167,
25,
198,
220,
220,
220,
6246,
13,
4164,
62,
13812,
62,
34167,
796,
705,
2949,
6,
198,
198,
361,
407,
6246,
13,
4164,
62,
24455,
62,
9246,
25,
198,
220,
220,
220,
6246,
13,
4164,
62,
24455,
62,
9246,
796,
705,
2389,
6,
198,
220,
220,
220,
6246,
13,
4164,
62,
24455,
62,
5239,
796,
10148,
628,
628,
198
] | 2.477273 | 132 |
import argparse
import gzip
import logging
import os
import re
import subprocess
from pathlib import Path
try:
from checks.drc_checks.magic.converters import magic_drc_to_rdb, magic_drc_to_tcl, magic_drc_to_tr_drc, tr2klayout
except ImportError:
from converters import magic_drc_to_rdb, magic_drc_to_tcl, magic_drc_to_tr_drc, tr2klayout
def violations_count(drc_content):
"""
design name
violation message
list of violations
Total Count:
"""
split_line = '----------------------------------------'
drc_sections = drc_content.split(split_line)
if len(drc_sections) == 2:
return 0
else:
vio_dict = dict()
for i in range(1, len(drc_sections) - 1, 2):
vio_dict[drc_sections[i]] = len(drc_sections[i + 1].split("\n")) - 2
count = 0
for key in vio_dict:
val = vio_dict[key]
count += val
logging.error(f"Violation Message \"{str(key.strip())} \"found {str(val)} Times.")
return count
if __name__ == "__main__":
logging.basicConfig(level=logging.DEBUG, format=f"%(asctime)s | %(levelname)-7s | %(message)s", datefmt='%d-%b-%Y %H:%M:%S')
parser = argparse.ArgumentParser(description='Runs magic and klayout drc checks on a given GDS.')
parser.add_argument('--gds_input_file_path', '-g', required=True, help='GDS File to apply DRC checks on')
parser.add_argument('--output_directory', '-o', required=True, help='Output Directory')
parser.add_argument('--pdk_root', '-p', required=True, help='PDK Path')
parser.add_argument('--design_name', '-d', required=True, help='Design Name')
args = parser.parse_args()
gds_input_file_path = Path(args.gds_input_file_path)
output_directory = Path(args.output_directory)
pdk_root = Path(args.pdk_root)
design_name = args.design_name
if gds_input_file_path.exists() and gds_input_file_path.suffix == ".gds":
if output_directory.exists() and output_directory.is_dir():
if magic_gds_drc_check(gds_input_file_path, args.design_name, pdk_root, output_directory):
logging.info("Magic GDS DRC Clean")
else:
logging.info("Magic GDS DRC Dirty")
else:
logging.error(f"{output_directory} is not valid")
else:
logging.error(f"{gds_input_file_path} is not valid")
| [
11748,
1822,
29572,
198,
11748,
308,
13344,
198,
11748,
18931,
198,
11748,
28686,
198,
11748,
302,
198,
11748,
850,
14681,
198,
6738,
3108,
8019,
1330,
10644,
198,
198,
28311,
25,
198,
220,
220,
220,
422,
8794,
13,
67,
6015,
62,
42116,
13,
32707,
13,
1102,
332,
1010,
1330,
5536,
62,
67,
6015,
62,
1462,
62,
4372,
65,
11,
5536,
62,
67,
6015,
62,
1462,
62,
83,
565,
11,
5536,
62,
67,
6015,
62,
1462,
62,
2213,
62,
67,
6015,
11,
491,
17,
74,
39786,
198,
16341,
17267,
12331,
25,
198,
220,
220,
220,
422,
6718,
1010,
1330,
5536,
62,
67,
6015,
62,
1462,
62,
4372,
65,
11,
5536,
62,
67,
6015,
62,
1462,
62,
83,
565,
11,
5536,
62,
67,
6015,
62,
1462,
62,
2213,
62,
67,
6015,
11,
491,
17,
74,
39786,
628,
628,
198,
4299,
11734,
62,
9127,
7,
67,
6015,
62,
11299,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
1486,
1438,
198,
220,
220,
220,
220,
220,
220,
220,
8747,
3275,
198,
220,
220,
220,
220,
220,
220,
220,
1351,
286,
11734,
198,
220,
220,
220,
220,
220,
220,
220,
7472,
2764,
25,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
6626,
62,
1370,
796,
705,
3880,
982,
6,
198,
220,
220,
220,
1553,
66,
62,
23946,
796,
1553,
66,
62,
11299,
13,
35312,
7,
35312,
62,
1370,
8,
198,
220,
220,
220,
611,
18896,
7,
67,
6015,
62,
23946,
8,
6624,
362,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
657,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
410,
952,
62,
11600,
796,
8633,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
329,
1312,
287,
2837,
7,
16,
11,
18896,
7,
67,
6015,
62,
23946,
8,
532,
352,
11,
362,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
410,
952,
62,
11600,
58,
67,
6015,
62,
23946,
58,
72,
11907,
796,
18896,
7,
67,
6015,
62,
23946,
58,
72,
1343,
352,
4083,
35312,
7203,
59,
77,
48774,
532,
362,
198,
220,
220,
220,
220,
220,
220,
220,
954,
796,
657,
198,
220,
220,
220,
220,
220,
220,
220,
329,
1994,
287,
410,
952,
62,
11600,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1188,
796,
410,
952,
62,
11600,
58,
2539,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
954,
15853,
1188,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
18931,
13,
18224,
7,
69,
1,
33894,
341,
16000,
19990,
90,
2536,
7,
2539,
13,
36311,
28955,
92,
19990,
9275,
1391,
2536,
7,
2100,
38165,
3782,
19570,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
954,
628,
198,
198,
361,
11593,
3672,
834,
6624,
366,
834,
12417,
834,
1298,
198,
220,
220,
220,
18931,
13,
35487,
16934,
7,
5715,
28,
6404,
2667,
13,
30531,
11,
5794,
28,
69,
1,
4,
7,
292,
310,
524,
8,
82,
930,
4064,
7,
5715,
3672,
13219,
22,
82,
930,
4064,
7,
20500,
8,
82,
1600,
3128,
69,
16762,
11639,
4,
67,
12,
4,
65,
12,
4,
56,
4064,
39,
25,
4,
44,
25,
4,
50,
11537,
198,
220,
220,
220,
30751,
796,
1822,
29572,
13,
28100,
1713,
46677,
7,
11213,
11639,
10987,
82,
5536,
290,
479,
39786,
1553,
66,
8794,
319,
257,
1813,
402,
5258,
2637,
8,
198,
220,
220,
220,
30751,
13,
2860,
62,
49140,
10786,
438,
70,
9310,
62,
15414,
62,
7753,
62,
6978,
3256,
705,
12,
70,
3256,
2672,
28,
17821,
11,
1037,
11639,
38,
5258,
9220,
284,
4174,
360,
7397,
8794,
319,
11537,
198,
220,
220,
220,
30751,
13,
2860,
62,
49140,
10786,
438,
22915,
62,
34945,
3256,
705,
12,
78,
3256,
2672,
28,
17821,
11,
1037,
11639,
26410,
27387,
11537,
198,
220,
220,
220,
30751,
13,
2860,
62,
49140,
10786,
438,
30094,
74,
62,
15763,
3256,
705,
12,
79,
3256,
2672,
28,
17821,
11,
1037,
11639,
5760,
42,
10644,
11537,
198,
220,
220,
220,
30751,
13,
2860,
62,
49140,
10786,
438,
26124,
62,
3672,
3256,
705,
12,
67,
3256,
2672,
28,
17821,
11,
1037,
11639,
23067,
6530,
11537,
628,
220,
220,
220,
26498,
796,
30751,
13,
29572,
62,
22046,
3419,
198,
220,
220,
220,
308,
9310,
62,
15414,
62,
7753,
62,
6978,
796,
10644,
7,
22046,
13,
70,
9310,
62,
15414,
62,
7753,
62,
6978,
8,
198,
220,
220,
220,
5072,
62,
34945,
796,
10644,
7,
22046,
13,
22915,
62,
34945,
8,
198,
220,
220,
220,
279,
34388,
62,
15763,
796,
10644,
7,
22046,
13,
30094,
74,
62,
15763,
8,
198,
220,
220,
220,
1486,
62,
3672,
796,
26498,
13,
26124,
62,
3672,
628,
220,
220,
220,
611,
308,
9310,
62,
15414,
62,
7753,
62,
6978,
13,
1069,
1023,
3419,
290,
308,
9310,
62,
15414,
62,
7753,
62,
6978,
13,
37333,
844,
6624,
27071,
70,
9310,
1298,
198,
220,
220,
220,
220,
220,
220,
220,
611,
5072,
62,
34945,
13,
1069,
1023,
3419,
290,
5072,
62,
34945,
13,
271,
62,
15908,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
5536,
62,
70,
9310,
62,
67,
6015,
62,
9122,
7,
70,
9310,
62,
15414,
62,
7753,
62,
6978,
11,
26498,
13,
26124,
62,
3672,
11,
279,
34388,
62,
15763,
11,
5072,
62,
34945,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
18931,
13,
10951,
7203,
22975,
402,
5258,
360,
7397,
5985,
4943,
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,
18931,
13,
10951,
7203,
22975,
402,
5258,
360,
7397,
32052,
4943,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
18931,
13,
18224,
7,
69,
1,
90,
22915,
62,
34945,
92,
318,
407,
4938,
4943,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
18931,
13,
18224,
7,
69,
1,
90,
70,
9310,
62,
15414,
62,
7753,
62,
6978,
92,
318,
407,
4938,
4943,
198
] | 2.340509 | 1,022 |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.