content
stringlengths 1
1.04M
| input_ids
sequencelengths 1
774k
| ratio_char_token
float64 0.38
22.9
| token_count
int64 1
774k
|
---|---|---|---|
from apps import overview, home, eda, correlation
import streamlit as st
from utils import dev_details
pages = {
'Home' : home.app,
'Overview': overview.app,
'EDA': eda.app,
"Correlation" : correlation.app,
}
if __name__ == "__main__":
_, logo_col, _ = st.sidebar.columns([0.3, 1, 1])
logo_col.image("assets/logo.png", width = 200)
app = st.sidebar.selectbox('PAGES', pages.keys())
dev_details()
if app != "":
pages[app]() | [
6738,
6725,
1330,
16700,
11,
1363,
11,
1225,
64,
11,
16096,
198,
11748,
4269,
18250,
355,
336,
198,
6738,
3384,
4487,
1330,
1614,
62,
36604,
198,
198,
31126,
796,
1391,
198,
220,
220,
220,
705,
16060,
6,
1058,
1363,
13,
1324,
11,
198,
220,
220,
220,
705,
29064,
10354,
16700,
13,
1324,
11,
198,
220,
220,
220,
705,
1961,
32,
10354,
1225,
64,
13,
1324,
11,
198,
220,
220,
220,
366,
10606,
49501,
1,
1058,
16096,
13,
1324,
11,
198,
92,
198,
198,
361,
11593,
3672,
834,
6624,
366,
834,
12417,
834,
1298,
198,
220,
220,
220,
4808,
11,
11112,
62,
4033,
11,
4808,
796,
336,
13,
1589,
5657,
13,
28665,
82,
26933,
15,
13,
18,
11,
352,
11,
352,
12962,
198,
220,
220,
220,
11112,
62,
4033,
13,
9060,
7203,
19668,
14,
6404,
78,
13,
11134,
1600,
9647,
796,
939,
8,
198,
220,
220,
220,
598,
796,
336,
13,
1589,
5657,
13,
19738,
3524,
10786,
4537,
48075,
3256,
5468,
13,
13083,
28955,
198,
220,
220,
220,
1614,
62,
36604,
3419,
198,
220,
220,
220,
611,
598,
14512,
366,
1298,
198,
220,
220,
220,
220,
220,
220,
220,
5468,
58,
1324,
60,
3419
] | 2.42487 | 193 |
# Module
import itertools
import pandas as pd
import tqdm
import json
def create_rule_masks(df, RULES_JSON_PATH):
'''
Apply rules to IVAMIRO in df (only & operator suported)
:param df: dataframe to apply rules
:param rules_json: json or dict containing rules (each rule is also a dictionary containinf values of features)
:return: df with new values of IVAMIRO
'''
rules_json = import_rules_dict(RULES_JSON_PATH)
# create msk_dict
msk_dict = {}
for id_ in tqdm.tqdm(rules_json):
i = 0
for feature in rules_json[id_]['condition']:
if i == 0:
msk = df[feature].isin(rules_json[id_]['condition'][feature])
else:
msk = msk & df[feature].isin(rules_json[id_]['condition'][feature])
i += 1
msk_dict[id_] = {'mask': msk, 'value': rules_json[id_][
'implication']} # rules_json[id_]['implication'] is a dict of {<feature>:[<value>]}
return msk_dict
def apply_rules(df, RULES_JSON_PATH):
'''
Applt rules to dataframe
:param df:
:param mask_dict:
:return:
'''
mask_dict = create_rule_masks(df, RULES_JSON_PATH)
df = df.copy()
for id_ in tqdm.tqdm(mask_dict):
for feature in mask_dict[id_]['value']:
df.loc[mask_dict[id_]['mask'], feature] = mask_dict[id_]['value'][feature]
return df
| [
2,
19937,
198,
11748,
340,
861,
10141,
198,
11748,
19798,
292,
355,
279,
67,
198,
11748,
256,
80,
36020,
198,
11748,
33918,
628,
628,
198,
198,
4299,
2251,
62,
25135,
62,
5356,
591,
7,
7568,
11,
371,
6239,
1546,
62,
40386,
62,
34219,
2599,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
27967,
3173,
284,
8363,
2390,
43708,
287,
47764,
357,
8807,
1222,
10088,
424,
9213,
8,
628,
220,
220,
220,
1058,
17143,
47764,
25,
1366,
14535,
284,
4174,
3173,
198,
220,
220,
220,
1058,
17143,
3173,
62,
17752,
25,
33918,
393,
8633,
7268,
3173,
357,
27379,
3896,
318,
635,
257,
22155,
3994,
10745,
3815,
286,
3033,
8,
198,
220,
220,
220,
1058,
7783,
25,
47764,
351,
649,
3815,
286,
8363,
2390,
43708,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
3173,
62,
17752,
796,
1330,
62,
38785,
62,
11600,
7,
49,
6239,
1546,
62,
40386,
62,
34219,
8,
628,
220,
220,
220,
1303,
2251,
285,
8135,
62,
11600,
628,
220,
220,
220,
285,
8135,
62,
11600,
796,
23884,
198,
220,
220,
220,
329,
4686,
62,
287,
256,
80,
36020,
13,
83,
80,
36020,
7,
38785,
62,
17752,
2599,
628,
220,
220,
220,
220,
220,
220,
220,
1312,
796,
657,
198,
220,
220,
220,
220,
220,
220,
220,
329,
3895,
287,
3173,
62,
17752,
58,
312,
62,
7131,
6,
31448,
6,
5974,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
1312,
6624,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
285,
8135,
796,
47764,
58,
30053,
4083,
45763,
7,
38785,
62,
17752,
58,
312,
62,
7131,
6,
31448,
6,
7131,
30053,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
285,
8135,
796,
285,
8135,
1222,
47764,
58,
30053,
4083,
45763,
7,
38785,
62,
17752,
58,
312,
62,
7131,
6,
31448,
6,
7131,
30053,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1312,
15853,
352,
628,
220,
220,
220,
220,
220,
220,
220,
285,
8135,
62,
11600,
58,
312,
62,
60,
796,
1391,
6,
27932,
10354,
285,
8135,
11,
705,
8367,
10354,
3173,
62,
17752,
58,
312,
62,
7131,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
23928,
3299,
20520,
92,
220,
1303,
3173,
62,
17752,
58,
312,
62,
7131,
6,
23928,
3299,
20520,
318,
257,
8633,
286,
1391,
27,
30053,
31175,
58,
27,
8367,
37981,
92,
628,
220,
220,
220,
1441,
285,
8135,
62,
11600,
628,
198,
4299,
4174,
62,
38785,
7,
7568,
11,
371,
6239,
1546,
62,
40386,
62,
34219,
2599,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
2034,
2528,
3173,
284,
1366,
14535,
198,
220,
220,
220,
1058,
17143,
47764,
25,
198,
220,
220,
220,
1058,
17143,
9335,
62,
11600,
25,
198,
220,
220,
220,
1058,
7783,
25,
198,
220,
220,
220,
705,
7061,
628,
220,
220,
220,
9335,
62,
11600,
796,
2251,
62,
25135,
62,
5356,
591,
7,
7568,
11,
371,
6239,
1546,
62,
40386,
62,
34219,
8,
198,
220,
220,
220,
47764,
796,
47764,
13,
30073,
3419,
198,
220,
220,
220,
329,
4686,
62,
287,
256,
80,
36020,
13,
83,
80,
36020,
7,
27932,
62,
11600,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
329,
3895,
287,
9335,
62,
11600,
58,
312,
62,
7131,
6,
8367,
6,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
47764,
13,
17946,
58,
27932,
62,
11600,
58,
312,
62,
7131,
6,
27932,
6,
4357,
3895,
60,
796,
9335,
62,
11600,
58,
312,
62,
7131,
6,
8367,
6,
7131,
30053,
60,
628,
220,
220,
220,
1441,
47764,
198
] | 2.226115 | 628 |
#!/usr/bin/env python3
# -*- coding: utf-8 -*-
"""
Created on Thu Jan 9 18:05:09 2020
@author: itamar
"""
import math
import pandas_datareader as web
import numpy as np
import pandas as pd
from sklearn.preprocessing import MinMaxScaler
from keras.models import Sequential
from keras.layers import Dense, LSTM
import matplotlib.pyplot as plt
plt.style.use('fivethirtyeight')
#Get the stock quote
df = web.DataReader('HBOR3.SA', data_source='yahoo', start='2011-01-01', end='2020-01-08')
#Show teh data
#Visualize the closing price history
plt.figure(figsize=(16,8))
plt.title('Close Price History')
plt.plot(df['Close'])
plt.xlabel('Date', fontsize=18)
plt.ylabel('Close Price USD ($)', fontsize=18)
plt.show()
#Create a new dataframe with only the 'Close column
data = df.filter(['Close'])
#Convert the dataframe to a numpy array
dataset = data.values
#Get the number of rows to train the model on
training_data_len = math.ceil( len(dataset) * .8 )
training_data_len
#Scale the data
scaler = MinMaxScaler(feature_range=(0,1))
scaled_data = scaler.fit_transform(dataset)
scaled_data
#Create the training data set
#Create the scaled training data set
train_data = scaled_data[0:training_data_len , :]
#Split the data into x_train and y_train data sets
x_train = []
y_train = []
for i in range(60, len(train_data)):
x_train.append(train_data[i-60:i, 0])
y_train.append(train_data[i, 0])
if i<= 61:
print(x_train)
print(y_train)
print()
#Convert the x_train and y_train to numpy arrays
x_train, y_train = np.array(x_train), np.array(y_train)
#Reshape the data
x_train = np.reshape(x_train, (x_train.shape[0], x_train.shape[1], 1))
x_train.shape
#Build the LSTM model
model = Sequential()
model.add(LSTM(50, return_sequences=True, input_shape= (x_train.shape[1], 1)))
model.add(LSTM(50, return_sequences= False))
model.add(Dense(25))
model.add(Dense(1))
#Compile the model
model.compile(optimizer='adam', loss='mean_squared_error')
#Train the model
model.fit(x_train, y_train, batch_size=1, epochs=1)
#Create the testing data set
#Create a new array containing scaled values from index 1543 to 2002
test_data = scaled_data[training_data_len - 60: , :]
#Create the data sets x_test and y_test
x_test = []
y_test = dataset[training_data_len:, :]
for i in range(60, len(test_data)):
x_test.append(test_data[i-60:i, 0])
#Convert the data to a numpy array
x_test = np.array(x_test)
#Reshape the data
x_test = np.reshape(x_test, (x_test.shape[0], x_test.shape[1], 1 ))
#Get the models predicted price values
predictions = model.predict(x_test)
predictions = scaler.inverse_transform(predictions)
#Get the root mean squared error (RMSE)
rmse=np.sqrt(np.mean(((predictions- y_test)**2)))
rmse
#Plot the data
train = data[:training_data_len]
valid = data[training_data_len:]
valid['Predictions'] = predictions
#Visualize the data
plt.figure(figsize=(16,8))
plt.title('Model')
plt.xlabel('Date', fontsize=18)
plt.ylabel('Close Price USD ($)', fontsize=18)
plt.plot(train['Close'])
plt.plot(valid[['Close', 'Predictions']])
plt.legend(['Train', 'Val', 'Predictions'], loc='lower right')
plt.show()
#Get the quote
apple_quote = web.DataReader('HBOR3.SA', data_source='yahoo', start='2011-01-01', end='2020-01-08')
#Create a new dataframe
new_df = apple_quote.filter(['Close'])
#Get teh last 60 day closing price values and convert the dataframe to an array
last_60_days = new_df[-60:].values
#Scale the data to be values between 0 and 1
last_60_days_scaled = scaler.transform(last_60_days)
#Create an empty list
X_test = []
#Append teh past 60 days
X_test.append(last_60_days_scaled)
#Convert the X_test data set to a numpy array
X_test = np.array(X_test)
#Reshape the data
X_test = np.reshape(X_test, (X_test.shape[0], X_test.shape[1], 1))
#Get the predicted scaled price
pred_price = model.predict(X_test)
#undo the scaling
pred_price = scaler.inverse_transform(pred_price)
print(pred_price)
#Get the quote
apple_quote2 = web.DataReader('HBOR3.SA', data_source='yahoo', start='2020-01-09', end='2020-01-09')
print(apple_quote2['Close']) | [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
18,
198,
2,
532,
9,
12,
19617,
25,
3384,
69,
12,
23,
532,
9,
12,
198,
37811,
198,
41972,
319,
26223,
2365,
220,
860,
1248,
25,
2713,
25,
2931,
12131,
198,
198,
31,
9800,
25,
340,
39236,
198,
37811,
198,
198,
11748,
10688,
198,
11748,
19798,
292,
62,
19608,
533,
5067,
355,
3992,
198,
11748,
299,
32152,
355,
45941,
198,
11748,
19798,
292,
355,
279,
67,
198,
6738,
1341,
35720,
13,
3866,
36948,
1330,
1855,
11518,
3351,
36213,
198,
6738,
41927,
292,
13,
27530,
1330,
24604,
1843,
198,
6738,
41927,
292,
13,
75,
6962,
1330,
360,
1072,
11,
406,
2257,
44,
198,
11748,
2603,
29487,
8019,
13,
9078,
29487,
355,
458,
83,
198,
489,
83,
13,
7635,
13,
1904,
10786,
13261,
400,
5893,
26022,
11537,
198,
198,
2,
3855,
262,
4283,
9577,
198,
7568,
796,
3992,
13,
6601,
33634,
10786,
32886,
1581,
18,
13,
4090,
3256,
1366,
62,
10459,
11639,
40774,
3256,
923,
11639,
9804,
12,
486,
12,
486,
3256,
886,
11639,
42334,
12,
486,
12,
2919,
11537,
198,
2,
15307,
573,
71,
1366,
198,
198,
2,
36259,
1096,
262,
9605,
2756,
2106,
198,
489,
83,
13,
26875,
7,
5647,
7857,
16193,
1433,
11,
23,
4008,
198,
489,
83,
13,
7839,
10786,
26125,
7886,
7443,
11537,
198,
489,
83,
13,
29487,
7,
7568,
17816,
26125,
6,
12962,
198,
489,
83,
13,
87,
18242,
10786,
10430,
3256,
10369,
7857,
28,
1507,
8,
198,
489,
83,
13,
2645,
9608,
10786,
26125,
7886,
11403,
45491,
3256,
10369,
7857,
28,
1507,
8,
198,
489,
83,
13,
12860,
3419,
198,
198,
2,
16447,
257,
649,
1366,
14535,
351,
691,
262,
705,
26125,
5721,
198,
7890,
796,
47764,
13,
24455,
7,
17816,
26125,
6,
12962,
198,
2,
3103,
1851,
262,
1366,
14535,
284,
257,
299,
32152,
7177,
198,
19608,
292,
316,
796,
1366,
13,
27160,
198,
2,
3855,
262,
1271,
286,
15274,
284,
4512,
262,
2746,
319,
198,
34409,
62,
7890,
62,
11925,
796,
10688,
13,
344,
346,
7,
18896,
7,
19608,
292,
316,
8,
1635,
764,
23,
1267,
198,
198,
34409,
62,
7890,
62,
11925,
198,
198,
2,
29990,
262,
1366,
198,
1416,
36213,
796,
1855,
11518,
3351,
36213,
7,
30053,
62,
9521,
16193,
15,
11,
16,
4008,
198,
1416,
3021,
62,
7890,
796,
16578,
263,
13,
11147,
62,
35636,
7,
19608,
292,
316,
8,
198,
198,
1416,
3021,
62,
7890,
198,
198,
2,
16447,
262,
3047,
1366,
900,
198,
2,
16447,
262,
27464,
3047,
1366,
900,
198,
27432,
62,
7890,
796,
27464,
62,
7890,
58,
15,
25,
34409,
62,
7890,
62,
11925,
837,
1058,
60,
198,
2,
41205,
262,
1366,
656,
2124,
62,
27432,
290,
331,
62,
27432,
1366,
5621,
198,
87,
62,
27432,
796,
17635,
198,
88,
62,
27432,
796,
17635,
198,
198,
1640,
1312,
287,
2837,
7,
1899,
11,
18896,
7,
27432,
62,
7890,
8,
2599,
198,
220,
2124,
62,
27432,
13,
33295,
7,
27432,
62,
7890,
58,
72,
12,
1899,
25,
72,
11,
657,
12962,
198,
220,
331,
62,
27432,
13,
33295,
7,
27432,
62,
7890,
58,
72,
11,
657,
12962,
198,
220,
611,
1312,
27,
28,
8454,
25,
198,
220,
220,
220,
3601,
7,
87,
62,
27432,
8,
198,
220,
220,
220,
3601,
7,
88,
62,
27432,
8,
198,
220,
220,
220,
3601,
3419,
198,
220,
220,
220,
220,
198,
2,
3103,
1851,
262,
2124,
62,
27432,
290,
331,
62,
27432,
284,
299,
32152,
26515,
220,
198,
87,
62,
27432,
11,
331,
62,
27432,
796,
45941,
13,
18747,
7,
87,
62,
27432,
828,
45941,
13,
18747,
7,
88,
62,
27432,
8,
628,
198,
198,
2,
4965,
71,
1758,
262,
1366,
198,
87,
62,
27432,
796,
45941,
13,
3447,
1758,
7,
87,
62,
27432,
11,
357,
87,
62,
27432,
13,
43358,
58,
15,
4357,
2124,
62,
27432,
13,
43358,
58,
16,
4357,
352,
4008,
198,
87,
62,
27432,
13,
43358,
198,
198,
2,
15580,
262,
406,
2257,
44,
2746,
198,
19849,
796,
24604,
1843,
3419,
198,
19849,
13,
2860,
7,
43,
2257,
44,
7,
1120,
11,
1441,
62,
3107,
3007,
28,
17821,
11,
5128,
62,
43358,
28,
357,
87,
62,
27432,
13,
43358,
58,
16,
4357,
352,
22305,
198,
19849,
13,
2860,
7,
43,
2257,
44,
7,
1120,
11,
1441,
62,
3107,
3007,
28,
10352,
4008,
198,
19849,
13,
2860,
7,
35,
1072,
7,
1495,
4008,
198,
19849,
13,
2860,
7,
35,
1072,
7,
16,
4008,
628,
198,
198,
2,
7293,
576,
262,
2746,
198,
19849,
13,
5589,
576,
7,
40085,
7509,
11639,
324,
321,
3256,
2994,
11639,
32604,
62,
16485,
1144,
62,
18224,
11537,
628,
198,
198,
2,
44077,
262,
2746,
198,
19849,
13,
11147,
7,
87,
62,
27432,
11,
331,
62,
27432,
11,
15458,
62,
7857,
28,
16,
11,
36835,
82,
28,
16,
8,
198,
198,
2,
16447,
262,
4856,
1366,
900,
198,
2,
16447,
257,
649,
7177,
7268,
27464,
3815,
422,
6376,
1315,
3559,
284,
6244,
220,
198,
9288,
62,
7890,
796,
27464,
62,
7890,
58,
34409,
62,
7890,
62,
11925,
532,
3126,
25,
837,
1058,
60,
198,
2,
16447,
262,
1366,
5621,
2124,
62,
9288,
290,
331,
62,
9288,
198,
87,
62,
9288,
796,
17635,
198,
88,
62,
9288,
796,
27039,
58,
34409,
62,
7890,
62,
11925,
45299,
1058,
60,
198,
1640,
1312,
287,
2837,
7,
1899,
11,
18896,
7,
9288,
62,
7890,
8,
2599,
198,
220,
2124,
62,
9288,
13,
33295,
7,
9288,
62,
7890,
58,
72,
12,
1899,
25,
72,
11,
657,
12962,
198,
198,
2,
3103,
1851,
262,
1366,
284,
257,
299,
32152,
7177,
198,
87,
62,
9288,
796,
45941,
13,
18747,
7,
87,
62,
9288,
8,
198,
198,
2,
4965,
71,
1758,
262,
1366,
198,
87,
62,
9288,
796,
45941,
13,
3447,
1758,
7,
87,
62,
9288,
11,
357,
87,
62,
9288,
13,
43358,
58,
15,
4357,
2124,
62,
9288,
13,
43358,
58,
16,
4357,
352,
15306,
628,
198,
198,
2,
3855,
262,
4981,
11001,
2756,
3815,
220,
198,
28764,
9278,
796,
2746,
13,
79,
17407,
7,
87,
62,
9288,
8,
198,
28764,
9278,
796,
16578,
263,
13,
259,
4399,
62,
35636,
7,
28764,
9278,
8,
628,
198,
198,
2,
3855,
262,
6808,
1612,
44345,
4049,
357,
29138,
5188,
8,
198,
26224,
325,
28,
37659,
13,
31166,
17034,
7,
37659,
13,
32604,
19510,
7,
28764,
9278,
12,
331,
62,
9288,
8,
1174,
17,
22305,
198,
26224,
325,
198,
198,
2,
43328,
262,
1366,
198,
27432,
796,
1366,
58,
25,
34409,
62,
7890,
62,
11925,
60,
198,
12102,
796,
1366,
58,
34409,
62,
7890,
62,
11925,
47715,
198,
12102,
17816,
39156,
9278,
20520,
796,
16277,
198,
2,
36259,
1096,
262,
1366,
198,
489,
83,
13,
26875,
7,
5647,
7857,
16193,
1433,
11,
23,
4008,
198,
489,
83,
13,
7839,
10786,
17633,
11537,
198,
489,
83,
13,
87,
18242,
10786,
10430,
3256,
10369,
7857,
28,
1507,
8,
198,
489,
83,
13,
2645,
9608,
10786,
26125,
7886,
11403,
45491,
3256,
10369,
7857,
28,
1507,
8,
198,
489,
83,
13,
29487,
7,
27432,
17816,
26125,
6,
12962,
198,
489,
83,
13,
29487,
7,
12102,
58,
17816,
26125,
3256,
705,
39156,
9278,
6,
11907,
8,
198,
489,
83,
13,
1455,
437,
7,
17816,
44077,
3256,
705,
7762,
3256,
705,
39156,
9278,
6,
4357,
1179,
11639,
21037,
826,
11537,
198,
489,
83,
13,
12860,
3419,
628,
198,
2,
3855,
262,
9577,
198,
18040,
62,
22708,
796,
3992,
13,
6601,
33634,
10786,
32886,
1581,
18,
13,
4090,
3256,
1366,
62,
10459,
11639,
40774,
3256,
923,
11639,
9804,
12,
486,
12,
486,
3256,
886,
11639,
42334,
12,
486,
12,
2919,
11537,
198,
2,
16447,
257,
649,
1366,
14535,
198,
3605,
62,
7568,
796,
17180,
62,
22708,
13,
24455,
7,
17816,
26125,
6,
12962,
198,
2,
3855,
573,
71,
938,
3126,
1110,
9605,
2756,
3815,
290,
10385,
262,
1366,
14535,
284,
281,
7177,
198,
12957,
62,
1899,
62,
12545,
796,
649,
62,
7568,
58,
12,
1899,
25,
4083,
27160,
198,
2,
29990,
262,
1366,
284,
307,
3815,
1022,
657,
290,
352,
198,
12957,
62,
1899,
62,
12545,
62,
1416,
3021,
796,
16578,
263,
13,
35636,
7,
12957,
62,
1899,
62,
12545,
8,
198,
2,
16447,
281,
6565,
1351,
198,
55,
62,
9288,
796,
17635,
198,
2,
4677,
437,
573,
71,
1613,
3126,
1528,
198,
55,
62,
9288,
13,
33295,
7,
12957,
62,
1899,
62,
12545,
62,
1416,
3021,
8,
198,
2,
3103,
1851,
262,
1395,
62,
9288,
1366,
900,
284,
257,
299,
32152,
7177,
198,
55,
62,
9288,
796,
45941,
13,
18747,
7,
55,
62,
9288,
8,
198,
2,
4965,
71,
1758,
262,
1366,
198,
55,
62,
9288,
796,
45941,
13,
3447,
1758,
7,
55,
62,
9288,
11,
357,
55,
62,
9288,
13,
43358,
58,
15,
4357,
1395,
62,
9288,
13,
43358,
58,
16,
4357,
352,
4008,
198,
2,
3855,
262,
11001,
27464,
2756,
198,
28764,
62,
20888,
796,
2746,
13,
79,
17407,
7,
55,
62,
9288,
8,
198,
2,
41204,
262,
20796,
220,
198,
28764,
62,
20888,
796,
16578,
263,
13,
259,
4399,
62,
35636,
7,
28764,
62,
20888,
8,
198,
4798,
7,
28764,
62,
20888,
8,
628,
198,
198,
2,
3855,
262,
9577,
198,
18040,
62,
22708,
17,
796,
3992,
13,
6601,
33634,
10786,
32886,
1581,
18,
13,
4090,
3256,
1366,
62,
10459,
11639,
40774,
3256,
923,
11639,
42334,
12,
486,
12,
2931,
3256,
886,
11639,
42334,
12,
486,
12,
2931,
11537,
198,
4798,
7,
18040,
62,
22708,
17,
17816,
26125,
6,
12962
] | 2.651525 | 1,541 |
import os
import json
abs_join = lambda p1, p2 : os.path.abspath(os.path.join(p1, p2))
SYNTHESIZER_STRPROSE = "StrPROSE"
SYNTHESIZER_STRSTUN = "StrSTUN"
SCRIPT_DIR = os.path.abspath(os.path.dirname(__file__))
EXAMPLE_STRPROSE_RELDIR = "../../benchmark/strprose/example_files"
EXAMPLE_STRPROSE_FULLDIR = abs_join(SCRIPT_DIR, EXAMPLE_STRPROSE_RELDIR)
EXAMPLE_STRSTUN_RELDIR = "../../benchmark/strstun/example_files"
EXAMPLE_STRSTUN_FULLDIR = abs_join(SCRIPT_DIR, EXAMPLE_STRSTUN_RELDIR)
COMP_STRSTUN_RELDIR = "../../benchmark/strstun/targets"
COMP_STRSTUN_FULLDIR = abs_join(SCRIPT_DIR, COMP_STRSTUN_RELDIR)
SEED_STRSTUN_FULLPATH = abs_join(SCRIPT_DIR, "../../benchmark/strstun/example_files/_seeds.json")
TARGET_STRPROSE_RELDIR = "../../benchmark/strprose/targets"
TARGET_STRPROSE_FULLDIR = abs_join(SCRIPT_DIR, TARGET_STRPROSE_RELDIR)
TARGET_STRSTUN_RELDIR = "../../benchmark/strstun/targets"
TARGET_STRSTUN_FULLDIR = abs_join(SCRIPT_DIR, TARGET_STRSTUN_RELDIR)
SUMMARY_RELDIR = "../../outputs/summaries"
SUMMARY_FULLDIR = abs_join(SCRIPT_DIR, SUMMARY_RELDIR)
ANALYSIS_SAMPLESIZE_STEPS_FULLPATH = lambda synthesizer, x : abs_join(SUMMARY_FULLDIR, f"{synthesizer}_samplesize_step{x}.json")
ANALYSIS_SAMPLESIZE_STRPROSE_FULLPATH = abs_join(SUMMARY_FULLDIR, "StrPROSE-samplesize.csv")
ANALYSIS_SAMPLESIZE_STRSTUN_FULLPATH = abs_join(SUMMARY_FULLDIR, "StrSTUN-samplesize.csv")
ANALYSIS_RESULTPROG_STEPS_FULLPATH = lambda synthesizer, x : abs_join(SUMMARY_FULLDIR, f"{synthesizer}_resultprog_step{x}.json")
ANALYSIS_RESOURCE_USAGE_STEPS_FULLPATH = lambda synthesizer, x : abs_join(SUMMARY_FULLDIR, f"{synthesizer}_resourceusage_step{x}.json")
ANALYSIS_RESOURCE_USAGE_STRSTUN_FULLPATH = abs_join(SUMMARY_FULLDIR, f"StrSTUN-resourceusage.csv")
ANALYSIS_BASELINE4_STEPS_FULLPATH = lambda synthesizer, x : abs_join(SUMMARY_FULLDIR, f"{synthesizer}_baseline4_step{x}.json")
ANALYSIS_CHOOSEH_STEPS_FULLPATH = lambda synthesizer, x : abs_join(SUMMARY_FULLDIR, f"{synthesizer}_chooseh_step{x}.json")
ANALYSIS_CHOOSEH_STRSTUN_FULLPATH = abs_join(SUMMARY_FULLDIR, "StrSTUN-chooseh.csv")
ANALYSIS_SPACEDROP_STEPS_FULLPATH = lambda synthesizer, x : abs_join(SUMMARY_FULLDIR, f"{synthesizer}_spacedrop_step{x}.json")
ANALYSIS_SPACEDROP_STRPROSE_FULLPATH = abs_join(SUMMARY_FULLDIR, "StrPROSE-spacedrop.csv")
SYNGUAR_API_ENDPOINT = "http://localhost:5262/synguar"
SYNTH_API_ENDPOINT = "http://localhost:5261/synth"
STRPROSE_SPACEDROP_SAMPLE_SIZE = 30
| [
11748,
28686,
198,
11748,
33918,
198,
198,
8937,
62,
22179,
796,
37456,
279,
16,
11,
279,
17,
1058,
28686,
13,
6978,
13,
397,
2777,
776,
7,
418,
13,
6978,
13,
22179,
7,
79,
16,
11,
279,
17,
4008,
198,
23060,
45,
4221,
1546,
14887,
1137,
62,
18601,
4805,
14058,
796,
366,
13290,
4805,
14058,
1,
198,
23060,
45,
4221,
1546,
14887,
1137,
62,
18601,
2257,
4944,
796,
366,
13290,
2257,
4944,
1,
198,
198,
6173,
46023,
62,
34720,
796,
28686,
13,
6978,
13,
397,
2777,
776,
7,
418,
13,
6978,
13,
15908,
3672,
7,
834,
7753,
834,
4008,
198,
6369,
2390,
16437,
62,
18601,
4805,
14058,
62,
2200,
11163,
4663,
796,
366,
40720,
40720,
26968,
4102,
14,
2536,
1676,
325,
14,
20688,
62,
16624,
1,
198,
6369,
2390,
16437,
62,
18601,
4805,
14058,
62,
37,
9994,
34720,
796,
2352,
62,
22179,
7,
6173,
46023,
62,
34720,
11,
7788,
2390,
16437,
62,
18601,
4805,
14058,
62,
2200,
11163,
4663,
8,
198,
6369,
2390,
16437,
62,
18601,
2257,
4944,
62,
2200,
11163,
4663,
796,
366,
40720,
40720,
26968,
4102,
14,
2536,
301,
403,
14,
20688,
62,
16624,
1,
198,
6369,
2390,
16437,
62,
18601,
2257,
4944,
62,
37,
9994,
34720,
796,
2352,
62,
22179,
7,
6173,
46023,
62,
34720,
11,
7788,
2390,
16437,
62,
18601,
2257,
4944,
62,
2200,
11163,
4663,
8,
198,
9858,
47,
62,
18601,
2257,
4944,
62,
2200,
11163,
4663,
796,
366,
40720,
40720,
26968,
4102,
14,
2536,
301,
403,
14,
83,
853,
1039,
1,
198,
9858,
47,
62,
18601,
2257,
4944,
62,
37,
9994,
34720,
796,
2352,
62,
22179,
7,
6173,
46023,
62,
34720,
11,
24301,
62,
18601,
2257,
4944,
62,
2200,
11163,
4663,
8,
198,
5188,
1961,
62,
18601,
2257,
4944,
62,
37,
9994,
34219,
796,
2352,
62,
22179,
7,
6173,
46023,
62,
34720,
11,
366,
40720,
40720,
26968,
4102,
14,
2536,
301,
403,
14,
20688,
62,
16624,
47835,
325,
5379,
13,
17752,
4943,
198,
198,
51,
46095,
62,
18601,
4805,
14058,
62,
2200,
11163,
4663,
796,
366,
40720,
40720,
26968,
4102,
14,
2536,
1676,
325,
14,
83,
853,
1039,
1,
198,
51,
46095,
62,
18601,
4805,
14058,
62,
37,
9994,
34720,
796,
2352,
62,
22179,
7,
6173,
46023,
62,
34720,
11,
309,
46095,
62,
18601,
4805,
14058,
62,
2200,
11163,
4663,
8,
198,
51,
46095,
62,
18601,
2257,
4944,
62,
2200,
11163,
4663,
796,
366,
40720,
40720,
26968,
4102,
14,
2536,
301,
403,
14,
83,
853,
1039,
1,
198,
51,
46095,
62,
18601,
2257,
4944,
62,
37,
9994,
34720,
796,
2352,
62,
22179,
7,
6173,
46023,
62,
34720,
11,
309,
46095,
62,
18601,
2257,
4944,
62,
2200,
11163,
4663,
8,
198,
198,
50,
5883,
44,
13153,
62,
2200,
11163,
4663,
796,
366,
40720,
40720,
22915,
82,
14,
82,
13929,
3166,
1,
198,
50,
5883,
44,
13153,
62,
37,
9994,
34720,
796,
2352,
62,
22179,
7,
6173,
46023,
62,
34720,
11,
35683,
44,
13153,
62,
2200,
11163,
4663,
8,
198,
198,
1565,
1847,
16309,
1797,
62,
49302,
6489,
1546,
35400,
62,
30516,
3705,
62,
37,
9994,
34219,
796,
37456,
24983,
7509,
11,
2124,
1058,
2352,
62,
22179,
7,
50,
5883,
44,
13153,
62,
37,
9994,
34720,
11,
277,
1,
90,
1837,
429,
956,
7509,
92,
62,
82,
12629,
1096,
62,
9662,
90,
87,
27422,
17752,
4943,
198,
1565,
1847,
16309,
1797,
62,
49302,
6489,
1546,
35400,
62,
18601,
4805,
14058,
62,
37,
9994,
34219,
796,
2352,
62,
22179,
7,
50,
5883,
44,
13153,
62,
37,
9994,
34720,
11,
366,
13290,
4805,
14058,
12,
82,
12629,
1096,
13,
40664,
4943,
198,
1565,
1847,
16309,
1797,
62,
49302,
6489,
1546,
35400,
62,
18601,
2257,
4944,
62,
37,
9994,
34219,
796,
2352,
62,
22179,
7,
50,
5883,
44,
13153,
62,
37,
9994,
34720,
11,
366,
13290,
2257,
4944,
12,
82,
12629,
1096,
13,
40664,
4943,
198,
1565,
1847,
16309,
1797,
62,
19535,
16724,
4805,
7730,
62,
30516,
3705,
62,
37,
9994,
34219,
796,
37456,
24983,
7509,
11,
2124,
1058,
2352,
62,
22179,
7,
50,
5883,
44,
13153,
62,
37,
9994,
34720,
11,
277,
1,
90,
1837,
429,
956,
7509,
92,
62,
20274,
1676,
70,
62,
9662,
90,
87,
27422,
17752,
4943,
198,
1565,
1847,
16309,
1797,
62,
19535,
31033,
62,
2937,
11879,
62,
30516,
3705,
62,
37,
9994,
34219,
796,
37456,
24983,
7509,
11,
2124,
1058,
2352,
62,
22179,
7,
50,
5883,
44,
13153,
62,
37,
9994,
34720,
11,
277,
1,
90,
1837,
429,
956,
7509,
92,
62,
31092,
26060,
62,
9662,
90,
87,
27422,
17752,
4943,
198,
1565,
1847,
16309,
1797,
62,
19535,
31033,
62,
2937,
11879,
62,
18601,
2257,
4944,
62,
37,
9994,
34219,
796,
2352,
62,
22179,
7,
50,
5883,
44,
13153,
62,
37,
9994,
34720,
11,
277,
1,
13290,
2257,
4944,
12,
31092,
26060,
13,
40664,
4943,
198,
1565,
1847,
16309,
1797,
62,
33,
1921,
3698,
8881,
19,
62,
30516,
3705,
62,
37,
9994,
34219,
796,
37456,
24983,
7509,
11,
2124,
1058,
2352,
62,
22179,
7,
50,
5883,
44,
13153,
62,
37,
9994,
34720,
11,
277,
1,
90,
1837,
429,
956,
7509,
92,
62,
12093,
4470,
19,
62,
9662,
90,
87,
27422,
17752,
4943,
198,
1565,
1847,
16309,
1797,
62,
44899,
14058,
39,
62,
30516,
3705,
62,
37,
9994,
34219,
796,
37456,
24983,
7509,
11,
2124,
1058,
2352,
62,
22179,
7,
50,
5883,
44,
13153,
62,
37,
9994,
34720,
11,
277,
1,
90,
1837,
429,
956,
7509,
92,
62,
6679,
577,
71,
62,
9662,
90,
87,
27422,
17752,
4943,
198,
1565,
1847,
16309,
1797,
62,
44899,
14058,
39,
62,
18601,
2257,
4944,
62,
37,
9994,
34219,
796,
2352,
62,
22179,
7,
50,
5883,
44,
13153,
62,
37,
9994,
34720,
11,
366,
13290,
2257,
4944,
12,
6679,
577,
71,
13,
40664,
4943,
198,
1565,
1847,
16309,
1797,
62,
4303,
2246,
1961,
49,
3185,
62,
30516,
3705,
62,
37,
9994,
34219,
796,
37456,
24983,
7509,
11,
2124,
1058,
2352,
62,
22179,
7,
50,
5883,
44,
13153,
62,
37,
9994,
34720,
11,
277,
1,
90,
1837,
429,
956,
7509,
92,
62,
2777,
2286,
1773,
62,
9662,
90,
87,
27422,
17752,
4943,
198,
1565,
1847,
16309,
1797,
62,
4303,
2246,
1961,
49,
3185,
62,
18601,
4805,
14058,
62,
37,
9994,
34219,
796,
2352,
62,
22179,
7,
50,
5883,
44,
13153,
62,
37,
9994,
34720,
11,
366,
13290,
4805,
14058,
12,
2777,
2286,
1773,
13,
40664,
4943,
198,
198,
23060,
10503,
52,
1503,
62,
17614,
62,
1677,
6322,
46,
12394,
796,
366,
4023,
1378,
36750,
25,
20,
29119,
14,
1837,
782,
84,
283,
1,
198,
23060,
45,
4221,
62,
17614,
62,
1677,
6322,
46,
12394,
796,
366,
4023,
1378,
36750,
25,
20,
30057,
14,
28869,
400,
1,
198,
198,
18601,
4805,
14058,
62,
4303,
2246,
1961,
49,
3185,
62,
49302,
16437,
62,
33489,
796,
1542,
628
] | 2.208145 | 1,105 |
from src.filters.filter import Filter
| [
6738,
12351,
13,
10379,
1010,
13,
24455,
1330,
25853,
628
] | 3.9 | 10 |
from django.shortcuts import render
from django.http import HttpResponse
from django.views import View
from .models import Person, Party, Group
from rest_framework import pagination, viewsets, filters
from .serializers import PersonSerializer, PartySerializer, GroupSerializer
class IsGroupMemberFilterBackend(filters.BaseFilterBackend):
"""
Filter that only returns groups for which person is in group.
"""
| [
6738,
42625,
14208,
13,
19509,
23779,
1330,
8543,
198,
6738,
42625,
14208,
13,
4023,
1330,
367,
29281,
31077,
198,
6738,
42625,
14208,
13,
33571,
1330,
3582,
198,
6738,
764,
27530,
1330,
7755,
11,
3615,
11,
4912,
198,
6738,
1334,
62,
30604,
1330,
42208,
1883,
11,
5009,
1039,
11,
16628,
198,
6738,
764,
46911,
11341,
1330,
7755,
32634,
7509,
11,
3615,
32634,
7509,
11,
4912,
32634,
7509,
628,
628,
198,
198,
4871,
1148,
13247,
27608,
22417,
7282,
437,
7,
10379,
1010,
13,
14881,
22417,
7282,
437,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
25853,
326,
691,
5860,
2628,
329,
543,
1048,
318,
287,
1448,
13,
198,
220,
220,
220,
37227,
628
] | 3.769912 | 113 |
import shutil
import torch
CHECKPOINT_SIZE_MB = 333
BATCH_SIZE_PER_GB = 2.5
LEARNING_RATE_PER_BATCH = 3.125e-5
| [
11748,
4423,
346,
198,
11748,
28034,
198,
198,
50084,
16402,
12394,
62,
33489,
62,
10744,
796,
23460,
198,
33,
11417,
62,
33489,
62,
18973,
62,
4579,
796,
362,
13,
20,
198,
2538,
1503,
15871,
62,
49,
6158,
62,
18973,
62,
33,
11417,
796,
513,
13,
11623,
68,
12,
20,
628,
628,
198
] | 2.230769 | 52 |
# Copyright (C) 2020 sandeep.n(π.$)
# button post makker for catub thanks to uniborg for the base
# by @sandy1709 (@mrconfused)
import os
import re
from ub import tebot as tgbot
from telethon import Button
from ub import bot
from ub import CMD_HELP, client
from ub.javes_main.heroku_var import Config
from .. import CMD_HELP
from ..utils import admin_cmd, edit_or_reply
from ub.javes_main.heroku_var import Var
from ub import bot
# regex obtained from:
# https://github.com/PaulSonOfLars/tgbot/blob/master/tg_bot/modules/helper_funcs/string_handling.py#L23
BTN_URL_REGEX = re.compile(r"(\[([^\[]+?)\]\<buttonurl:(?:/{0,2})(.+?)(:same)?\>)")
#BY CAT USERBOT
@bot.on(admin_cmd(pattern=r"cbutton(?: |$)(.*)", outgoing=True))
# Helpers
@bot.on(admin_cmd(pattern=r"ibutton( (.*)|$)", outgoing=True))
CMD_HELP.update(
{
"button": "**Plugin : **`button`\
\n\n**SYNTAX : **`.cbutton`\
\n**USAGE :** Buttons must be in the format as [Name on button]<buttonurl:link you want to open> and markdown is Default to html\
\n**EXAMPLE :** `.cbutton shivam [google]<buttonurl:https://www.google.com> [Javes2.0]<buttonurl:https://github.com/Sh1vam/javes-2.0:same> [Channel]<buttonurl:https://t.me/plugines>`\
\n\n**SYNTAX : **`.ibutton`\
\n**USAGE :** Buttons must be in the format as [Name on button]<buttonurl:link you want to open>\
\n**EXAMPLE :** `.ibutton Sh1vam [google]<buttonurl:https://www.google.com> [Javes2.0]<buttonurl:https://github.com/Sh1vam/javes-2.0:same> [Channel]<buttonurl:https://t.me/plugines>`\
\n**EXAMPLE :** `@yourbotusername buttons Shivam [google]<buttonurl:https://www.google.com> [Javes2.0]<buttonurl:https://github.com/Sh1vam/javes-2.0:same> [Channel]<buttonurl:https://t.me/plugines>`\
"
}
)
| [
2,
220,
220,
220,
15069,
357,
34,
8,
12131,
220,
6450,
68,
538,
13,
77,
7,
46582,
48082,
8,
198,
2,
4936,
1281,
285,
461,
6122,
329,
3797,
549,
5176,
284,
555,
571,
2398,
329,
262,
2779,
198,
2,
416,
2488,
82,
10757,
1558,
2931,
4275,
43395,
10414,
1484,
8,
198,
11748,
28686,
198,
11748,
302,
198,
6738,
20967,
1330,
573,
13645,
355,
256,
70,
13645,
198,
6738,
5735,
400,
261,
1330,
20969,
198,
6738,
20967,
1330,
10214,
198,
6738,
20967,
1330,
327,
12740,
62,
39,
3698,
47,
11,
220,
5456,
198,
6738,
20967,
13,
73,
3080,
62,
12417,
13,
11718,
23063,
62,
7785,
1330,
17056,
198,
6738,
11485,
1330,
327,
12740,
62,
39,
3698,
47,
198,
6738,
11485,
26791,
1330,
13169,
62,
28758,
11,
4370,
62,
273,
62,
47768,
198,
6738,
20967,
13,
73,
3080,
62,
12417,
13,
11718,
23063,
62,
7785,
1330,
12372,
198,
6738,
20967,
1330,
10214,
220,
198,
2,
40364,
6492,
422,
25,
198,
2,
3740,
1378,
12567,
13,
785,
14,
12041,
31056,
5189,
43,
945,
14,
25297,
13645,
14,
2436,
672,
14,
9866,
14,
25297,
62,
13645,
14,
18170,
14,
2978,
525,
62,
12543,
6359,
14,
8841,
62,
4993,
1359,
13,
9078,
2,
43,
1954,
198,
19313,
45,
62,
21886,
62,
31553,
6369,
796,
302,
13,
5589,
576,
7,
81,
18109,
59,
58,
26933,
61,
59,
21737,
10,
10091,
59,
60,
49778,
16539,
6371,
37498,
30,
14079,
90,
15,
11,
17,
92,
5769,
13,
10,
30,
5769,
25,
31642,
19427,
59,
43734,
4943,
198,
2,
17513,
38348,
1294,
1137,
33,
2394,
198,
198,
31,
13645,
13,
261,
7,
28482,
62,
28758,
7,
33279,
28,
81,
1,
66,
16539,
7,
27514,
930,
3,
5769,
15885,
42501,
28181,
28,
17821,
4008,
628,
198,
2,
10478,
364,
628,
198,
31,
13645,
13,
261,
7,
28482,
62,
28758,
7,
33279,
28,
81,
1,
571,
21115,
7,
357,
15885,
14726,
3,
42501,
28181,
28,
17821,
4008,
628,
198,
198,
34,
12740,
62,
39,
3698,
47,
13,
19119,
7,
198,
220,
220,
220,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
366,
16539,
1298,
366,
1174,
37233,
1058,
12429,
63,
16539,
63,
59,
198,
220,
220,
220,
3467,
77,
59,
77,
1174,
23060,
45,
5603,
55,
1058,
12429,
44646,
66,
16539,
63,
59,
198,
220,
220,
220,
3467,
77,
1174,
2937,
11879,
1058,
1174,
887,
27288,
1276,
307,
287,
262,
5794,
355,
685,
5376,
319,
4936,
60,
27,
16539,
6371,
25,
8726,
345,
765,
284,
1280,
29,
290,
1317,
2902,
318,
15161,
284,
27711,
59,
198,
220,
220,
220,
3467,
77,
1174,
6369,
2390,
16437,
1058,
1174,
4600,
13,
66,
16539,
427,
452,
321,
685,
13297,
60,
27,
16539,
6371,
25,
5450,
1378,
2503,
13,
13297,
13,
785,
29,
685,
41,
3080,
17,
13,
15,
60,
27,
16539,
6371,
25,
5450,
1378,
12567,
13,
785,
14,
2484,
16,
85,
321,
14,
73,
3080,
12,
17,
13,
15,
25,
31642,
29,
685,
29239,
60,
27,
16539,
6371,
25,
5450,
1378,
83,
13,
1326,
14,
16875,
1127,
29,
63,
59,
198,
220,
220,
220,
3467,
77,
59,
77,
1174,
23060,
45,
5603,
55,
1058,
12429,
44646,
571,
21115,
63,
59,
198,
220,
220,
220,
3467,
77,
1174,
2937,
11879,
1058,
1174,
887,
27288,
1276,
307,
287,
262,
5794,
355,
685,
5376,
319,
4936,
60,
27,
16539,
6371,
25,
8726,
345,
765,
284,
1280,
29,
59,
198,
220,
220,
220,
3467,
77,
1174,
6369,
2390,
16437,
1058,
1174,
4600,
13,
571,
21115,
911,
16,
85,
321,
685,
13297,
60,
27,
16539,
6371,
25,
5450,
1378,
2503,
13,
13297,
13,
785,
29,
685,
41,
3080,
17,
13,
15,
60,
27,
16539,
6371,
25,
5450,
1378,
12567,
13,
785,
14,
2484,
16,
85,
321,
14,
73,
3080,
12,
17,
13,
15,
25,
31642,
29,
685,
29239,
60,
27,
16539,
6371,
25,
5450,
1378,
83,
13,
1326,
14,
16875,
1127,
29,
63,
59,
198,
197,
59,
77,
1174,
6369,
2390,
16437,
1058,
1174,
4600,
31,
14108,
13645,
29460,
12163,
43305,
321,
685,
13297,
60,
27,
16539,
6371,
25,
5450,
1378,
2503,
13,
13297,
13,
785,
29,
685,
41,
3080,
17,
13,
15,
60,
27,
16539,
6371,
25,
5450,
1378,
12567,
13,
785,
14,
2484,
16,
85,
321,
14,
73,
3080,
12,
17,
13,
15,
25,
31642,
29,
685,
29239,
60,
27,
16539,
6371,
25,
5450,
1378,
83,
13,
1326,
14,
16875,
1127,
29,
63,
59,
198,
220,
220,
220,
366,
198,
220,
220,
220,
1782,
198,
8,
198
] | 2.413934 | 732 |
import numpy as np
import pandas as pd
class PredictionsReader:
'''
read csv files for evaluating session based predictions from files.
Fileformat:
Each line contains the predicted recommendations and the actual next_items that a user is going to interact with during the same session.
We only need the item_ids in the csv file. We leave out the session_id and prediction scores to reduce file size.
recommendation_ids;next_item_ids
5226,72773,76493,23152,8972,37154,6124,11075;76493,8972
5226 being the highest scored recommendation.
76493 is the next_item that will be interacted with.
Since the evaluation is @20 at most, we only need to store the top-20 recommendations for evaluation.
All the future next_item_ids that will be interacted with in the session from must be stored.
'''
| [
11748,
299,
32152,
355,
45941,
198,
11748,
19798,
292,
355,
279,
67,
628,
198,
4871,
14322,
9278,
33634,
25,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
1100,
269,
21370,
3696,
329,
22232,
6246,
1912,
16277,
422,
3696,
13,
628,
220,
220,
220,
9220,
18982,
25,
198,
220,
220,
220,
5501,
1627,
4909,
262,
11001,
10763,
290,
262,
4036,
1306,
62,
23814,
326,
257,
2836,
318,
1016,
284,
9427,
351,
1141,
262,
976,
6246,
13,
198,
220,
220,
220,
775,
691,
761,
262,
2378,
62,
2340,
287,
262,
269,
21370,
2393,
13,
775,
2666,
503,
262,
6246,
62,
312,
290,
17724,
8198,
284,
4646,
2393,
2546,
13,
198,
220,
220,
220,
15602,
62,
2340,
26,
19545,
62,
9186,
62,
2340,
198,
220,
220,
220,
642,
24909,
11,
47760,
4790,
11,
22,
2414,
6052,
11,
1954,
17827,
11,
4531,
4761,
11,
2718,
21526,
11,
21,
17464,
11,
11442,
2425,
26,
22,
2414,
6052,
11,
4531,
4761,
198,
220,
220,
220,
642,
24909,
852,
262,
4511,
7781,
15602,
13,
198,
220,
220,
220,
767,
2414,
6052,
318,
262,
1306,
62,
9186,
326,
481,
307,
49236,
351,
13,
628,
220,
220,
220,
4619,
262,
12660,
318,
2488,
1238,
379,
749,
11,
356,
691,
761,
284,
3650,
262,
1353,
12,
1238,
10763,
329,
12660,
13,
198,
220,
220,
220,
1439,
262,
2003,
1306,
62,
9186,
62,
2340,
326,
481,
307,
49236,
351,
287,
262,
6246,
422,
1276,
307,
8574,
13,
198,
220,
220,
220,
705,
7061,
628,
198
] | 3.422764 | 246 |
# Ported by @PacarFerdilla
# Thanks for catuserbot (c) copyright 2021
import asyncio
import base64
from datetime import datetime
from telethon.errors import BadRequestError
from telethon.tl.functions.channels import EditBannedRequest
from telethon.tl.functions.messages import ImportChatInviteRequest
from telethon.tl.types import Channel, ChatBannedRights, MessageEntityMentionName
import userbot.modules.sql_helper.gban_sql as gban_sql
from userbot import BOTLOG, BOTLOG_CHATID, CMD_HELP, DEVS
from userbot.events import register
from userbot.utils import edit_delete, edit_or_reply
BANNED_RIGHTS = ChatBannedRights(
until_date=None,
view_messages=True,
send_messages=True,
send_media=True,
send_stickers=True,
send_gifs=True,
send_games=True,
send_inline=True,
embed_links=True,
)
UNBAN_RIGHTS = ChatBannedRights(
until_date=None,
send_messages=None,
send_media=None,
send_stickers=None,
send_gifs=None,
send_games=None,
send_inline=None,
embed_links=None,
)
@register(outgoing=True, pattern=r"^\.gban(?: |$)(.*)")
@register(outgoing=True, pattern=r"^\.ungban(?: |$)(.*)")
@register(outgoing=True, pattern=r"^\.gbans$")
# Ported by @PacarFerdilla
CMD_HELP.update(
{
"gban": "**✘ Plugin :** `Global Banned`\
\n\n • **Perintah :** `.gban` <username/id>\
\n • **Function : **Melakukan Banned Secara Global Ke Semua Grup Dimana anda Sebagai Admin\
\n\n • **Perintah :** `.ungban` <username/id>\
\n • **Function : **Membatalkan Global Banned\
\n\n • **Perintah :** `.gbans`\
\n • **Function : **Menampilkan Daftar Global Banned\
"
}
)
| [
2,
4347,
276,
416,
2488,
18844,
283,
43362,
67,
5049,
198,
2,
6930,
329,
3797,
7220,
13645,
357,
66,
8,
6634,
33448,
198,
198,
11748,
30351,
952,
198,
11748,
2779,
2414,
198,
6738,
4818,
8079,
1330,
4818,
8079,
198,
198,
6738,
5735,
400,
261,
13,
48277,
1330,
7772,
18453,
12331,
198,
6738,
5735,
400,
261,
13,
28781,
13,
12543,
2733,
13,
354,
8961,
1330,
5312,
33,
3577,
18453,
198,
6738,
5735,
400,
261,
13,
28781,
13,
12543,
2733,
13,
37348,
1095,
1330,
17267,
30820,
19904,
578,
18453,
198,
6738,
5735,
400,
261,
13,
28781,
13,
19199,
1330,
11102,
11,
24101,
33,
3577,
49,
2337,
11,
16000,
32398,
44,
1463,
5376,
198,
198,
11748,
2836,
13645,
13,
18170,
13,
25410,
62,
2978,
525,
13,
70,
3820,
62,
25410,
355,
308,
3820,
62,
25410,
198,
6738,
2836,
13645,
1330,
347,
2394,
25294,
11,
347,
2394,
25294,
62,
31542,
2389,
11,
327,
12740,
62,
39,
3698,
47,
11,
5550,
20304,
198,
6738,
2836,
13645,
13,
31534,
1330,
7881,
198,
6738,
2836,
13645,
13,
26791,
1330,
4370,
62,
33678,
11,
4370,
62,
273,
62,
47768,
198,
198,
33,
22846,
1961,
62,
49,
34874,
796,
24101,
33,
3577,
49,
2337,
7,
198,
220,
220,
220,
1566,
62,
4475,
28,
14202,
11,
198,
220,
220,
220,
1570,
62,
37348,
1095,
28,
17821,
11,
198,
220,
220,
220,
3758,
62,
37348,
1095,
28,
17821,
11,
198,
220,
220,
220,
3758,
62,
11431,
28,
17821,
11,
198,
220,
220,
220,
3758,
62,
13915,
364,
28,
17821,
11,
198,
220,
220,
220,
3758,
62,
27908,
82,
28,
17821,
11,
198,
220,
220,
220,
3758,
62,
19966,
28,
17821,
11,
198,
220,
220,
220,
3758,
62,
45145,
28,
17821,
11,
198,
220,
220,
220,
11525,
62,
28751,
28,
17821,
11,
198,
8,
198,
198,
4944,
33,
1565,
62,
49,
34874,
796,
24101,
33,
3577,
49,
2337,
7,
198,
220,
220,
220,
1566,
62,
4475,
28,
14202,
11,
198,
220,
220,
220,
3758,
62,
37348,
1095,
28,
14202,
11,
198,
220,
220,
220,
3758,
62,
11431,
28,
14202,
11,
198,
220,
220,
220,
3758,
62,
13915,
364,
28,
14202,
11,
198,
220,
220,
220,
3758,
62,
27908,
82,
28,
14202,
11,
198,
220,
220,
220,
3758,
62,
19966,
28,
14202,
11,
198,
220,
220,
220,
3758,
62,
45145,
28,
14202,
11,
198,
220,
220,
220,
11525,
62,
28751,
28,
14202,
11,
198,
8,
628,
628,
198,
198,
31,
30238,
7,
448,
5146,
28,
17821,
11,
3912,
28,
81,
1,
61,
17405,
70,
3820,
7,
27514,
930,
3,
5769,
15885,
8,
4943,
628,
198,
31,
30238,
7,
448,
5146,
28,
17821,
11,
3912,
28,
81,
1,
61,
17405,
2150,
3820,
7,
27514,
930,
3,
5769,
15885,
8,
4943,
628,
198,
31,
30238,
7,
448,
5146,
28,
17821,
11,
3912,
28,
81,
1,
61,
17405,
22296,
504,
3,
4943,
628,
198,
2,
4347,
276,
416,
2488,
18844,
283,
43362,
67,
5049,
628,
198,
34,
12740,
62,
39,
3698,
47,
13,
19119,
7,
198,
220,
220,
220,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
366,
70,
3820,
1298,
366,
1174,
26486,
246,
42636,
1058,
1174,
4600,
22289,
347,
3577,
63,
59,
198,
220,
220,
220,
220,
220,
220,
220,
3467,
77,
59,
77,
220,
5595,
220,
12429,
5990,
600,
993,
1058,
1174,
4600,
13,
70,
3820,
63,
1279,
29460,
14,
312,
29,
59,
198,
220,
220,
220,
220,
220,
220,
220,
3467,
77,
220,
5595,
220,
12429,
22203,
1058,
12429,
21102,
461,
2724,
272,
347,
3577,
1882,
3301,
8060,
3873,
12449,
6413,
402,
12618,
14048,
2271,
290,
64,
20639,
363,
1872,
32053,
59,
198,
220,
220,
220,
220,
220,
220,
220,
3467,
77,
59,
77,
220,
5595,
220,
12429,
5990,
600,
993,
1058,
1174,
4600,
13,
2150,
3820,
63,
1279,
29460,
14,
312,
29,
59,
198,
220,
220,
220,
220,
220,
220,
220,
3467,
77,
220,
5595,
220,
12429,
22203,
1058,
12429,
13579,
8664,
971,
272,
8060,
347,
3577,
59,
198,
220,
220,
220,
220,
220,
220,
220,
3467,
77,
59,
77,
220,
5595,
220,
12429,
5990,
600,
993,
1058,
1174,
4600,
13,
22296,
504,
63,
59,
198,
220,
220,
220,
220,
220,
220,
220,
3467,
77,
220,
5595,
220,
12429,
22203,
1058,
12429,
10418,
696,
346,
27541,
9637,
701,
283,
8060,
347,
3577,
59,
198,
220,
220,
220,
366,
198,
220,
220,
220,
1782,
198,
8,
198
] | 2.372905 | 716 |
#
# PySNMP MIB module VERTICAL-STATION-MIB (http://snmplabs.com/pysmi)
# ASN.1 source file:///Users/davwang4/Dev/mibs.snmplabs.com/asn1/VERTICAL-STATION-MIB
# Produced by pysmi-0.3.4 at Wed May 1 15:34:11 2019
# On host DAVWANG4-M-1475 platform Darwin version 18.5.0 by user davwang4
# Using Python version 3.7.3 (default, Mar 27 2019, 09:23:15)
#
Integer, OctetString, ObjectIdentifier = mibBuilder.importSymbols("ASN1", "Integer", "OctetString", "ObjectIdentifier")
NamedValues, = mibBuilder.importSymbols("ASN1-ENUMERATION", "NamedValues")
ConstraintsUnion, ValueSizeConstraint, ConstraintsIntersection, SingleValueConstraint, ValueRangeConstraint = mibBuilder.importSymbols("ASN1-REFINEMENT", "ConstraintsUnion", "ValueSizeConstraint", "ConstraintsIntersection", "SingleValueConstraint", "ValueRangeConstraint")
ModuleCompliance, NotificationGroup = mibBuilder.importSymbols("SNMPv2-CONF", "ModuleCompliance", "NotificationGroup")
MibScalar, MibTable, MibTableRow, MibTableColumn, TimeTicks, Counter32, ModuleIdentity, ObjectIdentity, Gauge32, Counter64, Bits, Integer32, MibIdentifier, enterprises, Unsigned32, iso, IpAddress, NotificationType, NotificationType = mibBuilder.importSymbols("SNMPv2-SMI", "MibScalar", "MibTable", "MibTableRow", "MibTableColumn", "TimeTicks", "Counter32", "ModuleIdentity", "ObjectIdentity", "Gauge32", "Counter64", "Bits", "Integer32", "MibIdentifier", "enterprises", "Unsigned32", "iso", "IpAddress", "NotificationType", "NotificationType")
TextualConvention, DisplayString = mibBuilder.importSymbols("SNMPv2-TC", "TextualConvention", "DisplayString")
vertical = MibIdentifier((1, 3, 6, 1, 4, 1, 2338))
vStationModule = MibIdentifier((1, 3, 6, 1, 4, 1, 2338, 7))
vStationCommonGroup = MibIdentifier((1, 3, 6, 1, 4, 1, 2338, 7, 1))
vStationFirstDigitTimeout = MibScalar((1, 3, 6, 1, 4, 1, 2338, 7, 1, 1), Integer32()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: vStationFirstDigitTimeout.setStatus('mandatory')
if mibBuilder.loadTexts: vStationFirstDigitTimeout.setDescription('Specifies the maximum number of seconds to wait for the first digit.')
vStationDigitTimeout = MibTableColumn((1, 3, 6, 1, 4, 1, 2338, 7, 1, 2), Integer32()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: vStationDigitTimeout.setStatus('mandatory')
if mibBuilder.loadTexts: vStationDigitTimeout.setDescription('Specifies the maximum number of seconds to wait between digits.')
vStationOffHookTimeout = MibScalar((1, 3, 6, 1, 4, 1, 2338, 7, 1, 3), Integer32()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: vStationOffHookTimeout.setStatus('mandatory')
if mibBuilder.loadTexts: vStationOffHookTimeout.setDescription('Specifies the maximum number of seconds to wait for the user to hang up phone after call disconnects or user executes an invalid operation. Howler tone is applied at timeout.')
vStationNumStationCards = MibScalar((1, 3, 6, 1, 4, 1, 2338, 7, 1, 4), Integer32()).setMaxAccess("readwrite")
if mibBuilder.loadTexts: vStationNumStationCards.setStatus('mandatory')
if mibBuilder.loadTexts: vStationNumStationCards.setDescription('Specifies the number of station cards installed in the system.')
vStationExternalDialDigit = MibScalar((1, 3, 6, 1, 4, 1, 2338, 7, 1, 5), DisplayString().subtype(subtypeSpec=ValueSizeConstraint(0, 1))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: vStationExternalDialDigit.setStatus('mandatory')
if mibBuilder.loadTexts: vStationExternalDialDigit.setDescription('Identifies the starting digit for making an external call.')
vStationCardGroup = MibIdentifier((1, 3, 6, 1, 4, 1, 2338, 7, 2))
vStationCardTable = MibTable((1, 3, 6, 1, 4, 1, 2338, 7, 2, 1), )
if mibBuilder.loadTexts: vStationCardTable.setStatus('current')
if mibBuilder.loadTexts: vStationCardTable.setDescription('Table of status, control and configuraion about cards containing station devices within the system. There are as many entries as there are cards containing station devices')
vStationCardEntry = MibTableRow((1, 3, 6, 1, 4, 1, 2338, 7, 2, 1, 1), ).setIndexNames((0, "VERTICAL-STATION-MIB", "vStationCardSlotNumber"))
if mibBuilder.loadTexts: vStationCardEntry.setStatus('mandatory')
if mibBuilder.loadTexts: vStationCardEntry.setDescription('An entry in the Vertical Station Card table.')
vStationCardSlotNumber = MibTableColumn((1, 3, 6, 1, 4, 1, 2338, 7, 2, 1, 1, 1), Integer32().subtype(subtypeSpec=ValueRangeConstraint(1, 14))).setMaxAccess("readonly")
if mibBuilder.loadTexts: vStationCardSlotNumber.setStatus('mandatory')
if mibBuilder.loadTexts: vStationCardSlotNumber.setDescription('Physical slot in the system in which the card is installed.')
vStationCardType = MibTableColumn((1, 3, 6, 1, 4, 1, 2338, 7, 2, 1, 1, 2), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(0, 2, 4))).clone(namedValues=NamedValues(("card-type-NOT-CONFIGURED", 0), ("card-type-24-CHANNEL-STATION", 2), ("card-type-BRIDGE1", 4)))).setMaxAccess("readonly")
if mibBuilder.loadTexts: vStationCardType.setStatus('mandatory')
if mibBuilder.loadTexts: vStationCardType.setDescription("The Vertical's card Type. The following types are defined: card-type-NOT-CONFIGURED = 0, card-type-24-CHANNEL-STATION = 2, card-type-BRIDGE1 = 4")
vStationCardIOPortAddress = MibTableColumn((1, 3, 6, 1, 4, 1, 2338, 7, 2, 1, 1, 3), Integer32().subtype(subtypeSpec=ValueRangeConstraint(0, 2147483647))).setMaxAccess("readonly")
if mibBuilder.loadTexts: vStationCardIOPortAddress.setStatus('mandatory')
if mibBuilder.loadTexts: vStationCardIOPortAddress.setDescription('The ISA bus base address for this Card.')
vStationCardState = MibTableColumn((1, 3, 6, 1, 4, 1, 2338, 7, 2, 1, 1, 4), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(0, 1, 255))).clone(namedValues=NamedValues(("disabled", 0), ("enabled", 1), ("removed", 255)))).setMaxAccess("readonly")
if mibBuilder.loadTexts: vStationCardState.setStatus('mandatory')
if mibBuilder.loadTexts: vStationCardState.setDescription('The current status of the card. The valid values are 0 -> Disabled, 1 -> Enabled, 0xff -> Removed.')
vStationCardErrorLED = MibTableColumn((1, 3, 6, 1, 4, 1, 2338, 7, 2, 1, 1, 5), Integer32().subtype(subtypeSpec=ValueRangeConstraint(0, 1))).setMaxAccess("readonly")
if mibBuilder.loadTexts: vStationCardErrorLED.setStatus('mandatory')
if mibBuilder.loadTexts: vStationCardErrorLED.setDescription('All Vertical cards have an ERROR LED and a READY LED. The combined values of these LEDs are as follows - ERRORLed READYLed VALUE OPERATIONAL DEFINITION OFF OFF (0 0) Invalid state ON OFF (1 0) Just after power up. This state remains until card is ready to service io. ON ON (1 1) Statue during software initialization OFF ON (0 1) The normal operational state of the card.')
vStationCardReadyLED = MibTableColumn((1, 3, 6, 1, 4, 1, 2338, 7, 2, 1, 1, 6), Integer32().subtype(subtypeSpec=ValueRangeConstraint(0, 1))).setMaxAccess("readonly")
if mibBuilder.loadTexts: vStationCardReadyLED.setStatus('mandatory')
if mibBuilder.loadTexts: vStationCardReadyLED.setDescription('All Vertical cards have a READY LED and an ERROR LED. The combined values of these LEDs are as follows - ERRORLed READYLed OPERATIONAL DEFINITION OFF OFF invalid state ON OFF Just after power up. This state remains until card is ready to service io. ON ON Statue during software initialization OFF ON The normal operational state of the card.')
vStationDeviceTable = MibTable((1, 3, 6, 1, 4, 1, 2338, 7, 2, 2), )
if mibBuilder.loadTexts: vStationDeviceTable.setStatus('current')
if mibBuilder.loadTexts: vStationDeviceTable.setDescription('Table of status, control and configuraion about station devices within the system. There are as many entries as there are station devices.')
vStationDeviceEntry = MibTableRow((1, 3, 6, 1, 4, 1, 2338, 7, 2, 2, 1), ).setIndexNames((0, "VERTICAL-STATION-MIB", "vStationDeviceSlotNumber"))
if mibBuilder.loadTexts: vStationDeviceEntry.setStatus('mandatory')
if mibBuilder.loadTexts: vStationDeviceEntry.setDescription('An entry in the Vertical Station device Configuration table.')
vStationDeviceSlotNumber = MibTableColumn((1, 3, 6, 1, 4, 1, 2338, 7, 2, 2, 1, 1), Integer32().subtype(subtypeSpec=ValueRangeConstraint(0, 255))).setMaxAccess("readonly")
if mibBuilder.loadTexts: vStationDeviceSlotNumber.setStatus('mandatory')
if mibBuilder.loadTexts: vStationDeviceSlotNumber.setDescription('Physical slot number inside the system in which the card containing this device is installed')
vStationDeviceDeviceNumber = MibTableColumn((1, 3, 6, 1, 4, 1, 2338, 7, 2, 2, 1, 2), Integer32().subtype(subtypeSpec=ValueRangeConstraint(0, 255))).setMaxAccess("readonly")
if mibBuilder.loadTexts: vStationDeviceDeviceNumber.setStatus('mandatory')
if mibBuilder.loadTexts: vStationDeviceDeviceNumber.setDescription('The logical device number for this station device in its card.')
vStationDeviceIfIndex = MibTableColumn((1, 3, 6, 1, 4, 1, 2338, 7, 2, 2, 1, 3), Integer32().subtype(subtypeSpec=ValueRangeConstraint(1, 2147483647))).setMaxAccess("readonly")
if mibBuilder.loadTexts: vStationDeviceIfIndex.setStatus('mandatory')
if mibBuilder.loadTexts: vStationDeviceIfIndex.setDescription('The interface Index for this device. The value for this object correlates to the IfIndex found in MIB-II.')
vStationDeviceBaseIOAddress = MibTableColumn((1, 3, 6, 1, 4, 1, 2338, 7, 2, 2, 1, 4), Integer32().subtype(subtypeSpec=ValueRangeConstraint(0, 2147483647))).setMaxAccess("readonly")
if mibBuilder.loadTexts: vStationDeviceBaseIOAddress.setStatus('mandatory')
if mibBuilder.loadTexts: vStationDeviceBaseIOAddress.setDescription('The ISA bus base address for this Card.')
vStationDeviceEnabled = MibTableColumn((1, 3, 6, 1, 4, 1, 2338, 7, 2, 2, 1, 5), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(0, 1))).clone(namedValues=NamedValues(("disabled", 0), ("enabled", 1)))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: vStationDeviceEnabled.setStatus('mandatory')
if mibBuilder.loadTexts: vStationDeviceEnabled.setDescription('Setting this variable to Disabled will disable this particular station device. ')
vStationDeviceInterrupt = MibTableColumn((1, 3, 6, 1, 4, 1, 2338, 7, 2, 2, 1, 6), Integer32().subtype(subtypeSpec=ValueRangeConstraint(1, 2147483647))).setMaxAccess("readonly")
if mibBuilder.loadTexts: vStationDeviceInterrupt.setStatus('mandatory')
if mibBuilder.loadTexts: vStationDeviceInterrupt.setDescription('Interrupt Request level for this card. ')
vStationDeviceNumChannels = MibTableColumn((1, 3, 6, 1, 4, 1, 2338, 7, 2, 2, 1, 7), Integer32().subtype(subtypeSpec=ValueRangeConstraint(1, 2147483647))).setMaxAccess("readonly")
if mibBuilder.loadTexts: vStationDeviceNumChannels.setStatus('mandatory')
if mibBuilder.loadTexts: vStationDeviceNumChannels.setDescription('The ISA bus address for this Card.')
vStationDeviceMVIPStartingChannel = MibTableColumn((1, 3, 6, 1, 4, 1, 2338, 7, 2, 2, 1, 8), Integer32().subtype(subtypeSpec=ValueRangeConstraint(0, 255))).setMaxAccess("readonly")
if mibBuilder.loadTexts: vStationDeviceMVIPStartingChannel.setStatus('mandatory')
if mibBuilder.loadTexts: vStationDeviceMVIPStartingChannel.setDescription('Vertical card revision level.')
vStationDeviceMVIPStream = MibTableColumn((1, 3, 6, 1, 4, 1, 2338, 7, 2, 2, 1, 9), Integer32().subtype(subtypeSpec=ValueRangeConstraint(0, 255))).setMaxAccess("readonly")
if mibBuilder.loadTexts: vStationDeviceMVIPStream.setStatus('mandatory')
if mibBuilder.loadTexts: vStationDeviceMVIPStream.setDescription('Vertical card identification number.')
vStationDeviceType = MibTableColumn((1, 3, 6, 1, 4, 1, 2338, 7, 2, 2, 1, 10), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(0, 8))).clone(namedValues=NamedValues(("dev-undef", 0), ("dev-station", 8)))).setMaxAccess("readonly")
if mibBuilder.loadTexts: vStationDeviceType.setStatus('mandatory')
if mibBuilder.loadTexts: vStationDeviceType.setDescription('Specifies the Type of this device Valid values are : dev-undef, // 0 : undefined dev-station, // 8 : Station channels')
vStationDeviceChangePending = MibTableColumn((1, 3, 6, 1, 4, 1, 2338, 7, 2, 2, 1, 11), Integer32().subtype(subtypeSpec=ValueRangeConstraint(1, 2147483647))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: vStationDeviceChangePending.setStatus('mandatory')
if mibBuilder.loadTexts: vStationDeviceChangePending.setDescription('Interrupt Request level for this card/trunk. ')
vStationChannelTable = MibTable((1, 3, 6, 1, 4, 1, 2338, 7, 2, 3), )
if mibBuilder.loadTexts: vStationChannelTable.setStatus('current')
if mibBuilder.loadTexts: vStationChannelTable.setDescription('Table of status, control and configuraion about station device channels within the system. There is an entry for each channel of each station device.')
vStationChannelEntry = MibTableRow((1, 3, 6, 1, 4, 1, 2338, 7, 2, 3, 1), ).setIndexNames((0, "VERTICAL-STATION-MIB", "vStationChannelSlotNumber"), (0, "VERTICAL-STATION-MIB", "vStationChannelIndex"))
if mibBuilder.loadTexts: vStationChannelEntry.setStatus('mandatory')
if mibBuilder.loadTexts: vStationChannelEntry.setDescription('An entry in the Vertical Station device Configuration table.')
vStationChannelIndex = MibTableColumn((1, 3, 6, 1, 4, 1, 2338, 7, 2, 3, 1, 1), Integer32().subtype(subtypeSpec=ValueRangeConstraint(1, 24))).setMaxAccess("readonly")
if mibBuilder.loadTexts: vStationChannelIndex.setStatus('mandatory')
if mibBuilder.loadTexts: vStationChannelIndex.setDescription('This is the logical channel number of the channel within its station device. For 12 channel station devices, it is between 1 and 12 and for 24 channel stations, it is between 1 and 24.')
vStationChannelSlotNumber = MibTableColumn((1, 3, 6, 1, 4, 1, 2338, 7, 2, 3, 1, 2), Integer32().subtype(subtypeSpec=ValueRangeConstraint(0, 255))).setMaxAccess("readonly")
if mibBuilder.loadTexts: vStationChannelSlotNumber.setStatus('mandatory')
if mibBuilder.loadTexts: vStationChannelSlotNumber.setDescription('The value for this object is the logical number of the slot in which the card containing this channel is located (vStationDeviceSlotNumber).')
vStationChannelDeviceNumber = MibTableColumn((1, 3, 6, 1, 4, 1, 2338, 7, 2, 3, 1, 3), Integer32().subtype(subtypeSpec=ValueRangeConstraint(0, 255))).setMaxAccess("readonly")
if mibBuilder.loadTexts: vStationChannelDeviceNumber.setStatus('mandatory')
if mibBuilder.loadTexts: vStationChannelDeviceNumber.setDescription('The value for this object is the logical device number of the device containing this channel within its slot, ie vStationDeviceDeviceNumber ')
vStationChannelChannelType = MibTableColumn((1, 3, 6, 1, 4, 1, 2338, 7, 2, 3, 1, 4), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1))).clone(namedValues=NamedValues(("loopStart", 1)))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: vStationChannelChannelType.setStatus('mandatory')
if mibBuilder.loadTexts: vStationChannelChannelType.setDescription('The Channel Type. Valid values are 1 -> Loop Start')
vStationChannelMWIType = MibTableColumn((1, 3, 6, 1, 4, 1, 2338, 7, 2, 3, 1, 5), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2))).clone(namedValues=NamedValues(("stutter", 1), ("lamp", 2)))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: vStationChannelMWIType.setStatus('mandatory')
if mibBuilder.loadTexts: vStationChannelMWIType.setDescription('Defines the type of Message Waiting Indication. The valid values are : 1 -> stutter, 2 -> lamp.')
vStationChannelOperationMode = MibTableColumn((1, 3, 6, 1, 4, 1, 2338, 7, 2, 3, 1, 6), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2, 3))).clone(namedValues=NamedValues(("station", 1), ("voiceMail", 2), ("pBX", 3)))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: vStationChannelOperationMode.setStatus('mandatory')
if mibBuilder.loadTexts: vStationChannelOperationMode.setDescription('Defines the operation mode of the channel. Valid values are : 1 -> station, 2 -> voiceMail, 3 -> PBX.')
vStationChannelState = MibTableColumn((1, 3, 6, 1, 4, 1, 2338, 7, 2, 3, 1, 7), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(0, 1, 2))).clone(namedValues=NamedValues(("disabled", 0), ("enabled", 1), ("notConfigured", 2)))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: vStationChannelState.setStatus('mandatory')
if mibBuilder.loadTexts: vStationChannelState.setDescription('Indicates the operational status of this channel. Valid values are: 0 -> disabled, 1 -> enabled, 2 -> not configured ')
vStationChannelType = MibTableColumn((1, 3, 6, 1, 4, 1, 2338, 7, 2, 3, 1, 8), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2, 3))).clone(namedValues=NamedValues(("basic", 1), ("callerID", 2), ("callerID-callWaiting", 3)))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: vStationChannelType.setStatus('mandatory')
if mibBuilder.loadTexts: vStationChannelType.setDescription('The phone type for this particular channel. Valid values are: 1 -> basic, 2 -> callerID, 3 -> callerID-callWaiting (caller ID with call waiting). ')
vStationChannelCallState = MibTableColumn((1, 3, 6, 1, 4, 1, 2338, 7, 2, 3, 1, 9), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22))).clone(namedValues=NamedValues(("call-state-VOID", 0), ("call-state-IDLE", 1), ("call-state-DIALING", 2), ("call-state-COLLECT-FIRST-DIGIT", 3), ("call-state-COLLECT-DIGITS", 4), ("call-state-CALL-OFFERED", 5), ("call-state-PROCEEDING", 6), ("call-state-RINGING", 7), ("call-state-ALERTING", 8), ("call-state-CONNECTED", 9), ("call-state-DISCONNECTING", 10), ("call-state-FAILED", 11), ("call-state-UNAVAILABLE", 12), ("call-state-OFFHOOK", 13), ("call-state-INITIALIZE", 14), ("call-state-INITIALIZING", 15), ("call-state-DIAL-REQUEST", 16), ("call-state-HELD", 17), ("call-state-FEATURE-INVOKED", 18), ("call-state-OFFHOOK-IDLE", 19), ("call-state-OFFHOOK-ACTIVE", 20), ("call-state-OUT-OF-SERVICE", 21), ("call-state-OUTPULSING", 22)))).setMaxAccess("readonly")
if mibBuilder.loadTexts: vStationChannelCallState.setStatus('mandatory')
if mibBuilder.loadTexts: vStationChannelCallState.setDescription('Indicates the phone call state of this channel. Valid values are: call-state-VOID (0), -> invalid state call-state-IDLE (1), -> the line is in idle state call-state-DIALING (2), -> the line is originating a call call-state-COLLECT-FIRST-DIGIT (3), -> waiting to collect the first digit call-state-COLLECT-DIGITS (4), -> collecting additional digits call-state-CALL-OFFERED (5), -> the station call request has been offered to the PBX control call-state-PROCEEDING (6), -> the call is in progress call-state-RINGING (7), -> the call has seized a destination line call-state-ALERTING (8), -> the destination has been seized call-state-CONNECTED (9), -> the destination has answered the call call-state-DISCONNECTING (10), -> the call is in the process of terminating call-state-FAILED (11), -> the call attempt failed, wait for hangup call-state-UNAVAILABLE (12), -> destination is not available to receive call call-state-OFFHOOK (13), -> the call has been completed but the phone is offhook call-state-INITIALIZE (14), -> initialize the call object (binds with Conn Mgr) call-state-INITIALIZING (15), -> waiting for the response from Conn Mgr (Inservice Ack) call-state-DIAL-REQUEST (16), -> call object sent up OffhookInd and waiting for ACK call-state-HELD (17), -> the call has been put on hold call-state-FEATURE-INVOKED (18), -> indications that a feature has been invoked and waiting response call-state-OFFHOOK-IDLE (19), -> indicates that the phone is set to offhook and is IDLE call-state-OFFHOOK-ACTIVE (20), -> indicates that the phone is set to offhook and is ACTIVE call-state-OUT-OF-SERVICE (21), -> indicates that the phone is out of service call-state-OUTPULSING (22), -> digits are being sent to the external key or voice mail system')
vStationChannelCalledPartyNumber = MibTableColumn((1, 3, 6, 1, 4, 1, 2338, 7, 2, 3, 1, 10), DisplayString().subtype(subtypeSpec=ValueSizeConstraint(0, 32))).setMaxAccess("readonly")
if mibBuilder.loadTexts: vStationChannelCalledPartyNumber.setStatus('mandatory')
if mibBuilder.loadTexts: vStationChannelCalledPartyNumber.setDescription('Indicates the called party number, either an internal extension or external number.')
vStationChannelCallingPartyNumber = MibTableColumn((1, 3, 6, 1, 4, 1, 2338, 7, 2, 3, 1, 11), DisplayString().subtype(subtypeSpec=ValueSizeConstraint(0, 32))).setMaxAccess("readonly")
if mibBuilder.loadTexts: vStationChannelCallingPartyNumber.setStatus('mandatory')
if mibBuilder.loadTexts: vStationChannelCallingPartyNumber.setDescription('Indicates the calling party number, either an internal extension or external number.')
vStationChannelChangePending = MibTableColumn((1, 3, 6, 1, 4, 1, 2338, 7, 2, 3, 1, 12), Integer32().subtype(subtypeSpec=ValueRangeConstraint(0, 1))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: vStationChannelChangePending.setStatus('mandatory')
if mibBuilder.loadTexts: vStationChannelChangePending.setDescription('Indicates that a change to the channel values have been made to the registry. The intepretation of the values are : 1 => change made to the registry, but not incorporated in the device yet 0 => the device changes the value to 0 from 1, after it incorporates the value from registry.')
vStationDigitTableGroup = MibIdentifier((1, 3, 6, 1, 4, 1, 2338, 7, 3))
vStationFirstDigitTable = MibTable((1, 3, 6, 1, 4, 1, 2338, 7, 3, 1), )
if mibBuilder.loadTexts: vStationFirstDigitTable.setStatus('current')
if mibBuilder.loadTexts: vStationFirstDigitTable.setDescription('Table of settings for each digits (0-9) which may be dialled as the first digit. There are 10 entries, one for each digit, in this table.')
vStationFirstDigitEntry = MibTableRow((1, 3, 6, 1, 4, 1, 2338, 7, 3, 1, 1), ).setIndexNames((0, "VERTICAL-STATION-MIB", "vStationDigitIndex"))
if mibBuilder.loadTexts: vStationFirstDigitEntry.setStatus('mandatory')
if mibBuilder.loadTexts: vStationFirstDigitEntry.setDescription('An entry in the Vertical Station First Digit Table.')
vStationDigitIndex = MibTableColumn((1, 3, 6, 1, 4, 1, 2338, 7, 3, 1, 1, 1), Integer32().subtype(subtypeSpec=ValueRangeConstraint(1, 10))).setMaxAccess("readonly")
if mibBuilder.loadTexts: vStationDigitIndex.setStatus('mandatory')
if mibBuilder.loadTexts: vStationDigitIndex.setDescription('This is the index to an entry in the first digit table')
vStationDigitString = MibTableColumn((1, 3, 6, 1, 4, 1, 2338, 7, 3, 1, 1, 2), DisplayString().subtype(subtypeSpec=ValueSizeConstraint(0, 1))).setMaxAccess("readonly")
if mibBuilder.loadTexts: vStationDigitString.setStatus('mandatory')
if mibBuilder.loadTexts: vStationDigitString.setDescription("The first digit string . Valid values : '0' to '9'")
vStationDigitCallType = MibTableColumn((1, 3, 6, 1, 4, 1, 2338, 7, 3, 1, 1, 3), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(0, 1, 2, 3, 4, 5, 6, 7, 8, 9))).clone(namedValues=NamedValues(("fc-VOID", 0), ("fc-HOLD-CALL", 1), ("fc-PARK-CALL", 2), ("fc-STATION-CALL", 3), ("fc-LONG-DISTANCE-CALL", 4), ("fc-INTERNATIONAL-CALL", 5), ("fc-LOCAL-CALL", 6), ("fc-OPERATOR-CALL", 7), ("fc-RECEPTIONIST-CALL", 8), ("fc-CAMP-ON-CALL", 9)))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: vStationDigitCallType.setStatus('mandatory')
if mibBuilder.loadTexts: vStationDigitCallType.setDescription('Type of call generated by this digit. Valid values are : fc-VOID (0), // undefined feature code fc-HOLD-CALL (1), fc-PARK-CALL (2), fc-STATION-CALL (3), fc-LONG-DISTANCE-CALL (4), fc-INTERNATIONAL-CALL (5), fc-LOCAL-CALL (6), fc-OPERATOR-CALL (7), fc-RECEPTIONIST-CALL (8), fc-CAMP-ON-CALL (9)')
vStationDigitMoreDigits = MibTableColumn((1, 3, 6, 1, 4, 1, 2338, 7, 3, 1, 1, 4), Integer32().subtype(subtypeSpec=ValueRangeConstraint(0, 32))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: vStationDigitMoreDigits.setStatus('mandatory')
if mibBuilder.loadTexts: vStationDigitMoreDigits.setDescription('The number of additional digits to collect after the matched digits.')
vStationDigitTimeout2 = MibScalar((1, 3, 6, 1, 4, 1, 2338, 7, 3, 1, 1, 5), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(0, 1))).clone(namedValues=NamedValues(("dontTerminate", 0), ("terminate", 1)))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: vStationDigitTimeout2.setStatus('mandatory')
if mibBuilder.loadTexts: vStationDigitTimeout2.setDescription('Indicates whether the dialling should terminate on a timeout. valid values are : dontTerminate -> 0 terminate -> 1')
vStationDigitStripDigits = MibTableColumn((1, 3, 6, 1, 4, 1, 2338, 7, 3, 1, 1, 6), Integer32().subtype(subtypeSpec=ValueRangeConstraint(0, 32))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: vStationDigitStripDigits.setStatus('mandatory')
if mibBuilder.loadTexts: vStationDigitStripDigits.setDescription('Indicates the number of leading digits to strip from the digitss collected before they are reported up to the connection manager.')
vStationExtVoiceMailGroup = MibIdentifier((1, 3, 6, 1, 4, 1, 2338, 7, 4))
vStationATTSystem25Group = MibIdentifier((1, 3, 6, 1, 4, 1, 2338, 7, 4, 1))
vStationMWILampON = MibScalar((1, 3, 6, 1, 4, 1, 2338, 7, 4, 1, 1), DisplayString().subtype(subtypeSpec=ValueSizeConstraint(0, 10))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: vStationMWILampON.setStatus('mandatory')
if mibBuilder.loadTexts: vStationMWILampON.setDescription("Command expected from the external voice mail system to turn on a station's lamp.")
vStationMWILampOFF = MibScalar((1, 3, 6, 1, 4, 1, 2338, 7, 4, 1, 2), DisplayString().subtype(subtypeSpec=ValueSizeConstraint(0, 10))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: vStationMWILampOFF.setStatus('mandatory')
if mibBuilder.loadTexts: vStationMWILampOFF.setDescription("Command expected from the external voice mail system to turn off a station's lamp.")
vStationVMCallHandleTable = MibTable((1, 3, 6, 1, 4, 1, 2338, 7, 4, 1, 3), )
if mibBuilder.loadTexts: vStationVMCallHandleTable.setStatus('current')
if mibBuilder.loadTexts: vStationVMCallHandleTable.setDescription('Table of settings and commands for accessing the voice mail port for different types of access, i.e. external caller coming directly to voice mail port, external caller being forwarded to a voice mail port, etc.')
vStationVMCallHandleEntry = MibTableRow((1, 3, 6, 1, 4, 1, 2338, 7, 4, 1, 3, 1), ).setIndexNames((0, "VERTICAL-STATION-MIB", "vStationVMCallHandleIndex"))
if mibBuilder.loadTexts: vStationVMCallHandleEntry.setStatus('mandatory')
if mibBuilder.loadTexts: vStationVMCallHandleEntry.setDescription('An entry in the Vertical Station Voice Mail call handle table.')
vStationVMCallHandleIndex = MibTableColumn((1, 3, 6, 1, 4, 1, 2338, 7, 4, 1, 3, 1, 1), Integer32().subtype(subtypeSpec=ValueRangeConstraint(1, 10))).setMaxAccess("readonly")
if mibBuilder.loadTexts: vStationVMCallHandleIndex.setStatus('mandatory')
if mibBuilder.loadTexts: vStationVMCallHandleIndex.setDescription('This is the index to an entry in the Voice Mail call handle table.')
vStationVMCallHandleType = MibTableColumn((1, 3, 6, 1, 4, 1, 2338, 7, 4, 1, 3, 1, 2), Integer32().subtype(subtypeSpec=ConstraintsUnion(SingleValueConstraint(1, 2, 3, 4))).clone(namedValues=NamedValues(("directExternal", 1), ("forwardExternal", 2), ("directInternal", 3), ("forwardInternal", 4)))).setMaxAccess("readonly")
if mibBuilder.loadTexts: vStationVMCallHandleType.setStatus('mandatory')
if mibBuilder.loadTexts: vStationVMCallHandleType.setDescription('Indicates the type of access to voice mail port made. valid values are : directExternal (1) -> An external caller coming directly into the voice mail port. forwardExternal (2) -> An external caller caling an extension, but was then forwarded to the voice mail port. directInternal (3) -> An internal caller coming directly into the voice mail port. forwardInternal (4) -> An internal caller caling an extension, but was then forwarded to the voice mail port.')
vStationVMCallHandleOpcode = MibTableColumn((1, 3, 6, 1, 4, 1, 2338, 7, 4, 1, 3, 1, 3), OctetString().subtype(subtypeSpec=ValueSizeConstraint(0, 32))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: vStationVMCallHandleOpcode.setStatus('mandatory')
if mibBuilder.loadTexts: vStationVMCallHandleOpcode.setDescription('The opcode string for this operation.')
vStationVMCallHandleSRCNumber = MibTableColumn((1, 3, 6, 1, 4, 1, 2338, 7, 4, 1, 3, 1, 4), OctetString().subtype(subtypeSpec=ValueSizeConstraint(0, 32))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: vStationVMCallHandleSRCNumber.setStatus('mandatory')
if mibBuilder.loadTexts: vStationVMCallHandleSRCNumber.setDescription("The source number format string. It contains a C type '%s' where the source number would be filled in")
vStationVMCallHandleDSTNumber = MibTableColumn((1, 3, 6, 1, 4, 1, 2338, 7, 4, 1, 3, 1, 5), OctetString().subtype(subtypeSpec=ValueSizeConstraint(0, 32))).setMaxAccess("readwrite")
if mibBuilder.loadTexts: vStationVMCallHandleDSTNumber.setStatus('mandatory')
if mibBuilder.loadTexts: vStationVMCallHandleDSTNumber.setDescription("The destination number format string. It contains a C type '%s' where the destination number would be filled in")
vStationCannotPlayTone = NotificationType((1, 3, 6, 1, 4, 1, 2338) + (0,12)).setObjects(("VERTICAL-STATION-MIB", "vStationChannelSlotNumber"), ("VERTICAL-STATION-MIB", "vStationChannelDeviceNumber"), ("VERTICAL-STATION-MIB", "vStationChannelIndex"))
if mibBuilder.loadTexts: vStationCannotPlayTone.setDescription(' This notification is sent when the specific channel cannot play tone. ')
vStationCannotCancelTone = NotificationType((1, 3, 6, 1, 4, 1, 2338) + (0,13)).setObjects(("VERTICAL-STATION-MIB", "vStationChannelSlotNumber"), ("VERTICAL-STATION-MIB", "vStationChannelDeviceNumber"), ("VERTICAL-STATION-MIB", "vStationChannelIndex"))
if mibBuilder.loadTexts: vStationCannotCancelTone.setDescription(' This notification is sent when the specific channel cannot cancel tone. ')
vStationCannotAttachDigitCollector = NotificationType((1, 3, 6, 1, 4, 1, 2338) + (0,14)).setObjects(("VERTICAL-STATION-MIB", "vStationChannelSlotNumber"), ("VERTICAL-STATION-MIB", "vStationChannelDeviceNumber"), ("VERTICAL-STATION-MIB", "vStationChannelIndex"))
if mibBuilder.loadTexts: vStationCannotAttachDigitCollector.setDescription(' This notification is sent when the specific channel cannot attach digits collected ')
vStationCannotReleaseDigitCollector = NotificationType((1, 3, 6, 1, 4, 1, 2338) + (0,15)).setObjects(("VERTICAL-STATION-MIB", "vStationChannelSlotNumber"), ("VERTICAL-STATION-MIB", "vStationChannelDeviceNumber"), ("VERTICAL-STATION-MIB", "vStationChannelIndex"))
if mibBuilder.loadTexts: vStationCannotReleaseDigitCollector.setDescription(' This notification is sent when the specific channel cannot release digits collected ')
vStationRECONFIG_COMPLETE = NotificationType((1, 3, 6, 1, 4, 1, 2338) + (0,16)).setLabel("vStationRECONFIG-COMPLETE").setObjects(("VERTICAL-STATION-MIB", "vStationChannelSlotNumber"), ("VERTICAL-STATION-MIB", "vStationChannelDeviceNumber"))
if mibBuilder.loadTexts: vStationRECONFIG_COMPLETE.setDescription(' This notification is sent when the specific station device successfully reads and incorporates the values from the registry.')
vStationRECONFIG_ERROR = NotificationType((1, 3, 6, 1, 4, 1, 2338) + (0,17)).setLabel("vStationRECONFIG-ERROR").setObjects(("VERTICAL-STATION-MIB", "vStationChannelSlotNumber"), ("VERTICAL-STATION-MIB", "vStationChannelDeviceNumber"))
if mibBuilder.loadTexts: vStationRECONFIG_ERROR.setDescription(' This notification is sent when the specific station device fails to incorporate the values read from the registry. ')
mibBuilder.exportSymbols("VERTICAL-STATION-MIB", vStationCardReadyLED=vStationCardReadyLED, vStationATTSystem25Group=vStationATTSystem25Group, vStationOffHookTimeout=vStationOffHookTimeout, vStationCannotReleaseDigitCollector=vStationCannotReleaseDigitCollector, vStationCardState=vStationCardState, vStationDeviceDeviceNumber=vStationDeviceDeviceNumber, vStationChannelOperationMode=vStationChannelOperationMode, vStationCannotAttachDigitCollector=vStationCannotAttachDigitCollector, vertical=vertical, vStationNumStationCards=vStationNumStationCards, vStationChannelCalledPartyNumber=vStationChannelCalledPartyNumber, vStationDeviceSlotNumber=vStationDeviceSlotNumber, vStationChannelChangePending=vStationChannelChangePending, vStationChannelIndex=vStationChannelIndex, vStationDigitTimeout2=vStationDigitTimeout2, vStationChannelEntry=vStationChannelEntry, vStationCommonGroup=vStationCommonGroup, vStationChannelSlotNumber=vStationChannelSlotNumber, vStationChannelTable=vStationChannelTable, vStationVMCallHandleOpcode=vStationVMCallHandleOpcode, vStationChannelMWIType=vStationChannelMWIType, vStationDeviceIfIndex=vStationDeviceIfIndex, vStationRECONFIG_ERROR=vStationRECONFIG_ERROR, vStationCannotPlayTone=vStationCannotPlayTone, vStationRECONFIG_COMPLETE=vStationRECONFIG_COMPLETE, vStationDeviceInterrupt=vStationDeviceInterrupt, vStationExternalDialDigit=vStationExternalDialDigit, vStationVMCallHandleDSTNumber=vStationVMCallHandleDSTNumber, vStationDeviceMVIPStartingChannel=vStationDeviceMVIPStartingChannel, vStationChannelCallingPartyNumber=vStationChannelCallingPartyNumber, vStationVMCallHandleEntry=vStationVMCallHandleEntry, vStationDigitTableGroup=vStationDigitTableGroup, vStationChannelChannelType=vStationChannelChannelType, vStationDigitString=vStationDigitString, vStationDigitCallType=vStationDigitCallType, vStationVMCallHandleType=vStationVMCallHandleType, vStationDeviceEnabled=vStationDeviceEnabled, vStationChannelDeviceNumber=vStationChannelDeviceNumber, vStationVMCallHandleTable=vStationVMCallHandleTable, vStationDigitMoreDigits=vStationDigitMoreDigits, vStationDigitStripDigits=vStationDigitStripDigits, vStationCardTable=vStationCardTable, vStationCardEntry=vStationCardEntry, vStationCardErrorLED=vStationCardErrorLED, vStationChannelState=vStationChannelState, vStationChannelCallState=vStationChannelCallState, vStationFirstDigitTable=vStationFirstDigitTable, vStationDigitIndex=vStationDigitIndex, vStationVMCallHandleIndex=vStationVMCallHandleIndex, vStationDeviceMVIPStream=vStationDeviceMVIPStream, vStationMWILampOFF=vStationMWILampOFF, vStationCannotCancelTone=vStationCannotCancelTone, vStationExtVoiceMailGroup=vStationExtVoiceMailGroup, vStationFirstDigitTimeout=vStationFirstDigitTimeout, vStationMWILampON=vStationMWILampON, vStationDigitTimeout=vStationDigitTimeout, vStationChannelType=vStationChannelType, vStationModule=vStationModule, vStationDeviceEntry=vStationDeviceEntry, vStationDeviceType=vStationDeviceType, vStationDeviceChangePending=vStationDeviceChangePending, vStationCardSlotNumber=vStationCardSlotNumber, vStationDeviceBaseIOAddress=vStationDeviceBaseIOAddress, vStationCardGroup=vStationCardGroup, vStationFirstDigitEntry=vStationFirstDigitEntry, vStationDeviceNumChannels=vStationDeviceNumChannels, vStationVMCallHandleSRCNumber=vStationVMCallHandleSRCNumber, vStationCardType=vStationCardType, vStationDeviceTable=vStationDeviceTable, vStationCardIOPortAddress=vStationCardIOPortAddress)
| [
2,
198,
2,
9485,
15571,
7378,
337,
9865,
8265,
569,
17395,
20151,
12,
2257,
6234,
12,
8895,
33,
357,
4023,
1378,
16184,
76,
489,
8937,
13,
785,
14,
79,
893,
11632,
8,
198,
2,
7054,
45,
13,
16,
2723,
2393,
1378,
14,
14490,
14,
67,
615,
47562,
19,
14,
13603,
14,
76,
571,
82,
13,
16184,
76,
489,
8937,
13,
785,
14,
292,
77,
16,
14,
15858,
20151,
12,
2257,
6234,
12,
8895,
33,
198,
2,
21522,
771,
416,
279,
893,
11632,
12,
15,
13,
18,
13,
19,
379,
3300,
1737,
220,
352,
1315,
25,
2682,
25,
1157,
13130,
198,
2,
1550,
2583,
42274,
54,
15567,
19,
12,
44,
12,
1415,
2425,
3859,
21450,
2196,
1248,
13,
20,
13,
15,
416,
2836,
288,
615,
47562,
19,
198,
2,
8554,
11361,
2196,
513,
13,
22,
13,
18,
357,
12286,
11,
1526,
2681,
13130,
11,
7769,
25,
1954,
25,
1314,
8,
220,
198,
2,
198,
46541,
11,
2556,
316,
10100,
11,
9515,
33234,
7483,
796,
285,
571,
32875,
13,
11748,
13940,
2022,
10220,
7203,
1921,
45,
16,
1600,
366,
46541,
1600,
366,
12349,
316,
10100,
1600,
366,
10267,
33234,
7483,
4943,
198,
45,
2434,
40161,
11,
796,
285,
571,
32875,
13,
11748,
13940,
2022,
10220,
7203,
1921,
45,
16,
12,
1677,
5883,
1137,
6234,
1600,
366,
45,
2434,
40161,
4943,
198,
3103,
2536,
6003,
38176,
11,
11052,
10699,
3103,
2536,
2913,
11,
1482,
2536,
6003,
9492,
5458,
11,
14206,
11395,
3103,
2536,
2913,
11,
11052,
17257,
3103,
2536,
2913,
796,
285,
571,
32875,
13,
11748,
13940,
2022,
10220,
7203,
1921,
45,
16,
12,
2200,
20032,
12529,
1600,
366,
3103,
2536,
6003,
38176,
1600,
366,
11395,
10699,
3103,
2536,
2913,
1600,
366,
3103,
2536,
6003,
9492,
5458,
1600,
366,
28008,
11395,
3103,
2536,
2913,
1600,
366,
11395,
17257,
3103,
2536,
2913,
4943,
198,
26796,
38143,
3610,
11,
42808,
13247,
796,
285,
571,
32875,
13,
11748,
13940,
2022,
10220,
7203,
15571,
7378,
85,
17,
12,
10943,
37,
1600,
366,
26796,
38143,
3610,
1600,
366,
3673,
2649,
13247,
4943,
198,
44,
571,
3351,
282,
283,
11,
337,
571,
10962,
11,
337,
571,
10962,
25166,
11,
337,
571,
10962,
39470,
11,
3862,
51,
3378,
11,
15034,
2624,
11,
19937,
7390,
26858,
11,
9515,
7390,
26858,
11,
35094,
469,
2624,
11,
15034,
2414,
11,
44733,
11,
34142,
2624,
11,
337,
571,
33234,
7483,
11,
23941,
11,
791,
32696,
2624,
11,
47279,
11,
314,
79,
20231,
11,
42808,
6030,
11,
42808,
6030,
796,
285,
571,
32875,
13,
11748,
13940,
2022,
10220,
7203,
15571,
7378,
85,
17,
12,
50,
8895,
1600,
366,
44,
571,
3351,
282,
283,
1600,
366,
44,
571,
10962,
1600,
366,
44,
571,
10962,
25166,
1600,
366,
44,
571,
10962,
39470,
1600,
366,
7575,
51,
3378,
1600,
366,
31694,
2624,
1600,
366,
26796,
7390,
26858,
1600,
366,
10267,
7390,
26858,
1600,
366,
38,
559,
469,
2624,
1600,
366,
31694,
2414,
1600,
366,
33,
896,
1600,
366,
46541,
2624,
1600,
366,
44,
571,
33234,
7483,
1600,
366,
9255,
18166,
1600,
366,
3118,
32696,
2624,
1600,
366,
26786,
1600,
366,
40,
79,
20231,
1600,
366,
3673,
2649,
6030,
1600,
366,
3673,
2649,
6030,
4943,
198,
8206,
723,
3103,
4018,
11,
16531,
10100,
796,
285,
571,
32875,
13,
11748,
13940,
2022,
10220,
7203,
15571,
7378,
85,
17,
12,
4825,
1600,
366,
8206,
723,
3103,
4018,
1600,
366,
23114,
10100,
4943,
198,
1851,
605,
796,
337,
571,
33234,
7483,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
4008,
198,
85,
12367,
26796,
796,
337,
571,
33234,
7483,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
4008,
198,
85,
12367,
17227,
13247,
796,
337,
571,
33234,
7483,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
352,
4008,
198,
85,
12367,
5962,
19511,
270,
48031,
796,
337,
571,
3351,
282,
283,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
352,
11,
352,
828,
34142,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
13564,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
5962,
19511,
270,
48031,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
5962,
19511,
270,
48031,
13,
2617,
11828,
10786,
22882,
6945,
262,
5415,
1271,
286,
4201,
284,
4043,
329,
262,
717,
16839,
2637,
8,
198,
85,
12367,
19511,
270,
48031,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
352,
11,
362,
828,
34142,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
13564,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
19511,
270,
48031,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
19511,
270,
48031,
13,
2617,
11828,
10786,
22882,
6945,
262,
5415,
1271,
286,
4201,
284,
4043,
1022,
19561,
2637,
8,
198,
85,
12367,
9362,
39,
566,
48031,
796,
337,
571,
3351,
282,
283,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
352,
11,
513,
828,
34142,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
13564,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
9362,
39,
566,
48031,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
9362,
39,
566,
48031,
13,
2617,
11828,
10786,
22882,
6945,
262,
5415,
1271,
286,
4201,
284,
4043,
329,
262,
2836,
284,
8181,
510,
3072,
706,
869,
22837,
82,
393,
2836,
42985,
281,
12515,
4905,
13,
1374,
1754,
8216,
318,
5625,
379,
26827,
2637,
8,
198,
85,
12367,
33111,
12367,
34,
1371,
796,
337,
571,
3351,
282,
283,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
352,
11,
604,
828,
34142,
2624,
3419,
737,
2617,
11518,
15457,
7203,
961,
13564,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
33111,
12367,
34,
1371,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
33111,
12367,
34,
1371,
13,
2617,
11828,
10786,
22882,
6945,
262,
1271,
286,
4429,
4116,
6589,
287,
262,
1080,
2637,
8,
198,
85,
12367,
41506,
24400,
19511,
270,
796,
337,
571,
3351,
282,
283,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
352,
11,
642,
828,
16531,
10100,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
11395,
10699,
3103,
2536,
2913,
7,
15,
11,
352,
4008,
737,
2617,
11518,
15457,
7203,
961,
13564,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
41506,
24400,
19511,
270,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
41506,
24400,
19511,
270,
13,
2617,
11828,
10786,
33234,
6945,
262,
3599,
16839,
329,
1642,
281,
7097,
869,
2637,
8,
198,
85,
12367,
16962,
13247,
796,
337,
571,
33234,
7483,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
362,
4008,
198,
85,
12367,
16962,
10962,
796,
337,
571,
10962,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
362,
11,
352,
828,
1267,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
16962,
10962,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
16962,
10962,
13,
2617,
11828,
10786,
10962,
286,
3722,
11,
1630,
290,
4566,
5330,
295,
546,
4116,
7268,
4429,
4410,
1626,
262,
1080,
13,
1318,
389,
355,
867,
12784,
355,
612,
389,
4116,
7268,
4429,
4410,
11537,
198,
85,
12367,
16962,
30150,
796,
337,
571,
10962,
25166,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
362,
11,
352,
11,
352,
828,
6739,
2617,
15732,
36690,
19510,
15,
11,
366,
15858,
20151,
12,
2257,
6234,
12,
8895,
33,
1600,
366,
85,
12367,
16962,
38963,
15057,
48774,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
16962,
30150,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
16962,
30150,
13,
2617,
11828,
10786,
2025,
5726,
287,
262,
38937,
9327,
5172,
3084,
2637,
8,
198,
85,
12367,
16962,
38963,
15057,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
362,
11,
352,
11,
352,
11,
352,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
11395,
17257,
3103,
2536,
2913,
7,
16,
11,
1478,
4008,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
16962,
38963,
15057,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
16962,
38963,
15057,
13,
2617,
11828,
10786,
31611,
10852,
287,
262,
1080,
287,
543,
262,
2657,
318,
6589,
2637,
8,
198,
85,
12367,
16962,
6030,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
362,
11,
352,
11,
352,
11,
362,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
15,
11,
362,
11,
604,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
9517,
12,
4906,
12,
11929,
12,
10943,
16254,
4261,
1961,
1600,
657,
828,
5855,
9517,
12,
4906,
12,
1731,
12,
3398,
22846,
3698,
12,
2257,
6234,
1600,
362,
828,
5855,
9517,
12,
4906,
12,
11473,
2389,
8264,
16,
1600,
604,
22305,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
16962,
6030,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
16962,
6030,
13,
2617,
11828,
7203,
464,
38937,
338,
2657,
5994,
13,
383,
1708,
3858,
389,
5447,
25,
2657,
12,
4906,
12,
11929,
12,
10943,
16254,
4261,
1961,
796,
657,
11,
2657,
12,
4906,
12,
1731,
12,
3398,
22846,
3698,
12,
2257,
6234,
796,
362,
11,
2657,
12,
4906,
12,
11473,
2389,
8264,
16,
796,
604,
4943,
198,
85,
12367,
16962,
40,
3185,
419,
20231,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
362,
11,
352,
11,
352,
11,
513,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
11395,
17257,
3103,
2536,
2913,
7,
15,
11,
362,
20198,
2780,
26780,
22,
4008,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
16962,
40,
3185,
419,
20231,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
16962,
40,
3185,
419,
20231,
13,
2617,
11828,
10786,
464,
3180,
32,
1323,
2779,
2209,
329,
428,
5172,
2637,
8,
198,
85,
12367,
16962,
9012,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
362,
11,
352,
11,
352,
11,
604,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
15,
11,
352,
11,
14280,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
47730,
1600,
657,
828,
5855,
25616,
1600,
352,
828,
5855,
2787,
2668,
1600,
14280,
22305,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
16962,
9012,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
16962,
9012,
13,
2617,
11828,
10786,
464,
1459,
3722,
286,
262,
2657,
13,
383,
4938,
3815,
389,
657,
4613,
43201,
11,
352,
4613,
37344,
11,
657,
47596,
4613,
28252,
2637,
8,
198,
85,
12367,
16962,
12331,
30465,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
362,
11,
352,
11,
352,
11,
642,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
11395,
17257,
3103,
2536,
2913,
7,
15,
11,
352,
4008,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
16962,
12331,
30465,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
16962,
12331,
30465,
13,
2617,
11828,
10786,
3237,
38937,
4116,
423,
281,
33854,
12365,
290,
257,
20832,
56,
12365,
13,
383,
5929,
3815,
286,
777,
33697,
389,
355,
5679,
532,
33854,
42416,
20832,
56,
42416,
26173,
8924,
43521,
29912,
5550,
20032,
17941,
18562,
18562,
357,
15,
657,
8,
17665,
1181,
6177,
18562,
357,
16,
657,
8,
2329,
706,
1176,
510,
13,
770,
1181,
3793,
1566,
2657,
318,
3492,
284,
2139,
33245,
13,
6177,
6177,
357,
16,
352,
8,
43330,
1141,
3788,
37588,
18562,
6177,
357,
15,
352,
8,
383,
3487,
13919,
1181,
286,
262,
2657,
2637,
8,
198,
85,
12367,
16962,
35474,
30465,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
362,
11,
352,
11,
352,
11,
718,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
11395,
17257,
3103,
2536,
2913,
7,
15,
11,
352,
4008,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
16962,
35474,
30465,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
16962,
35474,
30465,
13,
2617,
11828,
10786,
3237,
38937,
4116,
423,
257,
20832,
56,
12365,
290,
281,
33854,
12365,
13,
383,
5929,
3815,
286,
777,
33697,
389,
355,
5679,
532,
33854,
42416,
20832,
56,
42416,
43521,
29912,
5550,
20032,
17941,
18562,
18562,
12515,
1181,
6177,
18562,
2329,
706,
1176,
510,
13,
770,
1181,
3793,
1566,
2657,
318,
3492,
284,
2139,
33245,
13,
6177,
6177,
43330,
1141,
3788,
37588,
18562,
6177,
383,
3487,
13919,
1181,
286,
262,
2657,
2637,
8,
198,
85,
12367,
24728,
10962,
796,
337,
571,
10962,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
362,
11,
362,
828,
1267,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
24728,
10962,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
24728,
10962,
13,
2617,
11828,
10786,
10962,
286,
3722,
11,
1630,
290,
4566,
5330,
295,
546,
4429,
4410,
1626,
262,
1080,
13,
1318,
389,
355,
867,
12784,
355,
612,
389,
4429,
4410,
2637,
8,
198,
85,
12367,
24728,
30150,
796,
337,
571,
10962,
25166,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
362,
11,
362,
11,
352,
828,
6739,
2617,
15732,
36690,
19510,
15,
11,
366,
15858,
20151,
12,
2257,
6234,
12,
8895,
33,
1600,
366,
85,
12367,
24728,
38963,
15057,
48774,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
24728,
30150,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
24728,
30150,
13,
2617,
11828,
10786,
2025,
5726,
287,
262,
38937,
9327,
3335,
28373,
3084,
2637,
8,
198,
85,
12367,
24728,
38963,
15057,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
362,
11,
362,
11,
352,
11,
352,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
11395,
17257,
3103,
2536,
2913,
7,
15,
11,
14280,
4008,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
24728,
38963,
15057,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
24728,
38963,
15057,
13,
2617,
11828,
10786,
31611,
10852,
1271,
2641,
262,
1080,
287,
543,
262,
2657,
7268,
428,
3335,
318,
6589,
11537,
198,
85,
12367,
24728,
24728,
15057,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
362,
11,
362,
11,
352,
11,
362,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
11395,
17257,
3103,
2536,
2913,
7,
15,
11,
14280,
4008,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
24728,
24728,
15057,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
24728,
24728,
15057,
13,
2617,
11828,
10786,
464,
12219,
3335,
1271,
329,
428,
4429,
3335,
287,
663,
2657,
2637,
8,
198,
85,
12367,
24728,
1532,
15732,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
362,
11,
362,
11,
352,
11,
513,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
11395,
17257,
3103,
2536,
2913,
7,
16,
11,
362,
20198,
2780,
26780,
22,
4008,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
24728,
1532,
15732,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
24728,
1532,
15732,
13,
2617,
11828,
10786,
464,
7071,
12901,
329,
428,
3335,
13,
383,
1988,
329,
428,
2134,
42567,
284,
262,
1002,
15732,
1043,
287,
337,
9865,
12,
3978,
2637,
8,
198,
85,
12367,
24728,
14881,
9399,
20231,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
362,
11,
362,
11,
352,
11,
604,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
11395,
17257,
3103,
2536,
2913,
7,
15,
11,
362,
20198,
2780,
26780,
22,
4008,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
24728,
14881,
9399,
20231,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
24728,
14881,
9399,
20231,
13,
2617,
11828,
10786,
464,
3180,
32,
1323,
2779,
2209,
329,
428,
5172,
2637,
8,
198,
85,
12367,
24728,
20491,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
362,
11,
362,
11,
352,
11,
642,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
15,
11,
352,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
47730,
1600,
657,
828,
5855,
25616,
1600,
352,
22305,
737,
2617,
11518,
15457,
7203,
961,
13564,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
24728,
20491,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
24728,
20491,
13,
2617,
11828,
10786,
34149,
428,
7885,
284,
43201,
481,
15560,
428,
1948,
4429,
3335,
13,
705,
8,
198,
85,
12367,
24728,
9492,
3622,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
362,
11,
362,
11,
352,
11,
718,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
11395,
17257,
3103,
2536,
2913,
7,
16,
11,
362,
20198,
2780,
26780,
22,
4008,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
24728,
9492,
3622,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
24728,
9492,
3622,
13,
2617,
11828,
10786,
9492,
3622,
19390,
1241,
329,
428,
2657,
13,
705,
8,
198,
85,
12367,
24728,
33111,
1925,
8961,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
362,
11,
362,
11,
352,
11,
767,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
11395,
17257,
3103,
2536,
2913,
7,
16,
11,
362,
20198,
2780,
26780,
22,
4008,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
24728,
33111,
1925,
8961,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
24728,
33111,
1925,
8961,
13,
2617,
11828,
10786,
464,
3180,
32,
1323,
2209,
329,
428,
5172,
2637,
8,
198,
85,
12367,
24728,
44,
53,
4061,
22851,
29239,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
362,
11,
362,
11,
352,
11,
807,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
11395,
17257,
3103,
2536,
2913,
7,
15,
11,
14280,
4008,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
24728,
44,
53,
4061,
22851,
29239,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
24728,
44,
53,
4061,
22851,
29239,
13,
2617,
11828,
10786,
42369,
605,
2657,
18440,
1241,
2637,
8,
198,
85,
12367,
24728,
44,
53,
4061,
12124,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
362,
11,
362,
11,
352,
11,
860,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
11395,
17257,
3103,
2536,
2913,
7,
15,
11,
14280,
4008,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
24728,
44,
53,
4061,
12124,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
24728,
44,
53,
4061,
12124,
13,
2617,
11828,
10786,
42369,
605,
2657,
11795,
1271,
2637,
8,
198,
85,
12367,
24728,
6030,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
362,
11,
362,
11,
352,
11,
838,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
15,
11,
807,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
7959,
12,
917,
891,
1600,
657,
828,
5855,
7959,
12,
17529,
1600,
807,
22305,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
24728,
6030,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
24728,
6030,
13,
2617,
11828,
10786,
22882,
6945,
262,
5994,
286,
428,
3335,
48951,
3815,
389,
1058,
1614,
12,
917,
891,
11,
3373,
657,
1058,
28721,
1614,
12,
17529,
11,
3373,
807,
1058,
9327,
9619,
11537,
198,
85,
12367,
24728,
19400,
47,
1571,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
362,
11,
362,
11,
352,
11,
1367,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
11395,
17257,
3103,
2536,
2913,
7,
16,
11,
362,
20198,
2780,
26780,
22,
4008,
737,
2617,
11518,
15457,
7203,
961,
13564,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
24728,
19400,
47,
1571,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
24728,
19400,
47,
1571,
13,
2617,
11828,
10786,
9492,
3622,
19390,
1241,
329,
428,
2657,
14,
2213,
2954,
13,
705,
8,
198,
85,
12367,
29239,
10962,
796,
337,
571,
10962,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
362,
11,
513,
828,
1267,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
29239,
10962,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
29239,
10962,
13,
2617,
11828,
10786,
10962,
286,
3722,
11,
1630,
290,
4566,
5330,
295,
546,
4429,
3335,
9619,
1626,
262,
1080,
13,
1318,
318,
281,
5726,
329,
1123,
6518,
286,
1123,
4429,
3335,
2637,
8,
198,
85,
12367,
29239,
30150,
796,
337,
571,
10962,
25166,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
362,
11,
513,
11,
352,
828,
6739,
2617,
15732,
36690,
19510,
15,
11,
366,
15858,
20151,
12,
2257,
6234,
12,
8895,
33,
1600,
366,
85,
12367,
29239,
38963,
15057,
12340,
357,
15,
11,
366,
15858,
20151,
12,
2257,
6234,
12,
8895,
33,
1600,
366,
85,
12367,
29239,
15732,
48774,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
29239,
30150,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
29239,
30150,
13,
2617,
11828,
10786,
2025,
5726,
287,
262,
38937,
9327,
3335,
28373,
3084,
2637,
8,
198,
85,
12367,
29239,
15732,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
362,
11,
513,
11,
352,
11,
352,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
11395,
17257,
3103,
2536,
2913,
7,
16,
11,
1987,
4008,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
29239,
15732,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
29239,
15732,
13,
2617,
11828,
10786,
1212,
318,
262,
12219,
6518,
1271,
286,
262,
6518,
1626,
663,
4429,
3335,
13,
1114,
1105,
6518,
4429,
4410,
11,
340,
318,
1022,
352,
290,
1105,
290,
329,
1987,
6518,
8985,
11,
340,
318,
1022,
352,
290,
1987,
2637,
8,
198,
85,
12367,
29239,
38963,
15057,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
362,
11,
513,
11,
352,
11,
362,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
11395,
17257,
3103,
2536,
2913,
7,
15,
11,
14280,
4008,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
29239,
38963,
15057,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
29239,
38963,
15057,
13,
2617,
11828,
10786,
464,
1988,
329,
428,
2134,
318,
262,
12219,
1271,
286,
262,
10852,
287,
543,
262,
2657,
7268,
428,
6518,
318,
5140,
357,
85,
12367,
24728,
38963,
15057,
737,
11537,
198,
85,
12367,
29239,
24728,
15057,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
362,
11,
513,
11,
352,
11,
513,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
11395,
17257,
3103,
2536,
2913,
7,
15,
11,
14280,
4008,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
29239,
24728,
15057,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
29239,
24728,
15057,
13,
2617,
11828,
10786,
464,
1988,
329,
428,
2134,
318,
262,
12219,
3335,
1271,
286,
262,
3335,
7268,
428,
6518,
1626,
663,
10852,
11,
37941,
410,
12367,
24728,
24728,
15057,
705,
8,
198,
85,
12367,
29239,
29239,
6030,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
362,
11,
513,
11,
352,
11,
604,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
16,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
26268,
10434,
1600,
352,
22305,
737,
2617,
11518,
15457,
7203,
961,
13564,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
29239,
29239,
6030,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
29239,
29239,
6030,
13,
2617,
11828,
10786,
464,
11102,
5994,
13,
48951,
3815,
389,
352,
4613,
26304,
7253,
11537,
198,
85,
12367,
29239,
14326,
2043,
2981,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
362,
11,
513,
11,
352,
11,
642,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
16,
11,
362,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
301,
10381,
1600,
352,
828,
5855,
75,
696,
1600,
362,
22305,
737,
2617,
11518,
15457,
7203,
961,
13564,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
29239,
14326,
2043,
2981,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
29239,
14326,
2043,
2981,
13,
2617,
11828,
10786,
7469,
1127,
262,
2099,
286,
16000,
39669,
1423,
3299,
13,
383,
4938,
3815,
389,
1058,
352,
4613,
336,
10381,
11,
362,
4613,
20450,
2637,
8,
198,
85,
12367,
29239,
32180,
19076,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
362,
11,
513,
11,
352,
11,
718,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
16,
11,
362,
11,
513,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
17529,
1600,
352,
828,
5855,
38888,
25804,
1600,
362,
828,
5855,
79,
33,
55,
1600,
513,
22305,
737,
2617,
11518,
15457,
7203,
961,
13564,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
29239,
32180,
19076,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
29239,
32180,
19076,
13,
2617,
11828,
10786,
7469,
1127,
262,
4905,
4235,
286,
262,
6518,
13,
48951,
3815,
389,
1058,
352,
4613,
4429,
11,
362,
4613,
3809,
25804,
11,
513,
4613,
30524,
55,
2637,
8,
198,
85,
12367,
29239,
9012,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
362,
11,
513,
11,
352,
11,
767,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
15,
11,
352,
11,
362,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
47730,
1600,
657,
828,
5855,
25616,
1600,
352,
828,
5855,
1662,
16934,
1522,
1600,
362,
22305,
737,
2617,
11518,
15457,
7203,
961,
13564,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
29239,
9012,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
29239,
9012,
13,
2617,
11828,
10786,
5497,
16856,
262,
13919,
3722,
286,
428,
6518,
13,
48951,
3815,
389,
25,
657,
4613,
10058,
11,
352,
4613,
9343,
11,
362,
4613,
407,
17839,
705,
8,
198,
85,
12367,
29239,
6030,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
362,
11,
513,
11,
352,
11,
807,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
16,
11,
362,
11,
513,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
35487,
1600,
352,
828,
5855,
13345,
263,
2389,
1600,
362,
828,
5855,
13345,
263,
2389,
12,
13345,
33484,
1780,
1600,
513,
22305,
737,
2617,
11518,
15457,
7203,
961,
13564,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
29239,
6030,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
29239,
6030,
13,
2617,
11828,
10786,
464,
3072,
2099,
329,
428,
1948,
6518,
13,
48951,
3815,
389,
25,
352,
4613,
4096,
11,
362,
4613,
24955,
2389,
11,
513,
4613,
24955,
2389,
12,
13345,
33484,
1780,
357,
13345,
263,
4522,
351,
869,
4953,
737,
705,
8,
198,
85,
12367,
29239,
14134,
9012,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
362,
11,
513,
11,
352,
11,
860,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
15,
11,
352,
11,
362,
11,
513,
11,
604,
11,
642,
11,
718,
11,
767,
11,
807,
11,
860,
11,
838,
11,
1367,
11,
1105,
11,
1511,
11,
1478,
11,
1315,
11,
1467,
11,
1596,
11,
1248,
11,
678,
11,
1160,
11,
2310,
11,
2534,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
13345,
12,
5219,
12,
29516,
2389,
1600,
657,
828,
5855,
13345,
12,
5219,
12,
2389,
2538,
1600,
352,
828,
5855,
13345,
12,
5219,
12,
35,
12576,
2751,
1600,
362,
828,
5855,
13345,
12,
5219,
12,
25154,
16779,
12,
39776,
2257,
12,
35,
3528,
2043,
1600,
513,
828,
5855,
13345,
12,
5219,
12,
25154,
16779,
12,
35,
3528,
29722,
1600,
604,
828,
5855,
13345,
12,
5219,
12,
34,
7036,
12,
27977,
1137,
1961,
1600,
642,
828,
5855,
13345,
12,
5219,
12,
4805,
4503,
41841,
2751,
1600,
718,
828,
5855,
13345,
12,
5219,
12,
49,
2751,
2751,
1600,
767,
828,
5855,
13345,
12,
5219,
12,
1847,
17395,
2751,
1600,
807,
828,
5855,
13345,
12,
5219,
12,
10943,
48842,
1961,
1600,
860,
828,
5855,
13345,
12,
5219,
12,
26288,
10943,
48842,
2751,
1600,
838,
828,
5855,
13345,
12,
5219,
12,
7708,
4146,
1961,
1600,
1367,
828,
5855,
13345,
12,
5219,
12,
52,
4535,
11731,
4146,
17534,
1600,
1105,
828,
5855,
13345,
12,
5219,
12,
27977,
39,
15308,
1600,
1511,
828,
5855,
13345,
12,
5219,
12,
1268,
2043,
12576,
35400,
1600,
1478,
828,
5855,
13345,
12,
5219,
12,
1268,
2043,
12576,
14887,
2751,
1600,
1315,
828,
5855,
13345,
12,
5219,
12,
35,
12576,
12,
2200,
35780,
1600,
1467,
828,
5855,
13345,
12,
5219,
12,
39,
24639,
1600,
1596,
828,
5855,
13345,
12,
5219,
12,
15112,
40086,
12,
1268,
53,
11380,
1961,
1600,
1248,
828,
5855,
13345,
12,
5219,
12,
27977,
39,
15308,
12,
2389,
2538,
1600,
678,
828,
5855,
13345,
12,
5219,
12,
27977,
39,
15308,
12,
10659,
9306,
1600,
1160,
828,
5855,
13345,
12,
5219,
12,
12425,
12,
19238,
12,
35009,
27389,
1600,
2310,
828,
5855,
13345,
12,
5219,
12,
12425,
5105,
6561,
2751,
1600,
2534,
22305,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
29239,
14134,
9012,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
29239,
14134,
9012,
13,
2617,
11828,
10786,
5497,
16856,
262,
3072,
869,
1181,
286,
428,
6518,
13,
48951,
3815,
389,
25,
869,
12,
5219,
12,
29516,
2389,
357,
15,
828,
4613,
12515,
1181,
869,
12,
5219,
12,
2389,
2538,
357,
16,
828,
4613,
262,
1627,
318,
287,
21696,
1181,
869,
12,
5219,
12,
35,
12576,
2751,
357,
17,
828,
4613,
262,
1627,
318,
37962,
257,
869,
869,
12,
5219,
12,
25154,
16779,
12,
39776,
2257,
12,
35,
3528,
2043,
357,
18,
828,
4613,
4953,
284,
2824,
262,
717,
16839,
869,
12,
5219,
12,
25154,
16779,
12,
35,
3528,
29722,
357,
19,
828,
4613,
13157,
3224,
19561,
869,
12,
5219,
12,
34,
7036,
12,
27977,
1137,
1961,
357,
20,
828,
4613,
262,
4429,
869,
2581,
468,
587,
4438,
284,
262,
30524,
55,
1630,
869,
12,
5219,
12,
4805,
4503,
41841,
2751,
357,
21,
828,
4613,
262,
869,
318,
287,
4371,
869,
12,
5219,
12,
49,
2751,
2751,
357,
22,
828,
4613,
262,
869,
468,
12000,
257,
10965,
1627,
869,
12,
5219,
12,
1847,
17395,
2751,
357,
23,
828,
4613,
262,
10965,
468,
587,
12000,
869,
12,
5219,
12,
10943,
48842,
1961,
357,
24,
828,
4613,
262,
10965,
468,
9373,
262,
869,
869,
12,
5219,
12,
26288,
10943,
48842,
2751,
357,
940,
828,
4613,
262,
869,
318,
287,
262,
1429,
286,
47985,
869,
12,
5219,
12,
7708,
4146,
1961,
357,
1157,
828,
4613,
262,
869,
2230,
4054,
11,
4043,
329,
8181,
929,
869,
12,
5219,
12,
52,
4535,
11731,
4146,
17534,
357,
1065,
828,
4613,
10965,
318,
407,
1695,
284,
3328,
869,
869,
12,
5219,
12,
27977,
39,
15308,
357,
1485,
828,
4613,
262,
869,
468,
587,
5668,
475,
262,
3072,
318,
572,
25480,
869,
12,
5219,
12,
1268,
2043,
12576,
35400,
357,
1415,
828,
4613,
41216,
262,
869,
2134,
357,
21653,
82,
351,
20776,
337,
2164,
8,
869,
12,
5219,
12,
1268,
2043,
12576,
14887,
2751,
357,
1314,
828,
4613,
4953,
329,
262,
2882,
422,
20776,
337,
2164,
357,
818,
15271,
36031,
8,
869,
12,
5219,
12,
35,
12576,
12,
2200,
35780,
357,
1433,
828,
4613,
869,
2134,
1908,
510,
3242,
25480,
5497,
290,
4953,
329,
7125,
42,
869,
12,
5219,
12,
39,
24639,
357,
1558,
828,
4613,
262,
869,
468,
587,
1234,
319,
1745,
869,
12,
5219,
12,
15112,
40086,
12,
1268,
53,
11380,
1961,
357,
1507,
828,
4613,
26496,
326,
257,
3895,
468,
587,
24399,
290,
4953,
2882,
869,
12,
5219,
12,
27977,
39,
15308,
12,
2389,
2538,
357,
1129,
828,
4613,
9217,
326,
262,
3072,
318,
900,
284,
572,
25480,
290,
318,
4522,
2538,
869,
12,
5219,
12,
27977,
39,
15308,
12,
10659,
9306,
357,
1238,
828,
4613,
9217,
326,
262,
3072,
318,
900,
284,
572,
25480,
290,
318,
11741,
9306,
869,
12,
5219,
12,
12425,
12,
19238,
12,
35009,
27389,
357,
2481,
828,
4613,
9217,
326,
262,
3072,
318,
503,
286,
2139,
869,
12,
5219,
12,
12425,
5105,
6561,
2751,
357,
1828,
828,
4613,
19561,
389,
852,
1908,
284,
262,
7097,
1994,
393,
3809,
6920,
1080,
11537,
198,
85,
12367,
29239,
34,
4262,
33553,
15057,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
362,
11,
513,
11,
352,
11,
838,
828,
16531,
10100,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
11395,
10699,
3103,
2536,
2913,
7,
15,
11,
3933,
4008,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
29239,
34,
4262,
33553,
15057,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
29239,
34,
4262,
33553,
15057,
13,
2617,
11828,
10786,
5497,
16856,
262,
1444,
2151,
1271,
11,
2035,
281,
5387,
7552,
393,
7097,
1271,
2637,
8,
198,
85,
12367,
29239,
48593,
33553,
15057,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
362,
11,
513,
11,
352,
11,
1367,
828,
16531,
10100,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
11395,
10699,
3103,
2536,
2913,
7,
15,
11,
3933,
4008,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
29239,
48593,
33553,
15057,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
29239,
48593,
33553,
15057,
13,
2617,
11828,
10786,
5497,
16856,
262,
4585,
2151,
1271,
11,
2035,
281,
5387,
7552,
393,
7097,
1271,
2637,
8,
198,
85,
12367,
29239,
19400,
47,
1571,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
362,
11,
513,
11,
352,
11,
1105,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
11395,
17257,
3103,
2536,
2913,
7,
15,
11,
352,
4008,
737,
2617,
11518,
15457,
7203,
961,
13564,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
29239,
19400,
47,
1571,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
29239,
19400,
47,
1571,
13,
2617,
11828,
10786,
5497,
16856,
326,
257,
1487,
284,
262,
6518,
3815,
423,
587,
925,
284,
262,
20478,
13,
383,
493,
538,
1186,
341,
286,
262,
3815,
389,
1058,
352,
5218,
1487,
925,
284,
262,
20478,
11,
475,
407,
16560,
287,
262,
3335,
1865,
657,
5218,
262,
3335,
2458,
262,
1988,
284,
657,
422,
352,
11,
706,
340,
33181,
262,
1988,
422,
20478,
2637,
8,
198,
85,
12367,
19511,
270,
10962,
13247,
796,
337,
571,
33234,
7483,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
513,
4008,
198,
85,
12367,
5962,
19511,
270,
10962,
796,
337,
571,
10962,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
513,
11,
352,
828,
1267,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
5962,
19511,
270,
10962,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
5962,
19511,
270,
10962,
13,
2617,
11828,
10786,
10962,
286,
6460,
329,
1123,
19561,
357,
15,
12,
24,
8,
543,
743,
307,
2566,
4262,
355,
262,
717,
16839,
13,
1318,
389,
838,
12784,
11,
530,
329,
1123,
16839,
11,
287,
428,
3084,
2637,
8,
198,
85,
12367,
5962,
19511,
270,
30150,
796,
337,
571,
10962,
25166,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
513,
11,
352,
11,
352,
828,
6739,
2617,
15732,
36690,
19510,
15,
11,
366,
15858,
20151,
12,
2257,
6234,
12,
8895,
33,
1600,
366,
85,
12367,
19511,
270,
15732,
48774,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
5962,
19511,
270,
30150,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
5962,
19511,
270,
30150,
13,
2617,
11828,
10786,
2025,
5726,
287,
262,
38937,
9327,
3274,
7367,
270,
8655,
2637,
8,
198,
85,
12367,
19511,
270,
15732,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
513,
11,
352,
11,
352,
11,
352,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
11395,
17257,
3103,
2536,
2913,
7,
16,
11,
838,
4008,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
19511,
270,
15732,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
19511,
270,
15732,
13,
2617,
11828,
10786,
1212,
318,
262,
6376,
284,
281,
5726,
287,
262,
717,
16839,
3084,
11537,
198,
85,
12367,
19511,
270,
10100,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
513,
11,
352,
11,
352,
11,
362,
828,
16531,
10100,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
11395,
10699,
3103,
2536,
2913,
7,
15,
11,
352,
4008,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
19511,
270,
10100,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
19511,
270,
10100,
13,
2617,
11828,
7203,
464,
717,
16839,
4731,
764,
48951,
3815,
1058,
705,
15,
6,
284,
705,
24,
6,
4943,
198,
85,
12367,
19511,
270,
14134,
6030,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
513,
11,
352,
11,
352,
11,
513,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
15,
11,
352,
11,
362,
11,
513,
11,
604,
11,
642,
11,
718,
11,
767,
11,
807,
11,
860,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
16072,
12,
29516,
2389,
1600,
657,
828,
5855,
16072,
12,
39,
15173,
12,
34,
7036,
1600,
352,
828,
5855,
16072,
12,
47,
14175,
12,
34,
7036,
1600,
362,
828,
5855,
16072,
12,
2257,
6234,
12,
34,
7036,
1600,
513,
828,
5855,
16072,
12,
43,
18494,
12,
35,
8808,
19240,
12,
34,
7036,
1600,
604,
828,
5855,
16072,
12,
1268,
31800,
29912,
12,
34,
7036,
1600,
642,
828,
5855,
16072,
12,
29701,
1847,
12,
34,
7036,
1600,
718,
828,
5855,
16072,
12,
31054,
25633,
12,
34,
7036,
1600,
767,
828,
5855,
16072,
12,
2200,
42006,
2849,
8808,
12,
34,
7036,
1600,
807,
828,
5855,
16072,
12,
34,
23518,
12,
1340,
12,
34,
7036,
1600,
860,
22305,
737,
2617,
11518,
15457,
7203,
961,
13564,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
19511,
270,
14134,
6030,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
19511,
270,
14134,
6030,
13,
2617,
11828,
10786,
6030,
286,
869,
7560,
416,
428,
16839,
13,
48951,
3815,
389,
1058,
277,
66,
12,
29516,
2389,
357,
15,
828,
3373,
28721,
3895,
2438,
277,
66,
12,
39,
15173,
12,
34,
7036,
357,
16,
828,
277,
66,
12,
47,
14175,
12,
34,
7036,
357,
17,
828,
277,
66,
12,
2257,
6234,
12,
34,
7036,
357,
18,
828,
277,
66,
12,
43,
18494,
12,
35,
8808,
19240,
12,
34,
7036,
357,
19,
828,
277,
66,
12,
1268,
31800,
29912,
12,
34,
7036,
357,
20,
828,
277,
66,
12,
29701,
1847,
12,
34,
7036,
357,
21,
828,
277,
66,
12,
31054,
25633,
12,
34,
7036,
357,
22,
828,
277,
66,
12,
2200,
42006,
2849,
8808,
12,
34,
7036,
357,
23,
828,
277,
66,
12,
34,
23518,
12,
1340,
12,
34,
7036,
357,
24,
8,
11537,
198,
85,
12367,
19511,
270,
5167,
19511,
896,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
513,
11,
352,
11,
352,
11,
604,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
11395,
17257,
3103,
2536,
2913,
7,
15,
11,
3933,
4008,
737,
2617,
11518,
15457,
7203,
961,
13564,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
19511,
270,
5167,
19511,
896,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
19511,
270,
5167,
19511,
896,
13,
2617,
11828,
10786,
464,
1271,
286,
3224,
19561,
284,
2824,
706,
262,
14451,
19561,
2637,
8,
198,
85,
12367,
19511,
270,
48031,
17,
796,
337,
571,
3351,
282,
283,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
513,
11,
352,
11,
352,
11,
642,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
15,
11,
352,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
67,
756,
44798,
378,
1600,
657,
828,
5855,
23705,
378,
1600,
352,
22305,
737,
2617,
11518,
15457,
7203,
961,
13564,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
19511,
270,
48031,
17,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
19511,
270,
48031,
17,
13,
2617,
11828,
10786,
5497,
16856,
1771,
262,
2566,
9221,
815,
23654,
319,
257,
26827,
13,
4938,
3815,
389,
1058,
17666,
44798,
378,
4613,
657,
23654,
4613,
352,
11537,
198,
85,
12367,
19511,
270,
1273,
5528,
19511,
896,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
513,
11,
352,
11,
352,
11,
718,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
11395,
17257,
3103,
2536,
2913,
7,
15,
11,
3933,
4008,
737,
2617,
11518,
15457,
7203,
961,
13564,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
19511,
270,
1273,
5528,
19511,
896,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
19511,
270,
1273,
5528,
19511,
896,
13,
2617,
11828,
10786,
5497,
16856,
262,
1271,
286,
3756,
19561,
284,
10283,
422,
262,
16839,
824,
7723,
878,
484,
389,
2098,
510,
284,
262,
4637,
4706,
2637,
8,
198,
85,
12367,
11627,
35708,
25804,
13247,
796,
337,
571,
33234,
7483,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
604,
4008,
198,
85,
12367,
1404,
4694,
6781,
1495,
13247,
796,
337,
571,
33234,
7483,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
604,
11,
352,
4008,
198,
85,
12367,
14326,
4146,
696,
1340,
796,
337,
571,
3351,
282,
283,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
604,
11,
352,
11,
352,
828,
16531,
10100,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
11395,
10699,
3103,
2536,
2913,
7,
15,
11,
838,
4008,
737,
2617,
11518,
15457,
7203,
961,
13564,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
14326,
4146,
696,
1340,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
14326,
4146,
696,
1340,
13,
2617,
11828,
7203,
21575,
2938,
422,
262,
7097,
3809,
6920,
1080,
284,
1210,
319,
257,
4429,
338,
20450,
19570,
198,
85,
12367,
14326,
4146,
696,
27977,
796,
337,
571,
3351,
282,
283,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
604,
11,
352,
11,
362,
828,
16531,
10100,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
11395,
10699,
3103,
2536,
2913,
7,
15,
11,
838,
4008,
737,
2617,
11518,
15457,
7203,
961,
13564,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
14326,
4146,
696,
27977,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
14326,
4146,
696,
27977,
13,
2617,
11828,
7203,
21575,
2938,
422,
262,
7097,
3809,
6920,
1080,
284,
1210,
572,
257,
4429,
338,
20450,
19570,
198,
85,
12367,
53,
9655,
439,
37508,
10962,
796,
337,
571,
10962,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
604,
11,
352,
11,
513,
828,
1267,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
53,
9655,
439,
37508,
10962,
13,
2617,
19580,
10786,
14421,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
53,
9655,
439,
37508,
10962,
13,
2617,
11828,
10786,
10962,
286,
6460,
290,
9729,
329,
22534,
262,
3809,
6920,
2493,
329,
1180,
3858,
286,
1895,
11,
1312,
13,
68,
13,
7097,
24955,
2406,
3264,
284,
3809,
6920,
2493,
11,
7097,
24955,
852,
28308,
284,
257,
3809,
6920,
2493,
11,
3503,
2637,
8,
198,
85,
12367,
53,
9655,
439,
37508,
30150,
796,
337,
571,
10962,
25166,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
604,
11,
352,
11,
513,
11,
352,
828,
6739,
2617,
15732,
36690,
19510,
15,
11,
366,
15858,
20151,
12,
2257,
6234,
12,
8895,
33,
1600,
366,
85,
12367,
53,
9655,
439,
37508,
15732,
48774,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
53,
9655,
439,
37508,
30150,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
53,
9655,
439,
37508,
30150,
13,
2617,
11828,
10786,
2025,
5726,
287,
262,
38937,
9327,
15282,
11099,
869,
5412,
3084,
2637,
8,
198,
85,
12367,
53,
9655,
439,
37508,
15732,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
604,
11,
352,
11,
513,
11,
352,
11,
352,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
11395,
17257,
3103,
2536,
2913,
7,
16,
11,
838,
4008,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
53,
9655,
439,
37508,
15732,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
53,
9655,
439,
37508,
15732,
13,
2617,
11828,
10786,
1212,
318,
262,
6376,
284,
281,
5726,
287,
262,
15282,
11099,
869,
5412,
3084,
2637,
8,
198,
85,
12367,
53,
9655,
439,
37508,
6030,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
604,
11,
352,
11,
513,
11,
352,
11,
362,
828,
34142,
2624,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
3103,
2536,
6003,
38176,
7,
28008,
11395,
3103,
2536,
2913,
7,
16,
11,
362,
11,
513,
11,
604,
4008,
737,
21018,
7,
13190,
40161,
28,
45,
2434,
40161,
7,
7203,
12942,
41506,
1600,
352,
828,
5855,
11813,
41506,
1600,
362,
828,
5855,
12942,
37693,
1600,
513,
828,
5855,
11813,
37693,
1600,
604,
22305,
737,
2617,
11518,
15457,
7203,
961,
8807,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
53,
9655,
439,
37508,
6030,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
53,
9655,
439,
37508,
6030,
13,
2617,
11828,
10786,
5497,
16856,
262,
2099,
286,
1895,
284,
3809,
6920,
2493,
925,
13,
4938,
3815,
389,
1058,
1277,
41506,
357,
16,
8,
4613,
1052,
7097,
24955,
2406,
3264,
656,
262,
3809,
6920,
2493,
13,
2651,
41506,
357,
17,
8,
4613,
1052,
7097,
24955,
2386,
278,
281,
7552,
11,
475,
373,
788,
28308,
284,
262,
3809,
6920,
2493,
13,
1277,
37693,
357,
18,
8,
4613,
1052,
5387,
24955,
2406,
3264,
656,
262,
3809,
6920,
2493,
13,
2651,
37693,
357,
19,
8,
4613,
1052,
5387,
24955,
2386,
278,
281,
7552,
11,
475,
373,
788,
28308,
284,
262,
3809,
6920,
2493,
2637,
8,
198,
85,
12367,
53,
9655,
439,
37508,
18257,
8189,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
604,
11,
352,
11,
513,
11,
352,
11,
513,
828,
2556,
316,
10100,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
11395,
10699,
3103,
2536,
2913,
7,
15,
11,
3933,
4008,
737,
2617,
11518,
15457,
7203,
961,
13564,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
53,
9655,
439,
37508,
18257,
8189,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
53,
9655,
439,
37508,
18257,
8189,
13,
2617,
11828,
10786,
464,
1034,
8189,
4731,
329,
428,
4905,
2637,
8,
198,
85,
12367,
53,
9655,
439,
37508,
50,
7397,
15057,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
604,
11,
352,
11,
513,
11,
352,
11,
604,
828,
2556,
316,
10100,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
11395,
10699,
3103,
2536,
2913,
7,
15,
11,
3933,
4008,
737,
2617,
11518,
15457,
7203,
961,
13564,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
53,
9655,
439,
37508,
50,
7397,
15057,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
53,
9655,
439,
37508,
50,
7397,
15057,
13,
2617,
11828,
7203,
464,
2723,
1271,
5794,
4731,
13,
632,
4909,
257,
327,
2099,
705,
4,
82,
6,
810,
262,
2723,
1271,
561,
307,
5901,
287,
4943,
198,
85,
12367,
53,
9655,
439,
37508,
35,
2257,
15057,
796,
337,
571,
10962,
39470,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
11,
767,
11,
604,
11,
352,
11,
513,
11,
352,
11,
642,
828,
2556,
316,
10100,
22446,
7266,
4906,
7,
7266,
4906,
22882,
28,
11395,
10699,
3103,
2536,
2913,
7,
15,
11,
3933,
4008,
737,
2617,
11518,
15457,
7203,
961,
13564,
4943,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
53,
9655,
439,
37508,
35,
2257,
15057,
13,
2617,
19580,
10786,
22249,
2870,
11537,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
53,
9655,
439,
37508,
35,
2257,
15057,
13,
2617,
11828,
7203,
464,
10965,
1271,
5794,
4731,
13,
632,
4909,
257,
327,
2099,
705,
4,
82,
6,
810,
262,
10965,
1271,
561,
307,
5901,
287,
4943,
198,
85,
12367,
34,
34574,
11002,
51,
505,
796,
42808,
6030,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
8,
1343,
357,
15,
11,
1065,
29720,
2617,
10267,
82,
7,
7203,
15858,
20151,
12,
2257,
6234,
12,
8895,
33,
1600,
366,
85,
12367,
29239,
38963,
15057,
12340,
5855,
15858,
20151,
12,
2257,
6234,
12,
8895,
33,
1600,
366,
85,
12367,
29239,
24728,
15057,
12340,
5855,
15858,
20151,
12,
2257,
6234,
12,
8895,
33,
1600,
366,
85,
12367,
29239,
15732,
48774,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
34,
34574,
11002,
51,
505,
13,
2617,
11828,
10786,
770,
14483,
318,
1908,
618,
262,
2176,
6518,
2314,
711,
8216,
13,
705,
8,
198,
85,
12367,
34,
34574,
34,
21130,
51,
505,
796,
42808,
6030,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
8,
1343,
357,
15,
11,
1485,
29720,
2617,
10267,
82,
7,
7203,
15858,
20151,
12,
2257,
6234,
12,
8895,
33,
1600,
366,
85,
12367,
29239,
38963,
15057,
12340,
5855,
15858,
20151,
12,
2257,
6234,
12,
8895,
33,
1600,
366,
85,
12367,
29239,
24728,
15057,
12340,
5855,
15858,
20151,
12,
2257,
6234,
12,
8895,
33,
1600,
366,
85,
12367,
29239,
15732,
48774,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
34,
34574,
34,
21130,
51,
505,
13,
2617,
11828,
10786,
770,
14483,
318,
1908,
618,
262,
2176,
6518,
2314,
14241,
8216,
13,
705,
8,
198,
85,
12367,
34,
34574,
33296,
19511,
270,
31337,
273,
796,
42808,
6030,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
8,
1343,
357,
15,
11,
1415,
29720,
2617,
10267,
82,
7,
7203,
15858,
20151,
12,
2257,
6234,
12,
8895,
33,
1600,
366,
85,
12367,
29239,
38963,
15057,
12340,
5855,
15858,
20151,
12,
2257,
6234,
12,
8895,
33,
1600,
366,
85,
12367,
29239,
24728,
15057,
12340,
5855,
15858,
20151,
12,
2257,
6234,
12,
8895,
33,
1600,
366,
85,
12367,
29239,
15732,
48774,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
34,
34574,
33296,
19511,
270,
31337,
273,
13,
2617,
11828,
10786,
770,
14483,
318,
1908,
618,
262,
2176,
6518,
2314,
10199,
19561,
7723,
705,
8,
198,
85,
12367,
34,
34574,
26362,
19511,
270,
31337,
273,
796,
42808,
6030,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
8,
1343,
357,
15,
11,
1314,
29720,
2617,
10267,
82,
7,
7203,
15858,
20151,
12,
2257,
6234,
12,
8895,
33,
1600,
366,
85,
12367,
29239,
38963,
15057,
12340,
5855,
15858,
20151,
12,
2257,
6234,
12,
8895,
33,
1600,
366,
85,
12367,
29239,
24728,
15057,
12340,
5855,
15858,
20151,
12,
2257,
6234,
12,
8895,
33,
1600,
366,
85,
12367,
29239,
15732,
48774,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
34,
34574,
26362,
19511,
270,
31337,
273,
13,
2617,
11828,
10786,
770,
14483,
318,
1908,
618,
262,
2176,
6518,
2314,
2650,
19561,
7723,
705,
8,
198,
85,
12367,
2200,
10943,
16254,
62,
41335,
9328,
796,
42808,
6030,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
8,
1343,
357,
15,
11,
1433,
29720,
2617,
33986,
7203,
85,
12367,
2200,
10943,
16254,
12,
41335,
9328,
11074,
2617,
10267,
82,
7,
7203,
15858,
20151,
12,
2257,
6234,
12,
8895,
33,
1600,
366,
85,
12367,
29239,
38963,
15057,
12340,
5855,
15858,
20151,
12,
2257,
6234,
12,
8895,
33,
1600,
366,
85,
12367,
29239,
24728,
15057,
48774,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
2200,
10943,
16254,
62,
41335,
9328,
13,
2617,
11828,
10786,
770,
14483,
318,
1908,
618,
262,
2176,
4429,
3335,
7675,
9743,
290,
33181,
262,
3815,
422,
262,
20478,
2637,
8,
198,
85,
12367,
2200,
10943,
16254,
62,
24908,
796,
42808,
6030,
19510,
16,
11,
513,
11,
718,
11,
352,
11,
604,
11,
352,
11,
362,
28460,
8,
1343,
357,
15,
11,
1558,
29720,
2617,
33986,
7203,
85,
12367,
2200,
10943,
16254,
12,
24908,
11074,
2617,
10267,
82,
7,
7203,
15858,
20151,
12,
2257,
6234,
12,
8895,
33,
1600,
366,
85,
12367,
29239,
38963,
15057,
12340,
5855,
15858,
20151,
12,
2257,
6234,
12,
8895,
33,
1600,
366,
85,
12367,
29239,
24728,
15057,
48774,
198,
361,
285,
571,
32875,
13,
2220,
8206,
82,
25,
410,
12367,
2200,
10943,
16254,
62,
24908,
13,
2617,
11828,
10786,
770,
14483,
318,
1908,
618,
262,
2176,
4429,
3335,
10143,
284,
19330,
262,
3815,
1100,
422,
262,
20478,
13,
705,
8,
198,
76,
571,
32875,
13,
39344,
13940,
2022,
10220,
7203,
15858,
20151,
12,
2257,
6234,
12,
8895,
33,
1600,
410,
12367,
16962,
35474,
30465,
28,
85,
12367,
16962,
35474,
30465,
11,
410,
12367,
1404,
4694,
6781,
1495,
13247,
28,
85,
12367,
1404,
4694,
6781,
1495,
13247,
11,
410,
12367,
9362,
39,
566,
48031,
28,
85,
12367,
9362,
39,
566,
48031,
11,
410,
12367,
34,
34574,
26362,
19511,
270,
31337,
273,
28,
85,
12367,
34,
34574,
26362,
19511,
270,
31337,
273,
11,
410,
12367,
16962,
9012,
28,
85,
12367,
16962,
9012,
11,
410,
12367,
24728,
24728,
15057,
28,
85,
12367,
24728,
24728,
15057,
11,
410,
12367,
29239,
32180,
19076,
28,
85,
12367,
29239,
32180,
19076,
11,
410,
12367,
34,
34574,
33296,
19511,
270,
31337,
273,
28,
85,
12367,
34,
34574,
33296,
19511,
270,
31337,
273,
11,
11723,
28,
1851,
605,
11,
410,
12367,
33111,
12367,
34,
1371,
28,
85,
12367,
33111,
12367,
34,
1371,
11,
410,
12367,
29239,
34,
4262,
33553,
15057,
28,
85,
12367,
29239,
34,
4262,
33553,
15057,
11,
410,
12367,
24728,
38963,
15057,
28,
85,
12367,
24728,
38963,
15057,
11,
410,
12367,
29239,
19400,
47,
1571,
28,
85,
12367,
29239,
19400,
47,
1571,
11,
410,
12367,
29239,
15732,
28,
85,
12367,
29239,
15732,
11,
410,
12367,
19511,
270,
48031,
17,
28,
85,
12367,
19511,
270,
48031,
17,
11,
410,
12367,
29239,
30150,
28,
85,
12367,
29239,
30150,
11,
410,
12367,
17227,
13247,
28,
85,
12367,
17227,
13247,
11,
410,
12367,
29239,
38963,
15057,
28,
85,
12367,
29239,
38963,
15057,
11,
410,
12367,
29239,
10962,
28,
85,
12367,
29239,
10962,
11,
410,
12367,
53,
9655,
439,
37508,
18257,
8189,
28,
85,
12367,
53,
9655,
439,
37508,
18257,
8189,
11,
410,
12367,
29239,
14326,
2043,
2981,
28,
85,
12367,
29239,
14326,
2043,
2981,
11,
410,
12367,
24728,
1532,
15732,
28,
85,
12367,
24728,
1532,
15732,
11,
410,
12367,
2200,
10943,
16254,
62,
24908,
28,
85,
12367,
2200,
10943,
16254,
62,
24908,
11,
410,
12367,
34,
34574,
11002,
51,
505,
28,
85,
12367,
34,
34574,
11002,
51,
505,
11,
410,
12367,
2200,
10943,
16254,
62,
41335,
9328,
28,
85,
12367,
2200,
10943,
16254,
62,
41335,
9328,
11,
410,
12367,
24728,
9492,
3622,
28,
85,
12367,
24728,
9492,
3622,
11,
410,
12367,
41506,
24400,
19511,
270,
28,
85,
12367,
41506,
24400,
19511,
270,
11,
410,
12367,
53,
9655,
439,
37508,
35,
2257,
15057,
28,
85,
12367,
53,
9655,
439,
37508,
35,
2257,
15057,
11,
410,
12367,
24728,
44,
53,
4061,
22851,
29239,
28,
85,
12367,
24728,
44,
53,
4061,
22851,
29239,
11,
410,
12367,
29239,
48593,
33553,
15057,
28,
85,
12367,
29239,
48593,
33553,
15057,
11,
410,
12367,
53,
9655,
439,
37508,
30150,
28,
85,
12367,
53,
9655,
439,
37508,
30150,
11,
410,
12367,
19511,
270,
10962,
13247,
28,
85,
12367,
19511,
270,
10962,
13247,
11,
410,
12367,
29239,
29239,
6030,
28,
85,
12367,
29239,
29239,
6030,
11,
410,
12367,
19511,
270,
10100,
28,
85,
12367,
19511,
270,
10100,
11,
410,
12367,
19511,
270,
14134,
6030,
28,
85,
12367,
19511,
270,
14134,
6030,
11,
410,
12367,
53,
9655,
439,
37508,
6030,
28,
85,
12367,
53,
9655,
439,
37508,
6030,
11,
410,
12367,
24728,
20491,
28,
85,
12367,
24728,
20491,
11,
410,
12367,
29239,
24728,
15057,
28,
85,
12367,
29239,
24728,
15057,
11,
410,
12367,
53,
9655,
439,
37508,
10962,
28,
85,
12367,
53,
9655,
439,
37508,
10962,
11,
410,
12367,
19511,
270,
5167,
19511,
896,
28,
85,
12367,
19511,
270,
5167,
19511,
896,
11,
410,
12367,
19511,
270,
1273,
5528,
19511,
896,
28,
85,
12367,
19511,
270,
1273,
5528,
19511,
896,
11,
410,
12367,
16962,
10962,
28,
85,
12367,
16962,
10962,
11,
410,
12367,
16962,
30150,
28,
85,
12367,
16962,
30150,
11,
410,
12367,
16962,
12331,
30465,
28,
85,
12367,
16962,
12331,
30465,
11,
410,
12367,
29239,
9012,
28,
85,
12367,
29239,
9012,
11,
410,
12367,
29239,
14134,
9012,
28,
85,
12367,
29239,
14134,
9012,
11,
410,
12367,
5962,
19511,
270,
10962,
28,
85,
12367,
5962,
19511,
270,
10962,
11,
410,
12367,
19511,
270,
15732,
28,
85,
12367,
19511,
270,
15732,
11,
410,
12367,
53,
9655,
439,
37508,
15732,
28,
85,
12367,
53,
9655,
439,
37508,
15732,
11,
410,
12367,
24728,
44,
53,
4061,
12124,
28,
85,
12367,
24728,
44,
53,
4061,
12124,
11,
410,
12367,
14326,
4146,
696,
27977,
28,
85,
12367,
14326,
4146,
696,
27977,
11,
410,
12367,
34,
34574,
34,
21130,
51,
505,
28,
85,
12367,
34,
34574,
34,
21130,
51,
505,
11,
410,
12367,
11627,
35708,
25804,
13247,
28,
85,
12367,
11627,
35708,
25804,
13247,
11,
410,
12367,
5962,
19511,
270,
48031,
28,
85,
12367,
5962,
19511,
270,
48031,
11,
410,
12367,
14326,
4146,
696,
1340,
28,
85,
12367,
14326,
4146,
696,
1340,
11,
410,
12367,
19511,
270,
48031,
28,
85,
12367,
19511,
270,
48031,
11,
410,
12367,
29239,
6030,
28,
85,
12367,
29239,
6030,
11,
410,
12367,
26796,
28,
85,
12367,
26796,
11,
410,
12367,
24728,
30150,
28,
85,
12367,
24728,
30150,
11,
410,
12367,
24728,
6030,
28,
85,
12367,
24728,
6030,
11,
410,
12367,
24728,
19400,
47,
1571,
28,
85,
12367,
24728,
19400,
47,
1571,
11,
410,
12367,
16962,
38963,
15057,
28,
85,
12367,
16962,
38963,
15057,
11,
410,
12367,
24728,
14881,
9399,
20231,
28,
85,
12367,
24728,
14881,
9399,
20231,
11,
410,
12367,
16962,
13247,
28,
85,
12367,
16962,
13247,
11,
410,
12367,
5962,
19511,
270,
30150,
28,
85,
12367,
5962,
19511,
270,
30150,
11,
410,
12367,
24728,
33111,
1925,
8961,
28,
85,
12367,
24728,
33111,
1925,
8961,
11,
410,
12367,
53,
9655,
439,
37508,
50,
7397,
15057,
28,
85,
12367,
53,
9655,
439,
37508,
50,
7397,
15057,
11,
410,
12367,
16962,
6030,
28,
85,
12367,
16962,
6030,
11,
410,
12367,
24728,
10962,
28,
85,
12367,
24728,
10962,
11,
410,
12367,
16962,
40,
3185,
419,
20231,
28,
85,
12367,
16962,
40,
3185,
419,
20231,
8,
198
] | 3.135397 | 11,241 |
# MIT License
# Copyright (c) 2018 Epsagon
# Permission is hereby granted, free of charge, to any person obtaining a copy
# of this software and associated documentation files (the "Software"), to deal
# in the Software without restriction, including without limitation the rights
# to use, copy, modify, merge, publish, distribute, sublicense, and/or sell
# copies of the Software, and to permit persons to whom the Software is
# furnished to do so, subject to the following conditions:
# The above copyright notice and this permission notice shall be included in all
# copies or substantial portions of the Software.
# THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR
# IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,
# FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE
# AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER
# LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,
# OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE
# SOFTWARE.
# list_lambas by Epsagon, modified by zanderhavgaard
# https://github.com/epsagon/list-lambdas
# Enumerates Lambda functions from every region with interesting metadata
from __future__ import print_function
from datetime import datetime
import argparse
import codecs
import boto3
from boto3.session import Session
from botocore.exceptions import ClientError
DATETIME_FORMAT = "%Y-%m-%dT%H:%M:%S"
BYTE_TO_MB = 1024.0 * 1024.0
ALL_TABLE_HEADERS = [
"Region",
"Function",
"Memory (MB)",
"Code Size (MB)",
"Timeout (seconds)",
"Runtime",
"Description",
"Last Modified",
"Last Invocation",
]
SORT_KEYS = ["region", "last-modified", "last-invocation", "runtime"]
def list_available_lambda_regions():
"""
Enumerates list of all Lambda regions
:return: list of regions
"""
session = Session()
regions = session.get_available_regions("lambda")
# for some reason stockholm is not returned by the above call
if "eu-north-1" not in regions:
regions.append("eu-north-1")
return regions
def init_boto_client(client_name, region, args):
"""
Initiates boto's client object
:param client_name: client name
:param region: region name
:param args: arguments
:return: Client
"""
# if args.token_key_id and args.token_secret:
# boto_client = boto3.client(
# client_name,
# aws_access_key_id=args.token_key_id,
# aws_secret_access_key=args.token_secret,
# region_name=region,
# )
# elif args.profile:
# session = boto3.session.Session(profile_name=args.profile)
# boto_client = session.client(client_name, region_name=region)
# else:
# boto_client = boto3.client(client_name, region_name=region)
# TODO fix
boto_client = boto3.client(
client_name,
aws_access_key_id=args.token_key_id,
aws_secret_access_key=args.token_secret,
region_name=region,
)
return boto_client
def get_days_ago(datetime_obj):
"""
Converts a datetime object to "time ago" string
:param datetime_obj: Datetime
:return: "time ago" string
"""
days_ago = (datetime.now() - datetime_obj).days
datetime_str = "Today"
if days_ago == 1:
datetime_str = "Yesterday"
elif days_ago > 1:
datetime_str = "{0} days ago".format(days_ago)
return datetime_str
def get_last_invocation(region, args, function_name):
"""
Return last invocation timestamp (epoch) or -1 if not found.
-1 can be returned if no log group exists for Lambda,
or if there are no streams in the log.
:param region: function region
:param args: arguments
:param function_name: function name
:return: last invocation or -1
"""
logs_client = init_boto_client("logs", region, args)
last_invocation = -1
try:
logs = logs_client.describe_log_streams(
logGroupName="/aws/lambda/{0}".format(function_name), orderBy="LastEventTime", descending=True
)
except ClientError as _:
return last_invocation
log_streams_timestamp = [log.get("lastEventTimestamp", 0) for log in logs["logStreams"]]
if log_streams_timestamp:
last_invocation = max(log_streams_timestamp)
return last_invocation
def print_lambda_list(args):
"""
Main function
:return: None
"""
regions = list_available_lambda_regions()
lambdas_data = []
for region in regions:
lambda_client = init_boto_client("lambda", region, args)
next_marker = None
response = lambda_client.list_functions()
while next_marker != "":
next_marker = ""
functions = response["Functions"]
if not functions:
continue
for function_data in functions:
# Extract last modified time
last_modified = datetime.strptime(function_data["LastModified"].split(".")[0], DATETIME_FORMAT)
# Extract last invocation time from logs
last_invocation = get_last_invocation(region, args, function_data["FunctionName"])
if last_invocation != -1:
inactive_days = (datetime.now() - datetime.fromtimestamp(last_invocation / 1000)).days
if args.inactive_days_filter > inactive_days:
continue
lambdas_data.append(
{
"region": region,
"function-data": function_data,
"last-modified": last_modified,
"last-invocation": last_invocation,
"runtime": function_data["Runtime"],
}
)
# Verify if there is next marker
if "NextMarker" in response:
next_marker = response["NextMarker"]
response = lambda_client.list_functions(Marker=next_marker)
# Sort data by the given key (default: by region)
lambdas_data.sort(key=lambda x: x[args.sort_by])
# min_table_data, all_table_data = create_tables(lambdas_data, args)
formatted_lambda_data = format_lambda_data(lambdas_data, args)
return formatted_lambda_data
| [
2,
220,
17168,
13789,
198,
2,
220,
15069,
357,
66,
8,
2864,
43427,
1840,
198,
198,
2,
220,
2448,
3411,
318,
29376,
7520,
11,
1479,
286,
3877,
11,
284,
597,
1048,
16727,
257,
4866,
198,
2,
220,
286,
428,
3788,
290,
3917,
10314,
3696,
357,
1169,
366,
25423,
12340,
284,
1730,
198,
2,
220,
287,
262,
10442,
1231,
17504,
11,
1390,
1231,
17385,
262,
2489,
198,
2,
220,
284,
779,
11,
4866,
11,
13096,
11,
20121,
11,
7715,
11,
14983,
11,
850,
43085,
11,
290,
14,
273,
3677,
198,
2,
220,
9088,
286,
262,
10442,
11,
290,
284,
8749,
6506,
284,
4150,
262,
10442,
318,
198,
2,
220,
30760,
284,
466,
523,
11,
2426,
284,
262,
1708,
3403,
25,
198,
198,
2,
220,
383,
2029,
6634,
4003,
290,
428,
7170,
4003,
2236,
307,
3017,
287,
477,
198,
2,
220,
9088,
393,
8904,
16690,
286,
262,
10442,
13,
198,
198,
2,
220,
3336,
47466,
3180,
36592,
2389,
1961,
366,
1921,
3180,
1600,
42881,
34764,
56,
3963,
15529,
509,
12115,
11,
7788,
32761,
6375,
198,
2,
220,
8959,
49094,
11,
47783,
2751,
21728,
5626,
40880,
5390,
3336,
34764,
11015,
3963,
34482,
3398,
1565,
5603,
25382,
11,
198,
2,
220,
376,
46144,
7473,
317,
16652,
2149,
37232,
33079,
48933,
5357,
44521,
1268,
10913,
2751,
12529,
13,
3268,
8005,
49261,
50163,
3336,
198,
2,
220,
37195,
20673,
6375,
27975,
38162,
9947,
367,
15173,
4877,
9348,
43031,
19146,
7473,
15529,
47666,
3955,
11,
29506,
25552,
6375,
25401,
198,
2,
220,
43031,
25382,
11,
7655,
2767,
16879,
3268,
3537,
40282,
3963,
27342,
10659,
11,
309,
9863,
6375,
25401,
54,
24352,
11,
5923,
1797,
2751,
16034,
11,
198,
2,
220,
16289,
3963,
6375,
3268,
7102,
45,
24565,
13315,
3336,
47466,
6375,
3336,
23210,
6375,
25401,
5550,
1847,
20754,
3268,
3336,
198,
2,
220,
47466,
13,
198,
198,
2,
1351,
62,
2543,
12093,
416,
43427,
1840,
11,
9518,
416,
1976,
4066,
71,
615,
36232,
198,
2,
3740,
1378,
12567,
13,
785,
14,
25386,
1840,
14,
4868,
12,
2543,
17457,
292,
198,
198,
2,
220,
2039,
6975,
689,
21114,
6814,
5499,
422,
790,
3814,
351,
3499,
20150,
198,
198,
6738,
11593,
37443,
834,
1330,
3601,
62,
8818,
198,
6738,
4818,
8079,
1330,
4818,
8079,
198,
11748,
1822,
29572,
198,
11748,
40481,
82,
198,
11748,
275,
2069,
18,
198,
6738,
275,
2069,
18,
13,
29891,
1330,
23575,
198,
6738,
10214,
420,
382,
13,
1069,
11755,
1330,
20985,
12331,
198,
198,
35,
1404,
2767,
12789,
62,
21389,
1404,
796,
36521,
56,
12,
4,
76,
12,
4,
67,
51,
4,
39,
25,
4,
44,
25,
4,
50,
1,
198,
17513,
9328,
62,
10468,
62,
10744,
796,
28119,
13,
15,
1635,
28119,
13,
15,
198,
198,
7036,
62,
38148,
62,
37682,
4877,
796,
685,
198,
220,
220,
220,
366,
47371,
1600,
198,
220,
220,
220,
366,
22203,
1600,
198,
220,
220,
220,
366,
30871,
357,
10744,
42501,
198,
220,
220,
220,
366,
10669,
12849,
357,
10744,
42501,
198,
220,
220,
220,
366,
48031,
357,
43012,
42501,
198,
220,
220,
220,
366,
41006,
1600,
198,
220,
220,
220,
366,
11828,
1600,
198,
220,
220,
220,
366,
5956,
40499,
1600,
198,
220,
220,
220,
366,
5956,
10001,
5040,
1600,
198,
60,
198,
198,
50,
9863,
62,
7336,
16309,
796,
14631,
36996,
1600,
366,
12957,
12,
41771,
1600,
366,
12957,
12,
16340,
5040,
1600,
366,
43282,
8973,
628,
198,
4299,
1351,
62,
15182,
62,
50033,
62,
2301,
507,
33529,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
2039,
6975,
689,
1351,
286,
477,
21114,
6814,
7652,
198,
220,
220,
220,
1058,
7783,
25,
1351,
286,
7652,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
6246,
796,
23575,
3419,
198,
220,
220,
220,
7652,
796,
6246,
13,
1136,
62,
15182,
62,
2301,
507,
7203,
50033,
4943,
198,
220,
220,
220,
1303,
329,
617,
1738,
4283,
22981,
318,
407,
4504,
416,
262,
2029,
869,
198,
220,
220,
220,
611,
366,
12496,
12,
43588,
12,
16,
1,
407,
287,
7652,
25,
198,
220,
220,
220,
220,
220,
220,
220,
7652,
13,
33295,
7203,
12496,
12,
43588,
12,
16,
4943,
198,
220,
220,
220,
1441,
7652,
628,
198,
4299,
2315,
62,
65,
2069,
62,
16366,
7,
16366,
62,
3672,
11,
3814,
11,
26498,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
16204,
689,
275,
2069,
338,
5456,
2134,
198,
220,
220,
220,
1058,
17143,
5456,
62,
3672,
25,
5456,
1438,
198,
220,
220,
220,
1058,
17143,
3814,
25,
3814,
1438,
198,
220,
220,
220,
1058,
17143,
26498,
25,
7159,
198,
220,
220,
220,
1058,
7783,
25,
20985,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1303,
220,
611,
26498,
13,
30001,
62,
2539,
62,
312,
290,
26498,
13,
30001,
62,
21078,
25,
198,
220,
220,
220,
1303,
220,
275,
2069,
62,
16366,
796,
275,
2069,
18,
13,
16366,
7,
198,
220,
220,
220,
1303,
220,
5456,
62,
3672,
11,
198,
220,
220,
220,
1303,
220,
3253,
82,
62,
15526,
62,
2539,
62,
312,
28,
22046,
13,
30001,
62,
2539,
62,
312,
11,
198,
220,
220,
220,
1303,
220,
3253,
82,
62,
21078,
62,
15526,
62,
2539,
28,
22046,
13,
30001,
62,
21078,
11,
198,
220,
220,
220,
1303,
220,
3814,
62,
3672,
28,
36996,
11,
198,
220,
220,
220,
1303,
220,
1267,
198,
220,
220,
220,
1303,
220,
1288,
361,
26498,
13,
13317,
25,
198,
220,
220,
220,
1303,
220,
6246,
796,
275,
2069,
18,
13,
29891,
13,
36044,
7,
13317,
62,
3672,
28,
22046,
13,
13317,
8,
198,
220,
220,
220,
1303,
220,
275,
2069,
62,
16366,
796,
6246,
13,
16366,
7,
16366,
62,
3672,
11,
3814,
62,
3672,
28,
36996,
8,
198,
220,
220,
220,
1303,
220,
2073,
25,
198,
220,
220,
220,
1303,
220,
275,
2069,
62,
16366,
796,
275,
2069,
18,
13,
16366,
7,
16366,
62,
3672,
11,
3814,
62,
3672,
28,
36996,
8,
628,
220,
220,
220,
1303,
16926,
46,
4259,
198,
220,
220,
220,
275,
2069,
62,
16366,
796,
275,
2069,
18,
13,
16366,
7,
198,
220,
220,
220,
220,
220,
220,
220,
5456,
62,
3672,
11,
198,
220,
220,
220,
220,
220,
220,
220,
3253,
82,
62,
15526,
62,
2539,
62,
312,
28,
22046,
13,
30001,
62,
2539,
62,
312,
11,
198,
220,
220,
220,
220,
220,
220,
220,
3253,
82,
62,
21078,
62,
15526,
62,
2539,
28,
22046,
13,
30001,
62,
21078,
11,
198,
220,
220,
220,
220,
220,
220,
220,
3814,
62,
3672,
28,
36996,
11,
198,
220,
220,
220,
1267,
628,
220,
220,
220,
1441,
275,
2069,
62,
16366,
628,
198,
4299,
651,
62,
12545,
62,
3839,
7,
19608,
8079,
62,
26801,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1482,
24040,
257,
4818,
8079,
2134,
284,
366,
2435,
2084,
1,
4731,
198,
220,
220,
220,
1058,
17143,
4818,
8079,
62,
26801,
25,
16092,
8079,
198,
220,
220,
220,
1058,
7783,
25,
366,
2435,
2084,
1,
4731,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1528,
62,
3839,
796,
357,
19608,
8079,
13,
2197,
3419,
532,
4818,
8079,
62,
26801,
737,
12545,
198,
220,
220,
220,
4818,
8079,
62,
2536,
796,
366,
8888,
1,
198,
220,
220,
220,
611,
1528,
62,
3839,
6624,
352,
25,
198,
220,
220,
220,
220,
220,
220,
220,
4818,
8079,
62,
2536,
796,
366,
28065,
1,
198,
220,
220,
220,
1288,
361,
1528,
62,
3839,
1875,
352,
25,
198,
220,
220,
220,
220,
220,
220,
220,
4818,
8079,
62,
2536,
796,
45144,
15,
92,
1528,
2084,
1911,
18982,
7,
12545,
62,
3839,
8,
628,
220,
220,
220,
1441,
4818,
8079,
62,
2536,
628,
198,
4299,
651,
62,
12957,
62,
16340,
5040,
7,
36996,
11,
26498,
11,
2163,
62,
3672,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
8229,
938,
43219,
41033,
357,
538,
5374,
8,
393,
532,
16,
611,
407,
1043,
13,
198,
220,
220,
220,
532,
16,
460,
307,
4504,
611,
645,
2604,
1448,
7160,
329,
21114,
6814,
11,
198,
220,
220,
220,
393,
611,
612,
389,
645,
15190,
287,
262,
2604,
13,
198,
220,
220,
220,
1058,
17143,
3814,
25,
2163,
3814,
198,
220,
220,
220,
1058,
17143,
26498,
25,
7159,
198,
220,
220,
220,
1058,
17143,
2163,
62,
3672,
25,
2163,
1438,
198,
220,
220,
220,
1058,
7783,
25,
938,
43219,
393,
532,
16,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
17259,
62,
16366,
796,
2315,
62,
65,
2069,
62,
16366,
7203,
6404,
82,
1600,
3814,
11,
26498,
8,
198,
220,
220,
220,
938,
62,
16340,
5040,
796,
532,
16,
628,
220,
220,
220,
1949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
17259,
796,
17259,
62,
16366,
13,
20147,
4892,
62,
6404,
62,
5532,
82,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2604,
13247,
5376,
35922,
8356,
14,
50033,
14,
90,
15,
92,
1911,
18982,
7,
8818,
62,
3672,
828,
1502,
3886,
2625,
5956,
9237,
7575,
1600,
31491,
28,
17821,
198,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
2845,
20985,
12331,
355,
4808,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
938,
62,
16340,
5040,
628,
220,
220,
220,
2604,
62,
5532,
82,
62,
16514,
27823,
796,
685,
6404,
13,
1136,
7203,
12957,
9237,
14967,
27823,
1600,
657,
8,
329,
2604,
287,
17259,
14692,
6404,
12124,
82,
8973,
60,
628,
220,
220,
220,
611,
2604,
62,
5532,
82,
62,
16514,
27823,
25,
198,
220,
220,
220,
220,
220,
220,
220,
938,
62,
16340,
5040,
796,
3509,
7,
6404,
62,
5532,
82,
62,
16514,
27823,
8,
628,
220,
220,
220,
1441,
938,
62,
16340,
5040,
628,
198,
198,
4299,
3601,
62,
50033,
62,
4868,
7,
22046,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
8774,
2163,
198,
220,
220,
220,
1058,
7783,
25,
6045,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
7652,
796,
1351,
62,
15182,
62,
50033,
62,
2301,
507,
3419,
628,
220,
220,
220,
19343,
67,
292,
62,
7890,
796,
17635,
198,
220,
220,
220,
329,
3814,
287,
7652,
25,
198,
220,
220,
220,
220,
220,
220,
220,
37456,
62,
16366,
796,
2315,
62,
65,
2069,
62,
16366,
7203,
50033,
1600,
3814,
11,
26498,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1306,
62,
4102,
263,
796,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
2882,
796,
37456,
62,
16366,
13,
4868,
62,
12543,
2733,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
981,
1306,
62,
4102,
263,
14512,
366,
1298,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1306,
62,
4102,
263,
796,
13538,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5499,
796,
2882,
14692,
24629,
2733,
8973,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
407,
5499,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2555,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
2163,
62,
7890,
287,
5499,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
29677,
938,
9518,
640,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
938,
62,
41771,
796,
4818,
8079,
13,
2536,
457,
524,
7,
8818,
62,
7890,
14692,
5956,
5841,
1431,
1,
4083,
35312,
7203,
19570,
58,
15,
4357,
360,
1404,
2767,
12789,
62,
21389,
1404,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
29677,
938,
43219,
640,
422,
17259,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
938,
62,
16340,
5040,
796,
651,
62,
12957,
62,
16340,
5040,
7,
36996,
11,
26498,
11,
2163,
62,
7890,
14692,
22203,
5376,
8973,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
938,
62,
16340,
5040,
14512,
532,
16,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
28621,
62,
12545,
796,
357,
19608,
8079,
13,
2197,
3419,
532,
4818,
8079,
13,
6738,
16514,
27823,
7,
12957,
62,
16340,
5040,
1220,
8576,
29720,
12545,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
26498,
13,
259,
5275,
62,
12545,
62,
24455,
1875,
28621,
62,
12545,
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,
2555,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
19343,
67,
292,
62,
7890,
13,
33295,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1391,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
36996,
1298,
3814,
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,
366,
8818,
12,
7890,
1298,
2163,
62,
7890,
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,
366,
12957,
12,
41771,
1298,
938,
62,
41771,
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,
366,
12957,
12,
16340,
5040,
1298,
938,
62,
16340,
5040,
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,
366,
43282,
1298,
2163,
62,
7890,
14692,
41006,
33116,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1782,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
49899,
611,
612,
318,
1306,
18364,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
366,
10019,
9704,
263,
1,
287,
2882,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1306,
62,
4102,
263,
796,
2882,
14692,
10019,
9704,
263,
8973,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2882,
796,
37456,
62,
16366,
13,
4868,
62,
12543,
2733,
7,
9704,
263,
28,
19545,
62,
4102,
263,
8,
628,
220,
220,
220,
1303,
33947,
1366,
416,
262,
1813,
1994,
357,
12286,
25,
416,
3814,
8,
198,
220,
220,
220,
19343,
67,
292,
62,
7890,
13,
30619,
7,
2539,
28,
50033,
2124,
25,
2124,
58,
22046,
13,
30619,
62,
1525,
12962,
628,
220,
220,
220,
1303,
220,
949,
62,
11487,
62,
7890,
11,
477,
62,
11487,
62,
7890,
796,
2251,
62,
83,
2977,
7,
2543,
17457,
292,
62,
7890,
11,
26498,
8,
198,
220,
220,
220,
39559,
62,
50033,
62,
7890,
796,
5794,
62,
50033,
62,
7890,
7,
2543,
17457,
292,
62,
7890,
11,
26498,
8,
628,
220,
220,
220,
1441,
39559,
62,
50033,
62,
7890,
198
] | 2.511251 | 2,533 |
# Copyright 2017 Google Inc.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.
import glob
import gzip
import random
import serial
from serial.serialutil import SerialTimeoutException
from StringIO import StringIO
import sys
import time
import zipfile
print "Opening port"
USE_TIMEOUT=0
ser = serial.Serial(guess_port(), timeout=0, write_timeout=0.5 if USE_TIMEOUT else None)
decompress = False
fn = None
for arg in sys.argv[1:]:
if arg == '-d':
decompress = True
else:
fn = arg
if not decompress:
data = open(fn).read()
else:
data = None
# try loading a .uef out of a .zip
try:
zf = zipfile.ZipFile(fn)
for f in zf.namelist():
if f.endswith(".uef"):
print "found %s in zip" % f
data = zf.read(f)
print "read %d bytes from %s inside %s" % (len(data), f, fn)
break
except zipfile.BadZipfile:
print "not a zip file"
if data is None:
# not a zip or can't find a .uef in there
data = open(fn).read()
print "read %d bytes from %s" % (len(data), fn)
# try un-gzipping it
try:
data = gzip.GzipFile(fileobj=StringIO(data)).read()
print "after gunzipping: %d bytes" % len(data)
except IOError:
print "not gzipped"
print "Sending %s to port and verifying that it comes back" % fn
n_out = n_in = 0
received = []
n_retries = 0
print "Writing %d (%x) bytes" % (len(data), len(data))
for c in data:
while 1:
v = ord(c)
print "%02x %c" % (v, c if 32 < v < 127 else '.')
try:
n = ser.write(c)
except SerialTimeoutException:
n = 0
print n
if not USE_TIMEOUT: break
# try receiving
r = ser.read(1000)
if r:
print "RECEIVED", `r`
received.append(r)
if n: break # next char
time.sleep(0.01)
print "RETRY",
n_retries += 1
print "Waiting for final serial loopback"
start = time.time()
while (time.time() - start) < 0.5:
r = ser.read()
if not r:
time.sleep(0.1)
continue
# we got something, so reset the timeout
start = time.time()
print `r`
received.append(r)
print "ALL SENT"
received = ''.join(received)
print "This is what we received:"
print `received`
n = len(received)
print "%d (%x) bytes (%d missing). %d retries." % (n, n, len(data) - n, n_retries)
| [
2,
15069,
2177,
3012,
3457,
13,
198,
2,
198,
2,
49962,
739,
262,
24843,
13789,
11,
10628,
362,
13,
15,
357,
1169,
366,
34156,
15341,
198,
2,
345,
743,
407,
779,
428,
2393,
2845,
287,
11846,
351,
262,
13789,
13,
198,
2,
921,
743,
7330,
257,
4866,
286,
262,
13789,
379,
198,
2,
198,
2,
220,
220,
220,
220,
2638,
1378,
2503,
13,
43073,
13,
2398,
14,
677,
4541,
14,
43,
2149,
24290,
12,
17,
13,
15,
198,
2,
198,
2,
17486,
2672,
416,
9723,
1099,
393,
4987,
284,
287,
3597,
11,
3788,
198,
2,
9387,
739,
262,
13789,
318,
9387,
319,
281,
366,
1921,
3180,
1,
29809,
1797,
11,
198,
2,
42881,
34764,
11015,
6375,
7102,
49828,
11053,
3963,
15529,
509,
12115,
11,
2035,
4911,
393,
17142,
13,
198,
2,
4091,
262,
13789,
329,
262,
2176,
3303,
15030,
21627,
290,
198,
2,
11247,
739,
262,
13789,
13,
198,
198,
11748,
15095,
198,
11748,
308,
13344,
198,
11748,
4738,
198,
11748,
11389,
198,
6738,
11389,
13,
46911,
22602,
1330,
23283,
48031,
16922,
198,
6738,
10903,
9399,
1330,
10903,
9399,
198,
11748,
25064,
198,
11748,
640,
198,
11748,
19974,
7753,
198,
198,
4798,
366,
43093,
2493,
1,
198,
19108,
62,
34694,
12425,
28,
15,
198,
2655,
796,
11389,
13,
32634,
7,
5162,
408,
62,
634,
22784,
26827,
28,
15,
11,
3551,
62,
48678,
28,
15,
13,
20,
611,
23210,
62,
34694,
12425,
2073,
6045,
8,
198,
198,
12501,
3361,
601,
796,
10352,
198,
22184,
796,
6045,
198,
1640,
1822,
287,
25064,
13,
853,
85,
58,
16,
25,
5974,
198,
220,
220,
220,
611,
1822,
6624,
705,
12,
67,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
38237,
601,
796,
6407,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
24714,
796,
1822,
198,
198,
361,
407,
38237,
601,
25,
198,
220,
220,
220,
1366,
796,
1280,
7,
22184,
737,
961,
3419,
198,
17772,
25,
198,
220,
220,
220,
1366,
796,
6045,
198,
220,
220,
220,
1303,
1949,
11046,
257,
764,
518,
69,
503,
286,
257,
764,
13344,
198,
220,
220,
220,
1949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1976,
69,
796,
19974,
7753,
13,
41729,
8979,
7,
22184,
8,
198,
220,
220,
220,
220,
220,
220,
220,
329,
277,
287,
1976,
69,
13,
7402,
46331,
33529,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
277,
13,
437,
2032,
342,
7,
1911,
518,
69,
1,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
366,
9275,
4064,
82,
287,
19974,
1,
4064,
277,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1366,
796,
1976,
69,
13,
961,
7,
69,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
366,
961,
4064,
67,
9881,
422,
4064,
82,
2641,
4064,
82,
1,
4064,
357,
11925,
7,
7890,
828,
277,
11,
24714,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2270,
198,
220,
220,
220,
2845,
19974,
7753,
13,
22069,
41729,
7753,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
366,
1662,
257,
19974,
2393,
1,
198,
220,
220,
220,
611,
1366,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
407,
257,
19974,
393,
460,
470,
1064,
257,
764,
518,
69,
287,
612,
198,
220,
220,
220,
220,
220,
220,
220,
1366,
796,
1280,
7,
22184,
737,
961,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
366,
961,
4064,
67,
9881,
422,
4064,
82,
1,
4064,
357,
11925,
7,
7890,
828,
24714,
8,
628,
220,
220,
220,
1303,
1949,
555,
12,
34586,
4501,
340,
198,
220,
220,
220,
1949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1366,
796,
308,
13344,
13,
38,
13344,
8979,
7,
7753,
26801,
28,
10100,
9399,
7,
7890,
29720,
961,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
366,
8499,
2485,
89,
4501,
25,
4064,
67,
9881,
1,
4064,
18896,
7,
7890,
8,
198,
220,
220,
220,
2845,
24418,
12331,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
366,
1662,
308,
89,
3949,
1,
198,
198,
4798,
366,
50,
1571,
4064,
82,
284,
2493,
290,
45505,
326,
340,
2058,
736,
1,
4064,
24714,
198,
198,
77,
62,
448,
796,
299,
62,
259,
796,
657,
198,
47844,
796,
17635,
198,
77,
62,
1186,
1678,
796,
657,
198,
4798,
366,
33874,
4064,
67,
37633,
87,
8,
9881,
1,
4064,
357,
11925,
7,
7890,
828,
18896,
7,
7890,
4008,
198,
1640,
269,
287,
1366,
25,
198,
220,
220,
220,
981,
352,
25,
198,
220,
220,
220,
220,
220,
220,
220,
410,
796,
2760,
7,
66,
8,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
36521,
2999,
87,
4064,
66,
1,
4064,
357,
85,
11,
269,
611,
3933,
1279,
410,
1279,
18112,
2073,
705,
2637,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
299,
796,
1055,
13,
13564,
7,
66,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2845,
23283,
48031,
16922,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
299,
796,
657,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
299,
198,
220,
220,
220,
220,
220,
220,
220,
611,
407,
23210,
62,
34694,
12425,
25,
2270,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
1949,
6464,
198,
220,
220,
220,
220,
220,
220,
220,
374,
796,
1055,
13,
961,
7,
12825,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
374,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
366,
2200,
5222,
3824,
1961,
1600,
4600,
81,
63,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2722,
13,
33295,
7,
81,
8,
628,
220,
220,
220,
220,
220,
220,
220,
611,
299,
25,
2270,
1303,
1306,
1149,
198,
220,
220,
220,
220,
220,
220,
220,
640,
13,
42832,
7,
15,
13,
486,
8,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
366,
2200,
40405,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
299,
62,
1186,
1678,
15853,
352,
198,
198,
4798,
366,
33484,
1780,
329,
2457,
11389,
9052,
1891,
1,
198,
9688,
796,
640,
13,
2435,
3419,
198,
4514,
357,
2435,
13,
2435,
3419,
532,
923,
8,
1279,
657,
13,
20,
25,
198,
220,
220,
220,
374,
796,
1055,
13,
961,
3419,
198,
220,
220,
220,
611,
407,
374,
25,
198,
220,
220,
220,
220,
220,
220,
220,
640,
13,
42832,
7,
15,
13,
16,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2555,
198,
220,
220,
220,
1303,
356,
1392,
1223,
11,
523,
13259,
262,
26827,
198,
220,
220,
220,
923,
796,
640,
13,
2435,
3419,
198,
220,
220,
220,
3601,
4600,
81,
63,
198,
220,
220,
220,
2722,
13,
33295,
7,
81,
8,
198,
198,
4798,
366,
7036,
311,
3525,
1,
198,
47844,
796,
705,
4458,
22179,
7,
47844,
8,
198,
4798,
366,
1212,
318,
644,
356,
2722,
11097,
198,
4798,
4600,
47844,
63,
198,
77,
796,
18896,
7,
47844,
8,
198,
4798,
36521,
67,
37633,
87,
8,
9881,
37633,
67,
4814,
737,
220,
4064,
67,
1005,
1678,
526,
4064,
357,
77,
11,
299,
11,
18896,
7,
7890,
8,
532,
299,
11,
299,
62,
1186,
1678,
8,
198
] | 2.38126 | 1,238 |
# -*- mode: python -*-
# vi: set ft=python :
"""
Identifies the C/C++ compiler by examining the presence or values of various
predefined C preprocessor macros. Identifies any compiler capable of compiling
C++ code that is supported by CMake 3.12.0.
Note that there are constraint_values @bazel_tools//tools/cpp:clang and
@bazel_tools//tools/cpp:gcc that could potentially distinguish between the
Clang and GCC compilers as an alternative to this approach, but as of Bazel
0.14.1, they appear not to be compatible with the autogenerated toolchain.
Example:
load("@drake//tools/workspace/cc:repository.bzl", "cc_repository")
cc_repository(name = "cc")
foo.bzl:
load("@cc//:compiler.bzl", "COMPILER_ID")
if "COMPILER_ID" == "AppleClang":
# Do something...
if "COMPILER_ID" == "Clang":
# Do something...
if "COMPILER_ID" == "GNU":
# Do something...
Argument:
name: A unique name for this rule.
"""
load("@bazel_tools//tools/cpp:unix_cc_configure.bzl", "find_cc")
load("@drake//tools/workspace:execute.bzl", "execute_or_fail")
cc_repository = repository_rule(
environ = [
"BAZEL_DO_NOT_DETECT_CPP_TOOLCHAIN",
"BAZEL_USE_CPP_ONLY_TOOLCHAIN",
"CC",
],
configure = True,
implementation = _impl,
)
| [
2,
532,
9,
12,
4235,
25,
21015,
532,
9,
12,
198,
2,
25357,
25,
900,
10117,
28,
29412,
1058,
198,
198,
37811,
198,
33234,
6945,
262,
327,
14,
34,
4880,
17050,
416,
17247,
262,
4931,
393,
3815,
286,
2972,
198,
28764,
18156,
327,
662,
41341,
34749,
13,
11440,
6945,
597,
17050,
6007,
286,
33393,
198,
34,
4880,
2438,
326,
318,
4855,
416,
327,
12050,
513,
13,
1065,
13,
15,
13,
198,
198,
6425,
326,
612,
389,
32315,
62,
27160,
2488,
65,
41319,
62,
31391,
1003,
31391,
14,
20322,
25,
565,
648,
290,
198,
31,
65,
41319,
62,
31391,
1003,
31391,
14,
20322,
25,
70,
535,
326,
714,
6196,
15714,
1022,
262,
198,
2601,
648,
290,
42362,
552,
34393,
355,
281,
5559,
284,
428,
3164,
11,
475,
355,
286,
347,
41319,
198,
15,
13,
1415,
13,
16,
11,
484,
1656,
407,
284,
307,
11670,
351,
262,
1960,
519,
877,
515,
2891,
7983,
13,
198,
198,
16281,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3440,
7203,
31,
32491,
365,
1003,
31391,
14,
5225,
10223,
14,
535,
25,
260,
1930,
37765,
13,
65,
48274,
1600,
366,
535,
62,
260,
1930,
37765,
4943,
198,
220,
220,
220,
220,
220,
220,
220,
36624,
62,
260,
1930,
37765,
7,
3672,
796,
366,
535,
4943,
628,
220,
220,
220,
22944,
13,
65,
48274,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3440,
7203,
31,
535,
1003,
25,
5589,
5329,
13,
65,
48274,
1600,
366,
9858,
47,
4146,
1137,
62,
2389,
4943,
628,
220,
220,
220,
220,
220,
220,
220,
611,
366,
9858,
47,
4146,
1137,
62,
2389,
1,
6624,
366,
16108,
2601,
648,
1298,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
2141,
1223,
986,
628,
220,
220,
220,
220,
220,
220,
220,
611,
366,
9858,
47,
4146,
1137,
62,
2389,
1,
6624,
366,
2601,
648,
1298,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
2141,
1223,
986,
628,
220,
220,
220,
220,
220,
220,
220,
611,
366,
9858,
47,
4146,
1137,
62,
2389,
1,
6624,
366,
16630,
52,
1298,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
2141,
1223,
986,
198,
198,
28100,
1713,
25,
198,
220,
220,
220,
1438,
25,
317,
3748,
1438,
329,
428,
3896,
13,
198,
37811,
198,
198,
2220,
7203,
31,
65,
41319,
62,
31391,
1003,
31391,
14,
20322,
25,
403,
844,
62,
535,
62,
11250,
495,
13,
65,
48274,
1600,
366,
19796,
62,
535,
4943,
198,
2220,
7203,
31,
32491,
365,
1003,
31391,
14,
5225,
10223,
25,
41049,
13,
65,
48274,
1600,
366,
41049,
62,
273,
62,
32165,
4943,
198,
198,
535,
62,
260,
1930,
37765,
796,
16099,
62,
25135,
7,
198,
220,
220,
220,
551,
2268,
796,
685,
198,
220,
220,
220,
220,
220,
220,
220,
366,
4339,
57,
3698,
62,
18227,
62,
11929,
62,
35,
2767,
9782,
62,
8697,
47,
62,
10468,
3535,
3398,
29833,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
366,
4339,
57,
3698,
62,
19108,
62,
8697,
47,
62,
1340,
11319,
62,
10468,
3535,
3398,
29833,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
366,
4093,
1600,
198,
220,
220,
220,
16589,
198,
220,
220,
220,
17425,
796,
6407,
11,
198,
220,
220,
220,
7822,
796,
4808,
23928,
11,
198,
8,
198
] | 2.433272 | 547 |
import os
# There is 100% a better way to do some of the logic in this function, but I really really do not care. | [
11748,
28686,
198,
198,
2,
1318,
318,
1802,
4,
257,
1365,
835,
284,
466,
617,
286,
262,
9156,
287,
428,
2163,
11,
475,
314,
1107,
1107,
466,
407,
1337,
13
] | 3.8 | 30 |
# 코딩도장 문제풀이
# Question number. 406
# 게시판 페이징
# http://codingdojang.com/scode/406
# Author: Lee Jeongwoo
# Github name: zao95
# ========== Question ==========
# A씨는 게시판 프로그램을 작성하고 있다.
# A씨는 게시물의 총 건수와 한 페이지에 보여줄 게시물수를 입력으로 주었을 때 총 페이지수를 리턴하는 프로그램이 필요하다고 한다.
# 입력 : 총건수(m), 한페이지에 보여줄 게시물수(n) (단 n은 1보다 크거나 같다. n >= 1)
# 출력 : 총페이지수
# A씨가 필요한 프로그램을 작성하시오.
# ==============================
import math
m = int(input('총건수: '))
n = int(input('한페이지에 보여줄 게시물수: '))
ans = math.ceil(m/n)
print(ans) | [
2,
23821,
121,
242,
167,
242,
102,
167,
237,
226,
168,
252,
98,
31619,
105,
116,
168,
254,
250,
169,
240,
222,
35975,
112,
198,
2,
18233,
1271,
13,
45439,
198,
2,
220,
166,
110,
234,
168,
233,
250,
169,
234,
238,
220,
169,
236,
246,
35975,
112,
168,
100,
243,
198,
2,
2638,
1378,
66,
7656,
4598,
73,
648,
13,
785,
14,
1416,
1098,
14,
29703,
198,
198,
2,
6434,
25,
5741,
3852,
506,
86,
2238,
198,
2,
38994,
1438,
25,
1976,
5488,
3865,
198,
198,
2,
796,
2559,
28,
18233,
796,
2559,
28,
198,
2,
317,
168,
242,
101,
167,
232,
242,
220,
166,
110,
234,
168,
233,
250,
169,
234,
238,
220,
169,
242,
226,
167,
94,
250,
166,
115,
116,
167,
252,
101,
35975,
226,
23821,
252,
239,
168,
226,
109,
47991,
246,
166,
111,
254,
23821,
252,
230,
46695,
97,
13,
198,
2,
317,
168,
242,
101,
167,
232,
242,
220,
166,
110,
234,
168,
233,
250,
167,
45539,
35975,
246,
23821,
112,
251,
220,
166,
109,
112,
168,
230,
246,
168,
247,
222,
220,
47991,
250,
220,
169,
236,
246,
35975,
112,
168,
100,
222,
168,
245,
238,
31619,
111,
112,
168,
245,
105,
168,
97,
226,
220,
166,
110,
234,
168,
233,
250,
167,
45539,
168,
230,
246,
167,
98,
120,
23821,
252,
227,
167,
254,
98,
168,
250,
120,
167,
94,
250,
23821,
96,
120,
168,
245,
230,
35975,
226,
31619,
243,
234,
23821,
112,
251,
220,
169,
236,
246,
35975,
112,
168,
100,
222,
168,
230,
246,
167,
98,
120,
31619,
99,
105,
169,
226,
112,
47991,
246,
167,
232,
242,
220,
169,
242,
226,
167,
94,
250,
166,
115,
116,
167,
252,
101,
35975,
112,
220,
47991,
226,
168,
248,
242,
47991,
246,
46695,
97,
166,
111,
254,
220,
47991,
250,
46695,
97,
13,
198,
198,
2,
23821,
252,
227,
167,
254,
98,
1058,
23821,
112,
251,
166,
109,
112,
168,
230,
246,
7,
76,
828,
220,
47991,
250,
169,
236,
246,
35975,
112,
168,
100,
222,
168,
245,
238,
31619,
111,
112,
168,
245,
105,
168,
97,
226,
220,
166,
110,
234,
168,
233,
250,
167,
45539,
168,
230,
246,
7,
77,
8,
357,
46695,
101,
299,
35975,
222,
352,
167,
111,
112,
46695,
97,
220,
169,
223,
105,
166,
109,
108,
167,
224,
246,
220,
166,
108,
247,
46695,
97,
13,
299,
18189,
352,
8,
198,
2,
23821,
114,
250,
167,
254,
98,
1058,
23821,
112,
251,
169,
236,
246,
35975,
112,
168,
100,
222,
168,
230,
246,
198,
198,
2,
317,
168,
242,
101,
166,
108,
222,
220,
47991,
226,
168,
248,
242,
47991,
250,
220,
169,
242,
226,
167,
94,
250,
166,
115,
116,
167,
252,
101,
35975,
226,
23821,
252,
239,
168,
226,
109,
47991,
246,
168,
233,
250,
168,
246,
97,
13,
198,
2,
36658,
25609,
28,
198,
198,
11748,
10688,
198,
198,
76,
796,
493,
7,
15414,
10786,
168,
112,
251,
166,
109,
112,
168,
230,
246,
25,
705,
4008,
198,
77,
796,
493,
7,
15414,
10786,
47991,
250,
169,
236,
246,
35975,
112,
168,
100,
222,
168,
245,
238,
31619,
111,
112,
168,
245,
105,
168,
97,
226,
220,
166,
110,
234,
168,
233,
250,
167,
45539,
168,
230,
246,
25,
705,
4008,
198,
198,
504,
796,
10688,
13,
344,
346,
7,
76,
14,
77,
8,
198,
4798,
7,
504,
8
] | 0.883721 | 559 |
# Generated by Django 3.0.6 on 2020-05-24 00:32
from django.conf import settings
from django.db import migrations, models
import django.db.models.deletion
import simple_history.models
| [
2,
2980,
515,
416,
37770,
513,
13,
15,
13,
21,
319,
12131,
12,
2713,
12,
1731,
3571,
25,
2624,
198,
198,
6738,
42625,
14208,
13,
10414,
1330,
6460,
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,
2829,
62,
23569,
13,
27530,
628
] | 3.152542 | 59 |
"""
Tests for enum support.
"""
from __future__ import print_function
import enum
import numba.unittest_support as unittest
from numba import jit
from .support import TestCase, tag
from .enum_usecases import *
class TestEnum(BaseEnumTest, TestCase):
"""
Tests for Enum classes and members.
"""
values = [Color.red, Color.green]
pairs = [
(Color.red, Color.red),
(Color.red, Color.green),
(Shake.mint, Shake.vanilla),
(Planet.VENUS, Planet.MARS),
(Planet.EARTH, Planet.EARTH),
]
def test_identity(self):
"""
Enum with equal values should not compare identical
"""
pyfunc = identity_usecase
cfunc = jit(nopython=True)(pyfunc)
args = (Color.blue, Color.green, Shape.square)
self.assertPreciseEqual(pyfunc(*args), cfunc(*args))
class TestIntEnum(BaseEnumTest, TestCase):
"""
Tests for IntEnum classes and members.
"""
values = [Shape.circle, Shape.square]
pairs = [
(Shape.circle, Shape.circle),
(Shape.circle, Shape.square),
(RequestError.not_found, RequestError.not_found),
(RequestError.internal_error, RequestError.not_found),
]
if __name__ == '__main__':
unittest.main()
| [
37811,
198,
51,
3558,
329,
33829,
1104,
13,
198,
37811,
198,
198,
6738,
11593,
37443,
834,
1330,
3601,
62,
8818,
198,
198,
11748,
33829,
198,
198,
11748,
997,
7012,
13,
403,
715,
395,
62,
11284,
355,
555,
715,
395,
198,
6738,
997,
7012,
1330,
474,
270,
198,
198,
6738,
764,
11284,
1330,
6208,
20448,
11,
7621,
198,
6738,
764,
44709,
62,
1904,
33964,
1330,
1635,
628,
628,
198,
4871,
6208,
4834,
388,
7,
14881,
4834,
388,
14402,
11,
6208,
20448,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
30307,
329,
2039,
388,
6097,
290,
1866,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
3815,
796,
685,
10258,
13,
445,
11,
5315,
13,
14809,
60,
628,
220,
220,
220,
14729,
796,
685,
198,
220,
220,
220,
220,
220,
220,
220,
357,
10258,
13,
445,
11,
5315,
13,
445,
828,
198,
220,
220,
220,
220,
220,
220,
220,
357,
10258,
13,
445,
11,
5315,
13,
14809,
828,
198,
220,
220,
220,
220,
220,
220,
220,
357,
2484,
539,
13,
34289,
11,
41113,
13,
10438,
5049,
828,
198,
220,
220,
220,
220,
220,
220,
220,
357,
41801,
13,
28290,
2937,
11,
11397,
13,
44,
27415,
828,
198,
220,
220,
220,
220,
220,
220,
220,
357,
41801,
13,
17133,
4221,
11,
11397,
13,
17133,
4221,
828,
198,
220,
220,
220,
220,
220,
220,
220,
2361,
628,
220,
220,
220,
825,
1332,
62,
738,
414,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
2039,
388,
351,
4961,
3815,
815,
407,
8996,
10411,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
12972,
20786,
796,
5369,
62,
1904,
7442,
198,
220,
220,
220,
220,
220,
220,
220,
269,
20786,
796,
474,
270,
7,
77,
404,
7535,
28,
17821,
5769,
9078,
20786,
8,
198,
220,
220,
220,
220,
220,
220,
220,
26498,
796,
357,
10258,
13,
17585,
11,
5315,
13,
14809,
11,
25959,
13,
23415,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
30493,
6719,
37561,
36,
13255,
7,
9078,
20786,
46491,
22046,
828,
269,
20786,
46491,
22046,
4008,
628,
198,
4871,
6208,
5317,
4834,
388,
7,
14881,
4834,
388,
14402,
11,
6208,
20448,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
30307,
329,
2558,
4834,
388,
6097,
290,
1866,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
3815,
796,
685,
33383,
13,
45597,
11,
25959,
13,
23415,
60,
628,
220,
220,
220,
14729,
796,
685,
198,
220,
220,
220,
220,
220,
220,
220,
357,
33383,
13,
45597,
11,
25959,
13,
45597,
828,
198,
220,
220,
220,
220,
220,
220,
220,
357,
33383,
13,
45597,
11,
25959,
13,
23415,
828,
198,
220,
220,
220,
220,
220,
220,
220,
357,
18453,
12331,
13,
1662,
62,
9275,
11,
19390,
12331,
13,
1662,
62,
9275,
828,
198,
220,
220,
220,
220,
220,
220,
220,
357,
18453,
12331,
13,
32538,
62,
18224,
11,
19390,
12331,
13,
1662,
62,
9275,
828,
198,
220,
220,
220,
220,
220,
220,
220,
2361,
628,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
198,
220,
220,
220,
555,
715,
395,
13,
12417,
3419,
198
] | 2.404135 | 532 |
'''
main.py
Created by Jo Hyuk Jun on 2020
Copyright © 2020 Jo Hyuk Jun. All rights reserved.
'''
import sys
n = int(sys.stdin.readline().rstrip())
cmd = []
deque = []
for _ in range(n):
cmd.append(list(map(str, sys.stdin.readline().rstrip().split(' '))))
for i in range(n):
if (cmd[i][0] == 'push_front'):
deque.insert(0, cmd[i][1])
elif (cmd[i][0] == 'push_back'):
deque.append(cmd[i][1])
elif (cmd[i][0] == 'pop_front'):
if (len(deque) == 0):
print(-1)
else:
print(deque[0])
deque.pop(0)
elif (cmd[i][0] == 'pop_back'):
if (len(deque) == 0):
print(-1)
else:
print(deque[-1])
deque.pop()
elif (cmd[i][0] == 'size'):
print(len(deque))
elif (cmd[i][0] == 'empty'):
if (len(deque) == 0):
print(1)
else:
print(0)
elif (cmd[i][0] == 'front'):
if (len(deque) == 0):
print(-1)
else:
print(deque[0])
elif (cmd[i][0] == 'back'):
if (len(deque) == 0):
print(-1)
else:
print(deque[-1]) | [
7061,
6,
628,
220,
220,
220,
1388,
13,
9078,
628,
220,
220,
220,
15622,
416,
5302,
6707,
2724,
7653,
319,
12131,
198,
220,
220,
220,
15069,
10673,
12131,
5302,
6707,
2724,
7653,
13,
1439,
2489,
10395,
13,
198,
198,
7061,
6,
628,
198,
11748,
25064,
628,
198,
77,
796,
493,
7,
17597,
13,
19282,
259,
13,
961,
1370,
22446,
81,
36311,
28955,
198,
198,
28758,
796,
17635,
198,
2934,
4188,
796,
17635,
198,
198,
1640,
4808,
287,
2837,
7,
77,
2599,
198,
220,
220,
220,
23991,
13,
33295,
7,
4868,
7,
8899,
7,
2536,
11,
25064,
13,
19282,
259,
13,
961,
1370,
22446,
81,
36311,
22446,
35312,
10786,
705,
35514,
198,
220,
220,
220,
220,
198,
1640,
1312,
287,
2837,
7,
77,
2599,
198,
220,
220,
220,
611,
357,
28758,
58,
72,
7131,
15,
60,
6624,
705,
14689,
62,
8534,
6,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
390,
4188,
13,
28463,
7,
15,
11,
23991,
58,
72,
7131,
16,
12962,
198,
220,
220,
220,
1288,
361,
357,
28758,
58,
72,
7131,
15,
60,
6624,
705,
14689,
62,
1891,
6,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
390,
4188,
13,
33295,
7,
28758,
58,
72,
7131,
16,
12962,
198,
220,
220,
220,
1288,
361,
357,
28758,
58,
72,
7131,
15,
60,
6624,
705,
12924,
62,
8534,
6,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
611,
357,
11925,
7,
2934,
4188,
8,
6624,
657,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
32590,
16,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
7,
2934,
4188,
58,
15,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
390,
4188,
13,
12924,
7,
15,
8,
198,
220,
220,
220,
1288,
361,
357,
28758,
58,
72,
7131,
15,
60,
6624,
705,
12924,
62,
1891,
6,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
611,
357,
11925,
7,
2934,
4188,
8,
6624,
657,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
32590,
16,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
7,
2934,
4188,
58,
12,
16,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
390,
4188,
13,
12924,
3419,
198,
220,
220,
220,
1288,
361,
357,
28758,
58,
72,
7131,
15,
60,
6624,
705,
7857,
6,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
7,
11925,
7,
2934,
4188,
4008,
198,
220,
220,
220,
1288,
361,
357,
28758,
58,
72,
7131,
15,
60,
6624,
705,
28920,
6,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
611,
357,
11925,
7,
2934,
4188,
8,
6624,
657,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
7,
16,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
7,
15,
8,
198,
220,
220,
220,
1288,
361,
357,
28758,
58,
72,
7131,
15,
60,
6624,
705,
8534,
6,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
611,
357,
11925,
7,
2934,
4188,
8,
6624,
657,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
32590,
16,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
7,
2934,
4188,
58,
15,
12962,
198,
220,
220,
220,
1288,
361,
357,
28758,
58,
72,
7131,
15,
60,
6624,
705,
1891,
6,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
611,
357,
11925,
7,
2934,
4188,
8,
6624,
657,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
32590,
16,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
7,
2934,
4188,
58,
12,
16,
12962
] | 1.746686 | 679 |
# Copyright 2011 OpenStack Foundation # All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License"); you may
# not use this file except in compliance with the License. You may obtain
# a copy of the License at
#
# 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.
"""
Tests For Scheduler Host Filters.
"""
import mock
from cinder import context
from cinder.openstack.common import jsonutils
from cinder.openstack.common.scheduler import filters
from cinder import test
from cinder.tests.scheduler import fakes
class HostFiltersTestCase(test.TestCase):
"""Test case for host filters."""
@mock.patch('cinder.utils.service_is_up')
@mock.patch('cinder.utils.service_is_up')
@mock.patch('cinder.utils.service_is_up')
@mock.patch('cinder.utils.service_is_up')
| [
2,
15069,
2813,
4946,
25896,
5693,
220,
1303,
1439,
6923,
33876,
13,
198,
2,
198,
2,
220,
220,
220,
49962,
739,
262,
24843,
13789,
11,
10628,
362,
13,
15,
357,
1169,
366,
34156,
15341,
345,
743,
198,
2,
220,
220,
220,
407,
779,
428,
2393,
2845,
287,
11846,
351,
262,
13789,
13,
921,
743,
7330,
198,
2,
220,
220,
220,
257,
4866,
286,
262,
13789,
379,
198,
2,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
2638,
1378,
2503,
13,
43073,
13,
2398,
14,
677,
4541,
14,
43,
2149,
24290,
12,
17,
13,
15,
198,
2,
198,
2,
220,
220,
220,
17486,
2672,
416,
9723,
1099,
393,
4987,
284,
287,
3597,
11,
3788,
198,
2,
220,
220,
220,
9387,
739,
262,
13789,
318,
9387,
319,
281,
366,
1921,
3180,
1,
29809,
1797,
11,
42881,
198,
2,
220,
220,
220,
34764,
11015,
6375,
7102,
49828,
11053,
3963,
15529,
509,
12115,
11,
2035,
4911,
393,
17142,
13,
4091,
262,
198,
2,
220,
220,
220,
13789,
329,
262,
2176,
3303,
15030,
21627,
290,
11247,
198,
2,
220,
220,
220,
739,
262,
13789,
13,
198,
37811,
198,
51,
3558,
1114,
27774,
18173,
14504,
7066,
1010,
13,
198,
37811,
198,
198,
11748,
15290,
198,
198,
6738,
269,
5540,
1330,
4732,
198,
6738,
269,
5540,
13,
9654,
25558,
13,
11321,
1330,
33918,
26791,
198,
6738,
269,
5540,
13,
9654,
25558,
13,
11321,
13,
1416,
704,
18173,
1330,
16628,
198,
6738,
269,
5540,
1330,
1332,
198,
6738,
269,
5540,
13,
41989,
13,
1416,
704,
18173,
1330,
277,
1124,
628,
198,
4871,
14504,
11928,
1010,
14402,
20448,
7,
9288,
13,
14402,
20448,
2599,
198,
220,
220,
220,
37227,
14402,
1339,
329,
2583,
16628,
526,
15931,
628,
220,
220,
220,
2488,
76,
735,
13,
17147,
10786,
66,
5540,
13,
26791,
13,
15271,
62,
271,
62,
929,
11537,
628,
220,
220,
220,
2488,
76,
735,
13,
17147,
10786,
66,
5540,
13,
26791,
13,
15271,
62,
271,
62,
929,
11537,
628,
220,
220,
220,
2488,
76,
735,
13,
17147,
10786,
66,
5540,
13,
26791,
13,
15271,
62,
271,
62,
929,
11537,
628,
220,
220,
220,
2488,
76,
735,
13,
17147,
10786,
66,
5540,
13,
26791,
13,
15271,
62,
271,
62,
929,
11537,
198
] | 3.17033 | 364 |
# Average Height
# Instructions
# You are going to write a program that calculates the average student height from a List of heights.
# e.g. `student_heights = [180, 124, 165, 173, 189, 169, 146]`
# The average height can be calculated by adding all the heights together and dividing by the total number of heights.
# e.g.
# 180 + 124 + 165 + 173 + 189 + 169 + 146 = **1146**
# There are a total of **7** heights in `student_heights`
# 1146 ÷ 7 = **163.71428571428572**
# Average height rounded to the nearest whole number = **164**
# **Important** You should not use the `sum()` or `len()` functions in your answer. You should try to replicate their functionality using what you have learnt about for loops.
# Example Input
# ```
# 156 178 165 171 187
# ```
# In this case, student_heights would be a list that looks like: [156, 178, 165, 171, 187]
# Example Output
# ```
# 171
# ```
#
#
# 🚨 Don't change the code below 👇
student_heights = input("Input a list of student heights ").split()
for n in range(0, len(student_heights)):
student_heights[n] = int(student_heights[n])
# 🚨 Don't change the code above 👆
#Write your code below this row 👇
sum = 0
num = 0
for student in student_heights:
num += 1
sum += student
average = round(sum / num)
print(average)
| [
2,
13475,
27280,
201,
198,
2,
27759,
201,
198,
2,
921,
389,
1016,
284,
3551,
257,
1430,
326,
43707,
262,
2811,
3710,
6001,
422,
257,
7343,
286,
23245,
13,
220,
201,
198,
2,
304,
13,
70,
13,
4600,
50139,
62,
258,
2337,
796,
685,
15259,
11,
19755,
11,
21409,
11,
28174,
11,
27230,
11,
27191,
11,
22986,
60,
63,
201,
198,
2,
383,
2811,
6001,
460,
307,
10488,
416,
4375,
477,
262,
23245,
1978,
290,
27241,
416,
262,
2472,
1271,
286,
23245,
13,
220,
201,
198,
2,
304,
13,
70,
13,
201,
198,
2,
11546,
1343,
19755,
1343,
21409,
1343,
28174,
1343,
27230,
1343,
27191,
1343,
22986,
796,
12429,
1157,
3510,
1174,
201,
198,
2,
1318,
389,
257,
2472,
286,
12429,
22,
1174,
23245,
287,
4600,
50139,
62,
258,
2337,
63,
201,
198,
2,
1367,
3510,
6184,
115,
767,
796,
12429,
24136,
13,
45722,
2078,
3553,
1415,
2078,
48724,
1174,
201,
198,
2,
13475,
6001,
19273,
284,
262,
16936,
2187,
1271,
796,
12429,
23237,
1174,
201,
198,
2,
12429,
33796,
1174,
921,
815,
407,
779,
262,
4600,
16345,
3419,
63,
393,
4600,
11925,
3419,
63,
5499,
287,
534,
3280,
13,
921,
815,
1949,
284,
24340,
511,
11244,
1262,
644,
345,
423,
26338,
546,
329,
23607,
13,
201,
198,
2,
17934,
23412,
220,
201,
198,
2,
7559,
63,
201,
198,
2,
23871,
27368,
21409,
28369,
27649,
201,
198,
2,
7559,
63,
201,
198,
2,
554,
428,
1339,
11,
3710,
62,
258,
2337,
561,
307,
257,
1351,
326,
3073,
588,
25,
685,
21599,
11,
27368,
11,
21409,
11,
28369,
11,
27649,
60,
201,
198,
2,
17934,
25235,
220,
201,
198,
2,
7559,
63,
201,
198,
2,
28369,
201,
198,
2,
7559,
63,
201,
198,
2,
201,
198,
2,
201,
198,
2,
12520,
248,
101,
2094,
470,
1487,
262,
2438,
2174,
50169,
229,
201,
198,
50139,
62,
258,
2337,
796,
5128,
7203,
20560,
257,
1351,
286,
3710,
23245,
366,
737,
35312,
3419,
201,
198,
1640,
299,
287,
2837,
7,
15,
11,
18896,
7,
50139,
62,
258,
2337,
8,
2599,
201,
198,
220,
3710,
62,
258,
2337,
58,
77,
60,
796,
493,
7,
50139,
62,
258,
2337,
58,
77,
12962,
201,
198,
2,
12520,
248,
101,
2094,
470,
1487,
262,
2438,
2029,
50169,
228,
201,
198,
201,
198,
201,
198,
2,
16594,
534,
2438,
2174,
428,
5752,
50169,
229,
201,
198,
201,
198,
16345,
796,
657,
201,
198,
22510,
796,
657,
201,
198,
201,
198,
1640,
3710,
287,
3710,
62,
258,
2337,
25,
201,
198,
220,
220,
220,
997,
15853,
352,
201,
198,
220,
220,
220,
2160,
15853,
3710,
201,
198,
201,
198,
23913,
796,
2835,
7,
16345,
1220,
997,
8,
201,
198,
201,
198,
4798,
7,
23913,
8,
201,
198,
201,
198,
201,
198,
201,
198,
201,
198,
201,
198
] | 2.910284 | 457 |
################################# PUNKEMON YO!!!!! ###############################
########## Imports from elsewhere
import pygame
from pygame.locals import *
import random
from random import *
import math
from math import *
import os
import string
fontLoaderCode=open("menu sprite code.py")
exec(fontLoaderCode.read())
battlesCode=open("Battles.py")
exec(battlesCode)
monCode=open("Mons.py")
exec(monCode.read())
worldCode=open("World.py")
exec(worldCode.read())
######### this thing
fakeAPress=pygame.event.Event(KEYDOWN,{"key":K_a})
fakeBPress=pygame.event.Event(KEYDOWN,{"key":K_s})
fakeUpPress=pygame.event.Event(KEYDOWN,{"key":K_UP})
fakeDownPress=pygame.event.Event(KEYDOWN,{"key":K_DOWN})
fakeLeftPress=pygame.event.Event(KEYDOWN,{"key":K_LEFT})
fakeRightPress=pygame.event.Event(KEYDOWN,{"key":K_RIGHT})
###################### Action Items for future work sessions #############
###bugfixes
#stop duplicate revive effect messages.
#add null messages so you can take out HP notifications without a no-messages error
###feature expansions
#numerical HP display
#XP to next level display
#menus in different places on the screen?
#write the catch formula
#expand on start menu, detail team screen and wikidex
#make the team overview a special menu subclass
#choice menu widths (what is this? I was too vague)
#holding down buttons
###Ambitious stuff!
#background music (less ambitious than frivolous but still)
#make a level generator!
#do the sprite work for battles (requires an Artist)
#saving and loading games
############Story notes muthafuckas!
###The first pokemon pusher (local equivalent of pokemart) is named Marty. The others are named increasingly weird spellings of Marty.
###The Martys get their shit from 3d printers
###
###Pokedex and PC system belong to Typha's university; she sneaks you access and
###charges you to store mons above the party five.
###Dex is Typha's thesis project; you and rival are collecting data for her.
###Rival's and your seen-punkemon/caught-punkemon appear in the same dex with a mark for who caught them;
###contest between you and Rival to get the most--for <s>SCIENCE</s> bragging rights!
###"Oak: "Now's not the time for that!""-->"Typha: "What are you smoking? You can't use that now!""
###
###Gym type-->city name:normal=granite, fire=citrine, water=sapphire, grass=peridot, poison=amethyst,
###electric=topaz, psychic=alexandrite, dragon=opal, ice=diamond, flying=lapis,
###ground=axinite, rock=geode, bug=emerald, fighting=stibnite, ghost=obsidian
###some random other town: malachite
###town you start out in: pearl
###4 are mandatory and then pick 4 of the other 11
###
###one of the gyms is in the middle of nowhere by the side of the route,
###in a place too small to show up on your town map. The gym leader is a hermit.
###Maybe this is the ground gym or the fighting gym or something.
###
###Electric gym is locked with a sign saying "gone to grocery store, back in 15 minutes" (and pointer npc near gym)
###back of note has grocery list, which you automatically take on second reading
###go to grocery store, gym leader is trying to remember what he wanted
###give him list, he runs off and reappears at gym
###if you only read it once, or never read it, he comes back 20 minutes after you enter town
###if you helped him find his list, "thanks for helping me! I got the stuff to make my awesome barbeque!"
###if he came back on timer, "Aw man! I forgot the stuff I needed to make my awesome barbeque!"
###either way: but that won't stop me from FRYING YOU ALIVE!" -->Fight
###dex puzzle inside electric gym: visible live wires you have to navigate around in a maze,
###accidentally walk into one and you get knocked out and wake up at maze start
###
###Fire gym leader is Azula, Water gym leader is Akula, they have the same sprite
###
###Cities are named after birthstones, one of them is Alexandrite and it has a big library
###Typha is in the library at a conference and sends you to go get a book
###And then maybe she gives you the Master Ball her advisor's been developing
###
###The optional hometown (late-unlock) gym leader is your mom (credit to imzoruaok from tumblr)
###If your reputation stat is too low, you auto-lose and are Grounded Forever and have to reload your last save.
###five or six trainers along the way make "Your mom" jokes and one or two of them are shit like "you fight like your mom" that turn out to be true
################### Global functions
################### Menu stuff ############################
allMenus=[]
########## Incidental menu-class functions that get run during menus at some point in the game. The execOnAs and execOnSs of various menus.
########## These will probably proliferate. It's alright. Didn't Tom Lehrer tell you? Proliferation is the word of the day.
########## Battle menus: simplified menus for use in battle.
########## Currently used to display most of the available battle information, because graphics aren't done yet.
#################### Puttin' on the MOVES ###################
moveCode=open("Moves.py")
exec(moveCode.read())
#don't forget to INIT IT!
typeDict=typeMatchup()
############ People (player and other trainers and NPCs)
##############Items ##############################
itemDict={}
potion=item("Potion",item.usePotion,item.potionLegal,True,True)
superPotion=item("Super potion",item.useSuperPotion,item.potionLegal,True,True)
repel=item("Repel",item.useRepel,item.repelLegal,False,False)
revive=item("Revive",item.useRevive,item.reviveLegal,True,True)
punkeball=item("Punkeball",item.usePunkeball,item.ballLegal,True,False)
#more balls
waterStone=item("Water stone",item.useWaterStone,item.waterStoneLegal,True,True)
fireStone=item("Fire stone",item.useFireStone,item.fireStoneLegal,True,True)
thunderStone=item("Thunder stone",item.useThunderStone,item.thunderStoneLegal,True,True)
moonStone=item("Moon stone",item.useMoontone,item.moonStoneLegal,True,True)
leafStone=item("Leaf stone",item.useLeafStone,item.leafStoneLegal,True,True)
##############Sprites! ###########################
terrainDict={"T":1,"x":1,"-":0,"G":3,"w":4,"O":2," ":0,"B1":1}
#human-readable terrain dict: T=tree, x=rock, G=tall grass, w=water
##class sprite:
## def __init__(self,longName,screenName,fileLocation,screen,pos,terrain=False,destination=False):
## self.longName=longName #(e.g. "tree", "mart", "rock")
## self.screenName=screenName#(e.g. T, X, @)
## self.fileLoc=fileLocation #file name and any necessary path
## self.screen=screen
## self.pos=pos #A two-element list with the coordinates of the top left corner (from top left of screen, +y is down)
## self.drawMap=self.screen.drawMap
## self.drawMap[pos[0]][pos[1]]=self.screenName #put the square in the draw map
## self.terrain=terrain
## #0=passable, 1=impassable, 2=screen change, 3=encounter, 4=water
## self.destination=destination
## #if not False, this will be a 2-element list with new world instance and initial player coordinates upon entering that world
## self.terrainMap=self.screen.terrainMap
## self.terrainMap[pos[0]][pos[1]]=self.terrain #put the square in the terrain map
######################### Building and its subclasses
##We need to work out what we were doing here and make sure it isn't stupid or half-finished.
############################# screenChanger
############# Actionables npcs, enemy trainers, cuttable trees, item balls, wandering punkemon, stuff you walk up to and press A basically
################ init central for worlds, buildings, entrances, and associate maps
#general policy: initialize all portals with false,
#then the buildings on the maps,
#then the mon seeds,
#then the maps themselves,
#then create the worlds containing the buildings,
#then init the portals again with their destinations set.
#Otherwise you get circular dependencies.
########## Entrances with FALSE
O1=screenChanger("O1","door",False,[1,1])
########## Buildings
B1=testBuilding(O1)
########## Maps
testMap=[ #obsolete one-char map design
["x","x","x","x","x","x"],
["x","G","G","G","G","x"],
["x"," "," "," "," ","x"],
["x"," "," "," "," ","x"],
["x","T","T","-","-","x"],
["x",B1," "," "," ","x"],
["x"," "," "," "," ","x"],
["x",O1," "," "," ","x"],
["x","x","x","x","x","x"]
]
blankMap=[ #obsolete one-char map design
["x","x","x","x","x","x"],
["x"," "," "," "," ","x"],
["x"," "," "," "," ","x"],
["x"," "," "," "," ","x"],
["x"," "," "," "," ","x"],
["x"," "," "," "," ","x"],
["x"," "," "," "," ","x"],
["x"," "," "," "," ","x"],
["x","x","x","x","x","x"]
]
doubleMap=[
[" G"," G"," G"," G"," G"," G"],
["xG"," G"," G"," G"," G","xG"],
["x-"," -"," -"," -"," -","x-"],
["x-"," -"," -"," -"," -","x-"],
["x-","T ","T "," -"," -","x-"],
["x "," "," "," "," ","x "],
["x "," "," "," "," ","x "],
["x "," "," "," "," ","x "],
["x ","x ","x ","x "," ","x "]
]
buildingMap=[
[" G"," G"," G"," G"," G"," G"],
["xG"," G"," G"," G"," G","xG"],
["x-"," -"," -"," -"," -","x-"],
["x-"," -"," -"," -"," -","x-"],
["x-","T ","T "," -"," -","x-"],
["x ",(B1," ")," "," "," ","x "],
["x "," "," "," "," ","x "],
["x "," "," "," "," ","x "],
["x ","x ","x ","x "," ","x "]
]
############Screen and high-level "running the game" stuff##############
#runs at start of screen, conducts background setup before first loop
#find the first valid input and pass to input processor
#if no valid input, pass Null
#process the input
#################Generating individual things
###### Global variables (semi-permanent)
IDnum=0 #increment this when a new punkemon is generated
numMoves=4
pixel=15 #side length of sprite grid unit in pixels
screenWidth=25
screenHeight=21
encourageList=["It's not over!","Get 'em!","I choose you!","You can do it!"]
placeholderSquirtle=Squirtle(8,"Squirtle")
Red=PC("Red","female",[placeholderSquirtle],20) # Squirtle is a placeholder. You needn't start with Squirtle if you don't want to. *coughbutyoushouldcough*
pokeball_team=pygame.image.load(os.path.join("sprites","pokeball_team.png"))
pokeball_injured=pygame.image.load(os.path.join("sprites","pokeball_injured.png"))
pokeball_faint=pygame.image.load(os.path.join("sprites","pokeball_faint.png"))
poisonFlag=pygame.image.load(os.path.join("sprites","flagPsn.png"))
burnedFlag=pygame.image.load(os.path.join("sprites","flagBrn.png"))
frozenFlag=pygame.image.load(os.path.join("sprites","flagFrz.png"))
sleepFlag=pygame.image.load(os.path.join("sprites","flagSlp.png"))
paralyzedFlag=pygame.image.load(os.path.join("sprites","flagPar.png"))
confusedFlag=pygame.image.load(os.path.join("sprites","flagCon.png"))
statusFlags={"poisoned":poisonFlag,"burned":burnedFlag,"frozen":frozenFlag,
"sleep":sleepFlag,"paralyzed":paralyzedFlag,"confused":confusedFlag}
rivalName="Should Not Display"
###### Menu instances (self,oplist,mode,execOnA,execOnS,rollable=False,oplistConstructor=False,screen=False) sorted by world or speaker
placeholderMenu=menu(["You should never see this."],"dialog","self.screen.switchTo('world')","self.screen.switchTo('world')")
########### Typha menus
falseChoice=menu(["Boy","Girl"],"choice","Red.gender=self.oplist[self.curPos-1]\nself.replaceMenu(boy)","pass")
nickChoice=menu(["Choose a nickname:","ASSHAT","ASSFACE","BUTTHAT","BUTTFACE","FACEHAT","ASSBUTT",'"GARY"'],"titledChoice","garyActionable.trainer.name=self.oplist[self.curPos-1]\ngaryBefore.oplist[0]=garyActionable.trainer.name+garyBefore.oplist[0]\nself.replaceMenu(menuDict[self.oplist[self.curPos-1]])","pass")
starterMonChoice=menu(["Bulbasaur","Charmander","Squirtle"],"choice","self.pickStarter(self.oplist[self.curPos-1])","pass")
noDice=menu(["Since it seems I can't talk either of you two out of it~","Your adventure in the world of PUNKEMON fighting starts NOW. Grab a mon and get going!"],"dialog","self.replaceMenu(starterMonChoice)","pass")
doItAnyway=menu(["You can't scare me.","I'll be the best!"],"choice","self.replaceMenu(noDice)","pass")
talkOut=menu(["I'll tell you what I told him:\nThe fighting circuit ain't no nursery school.","You've got a better chance of ending up in jail or a body bag than as a PUNKEMON CHAMPION."],"dialog","self.replaceMenu(doItAnyway)","pass")
Intro=menu(["Yo!\nWelcome to the world of Punkemon~","My name is TYPHA.\nPeople in this hood, they call me the PUNKEMON PROFESSA.",
"There are creatures called PUNKEMON all up in dis world.","Some people think PUNKEMON are monsters.\nAin't totally wrong~","Some people keep 'em as pets.\nOthers use them in fights.",
"Me, I used to do that.\nNow I'm goin' straight.","I'm gonna study PUNKEMON as a profession.\nLab coat and everything.","When you're hiding behind that computer, it's hard to tell who you are.",
"Are you a boy, or a girl?"],"dialog","self.replaceMenu(falseChoice)","pass")
boy=menu(["You remember my little bro.\nYou've been at each other's throats ever since you were kids.","What was your charming nickname for him again?"],"dialog","self.replaceMenu(nickChoice)","pass")
girl=boy #code as political statement, or lazy programmer? #bothisgood
#The above line is dead code, but I haven't deleted it because I want to keep the joke.
asshat=menu(['Oh, yeah. "Asshat."Ha! You have such a way with words~'],"dialog","self.replaceMenu(talkOut)","pass")
assface=menu(['Oh, yeah. "Assface."Ha! You have such a way with words~'],"dialog","self.replaceMenu(talkOut)","pass")
butthat=menu(['Oh, yeah. "Butthat." Ha! You have such a way with words~'],"dialog","self.replaceMenu(talkOut)","pass")
buttface=menu(['Oh, yeah. "Buttface." Ha! You have such a way with words~'],"dialog","self.replaceMenu(talkOut)","pass")
facehat=menu(['Oh, yeah. "Facehat." Ha! You have such a way with words~'],"dialog","self.replaceMenu(talkOut)","pass")
assbutt=menu(['Oh, yeah. "Assbutt." Ha! You have such a way with words~'],"dialog","self.replaceMenu(talkOut)","pass")
GaryNickname=menu(['Oh, yeah. "Gary". Ha! You have such a way with words~'],"dialog","self.replaceMenu(talkOut)","pass")
########### Start menu and its descendents
start=menu(["Punkemon","Wikidex","Items","longtest","longtesttitled","Stats","Save"],"choice","self.addToMenuStack(menuDict[self.oplist[self.curPos-1]])","self.screen.switchTo('world')",True)
startPunkemon=menu(False,"choice","pass","self.backUpMenuStack()",True,"list(Red.teamAsString())")
startWikidex=menu(False,"dialog","pass","self.backUpMenuStack()",True,"Red.wikidexAsList()")
startItems=menu(False,"choice","self.selectItemOutsideBattle()","self.backUpMenuStack()",True,"start.displayItemsList()")
itemChooseMon=menu(False,"choice","self.itemOutsideBattle(self.curPos-1)","self.backUpMenuStack()",True,"Red.teamAsString()")
longtest=menu(["1","2","3","4","5","6","7","8","9","10","11","12","13","14","15","16","17","18","19","20","21","22","23","24","25","26","27","28","29"],"choice","self.backUpMenuStack()","self.backUpMenuStack()")
longtesttitled=menu(["Title","1","2","3","4","5","6","7","8","9","10","11","12","13","14","15","16","17","18","19","20","21","22","23","24","25","26","27","28","29"],"titledChoice","self.backUpMenuStack()","self.backUpMenuStack()")
startStats=menu(["Stats not implemented yet"],"dialog","self.backUpMenuStack()","self.backUpMenuStack()")
saveGame=menu(["all is vanity\nand the pursuit\n of the wind\nyou cannot save yet"],"dialog","self.backUpMenuStack()","self.backUpMenuStack()")
########### Menus from the inescapableHellscape test world
despairSign=menu(["There is no escape from the inescapable hellscape.","Not for you~\n ~not for him."],"dialog","self.screen.switchTo('world')","self.screen.switchTo('world')")
garyBefore=menu([": Hey! How did you get here?"],"dialog","self.screen.processResponse(('battle',Gary))","self.screen.processResponse(('battle',Gary))",False)
garyAfter=menu(["Gary: Aww, man!"],"dialog","self.screen.switchTo('world')","self.screen.switchTo('world')")
menuDict={"Boy": boy,"Girl":girl,"FalseChoice":falseChoice,
"nickChoice":nickChoice,"ASSHAT":asshat,"ASSFACE":assface,"BUTTHAT":butthat,"BUTTFACE":buttface,"FACEHAT":facehat,"ASSBUTT":assbutt,'"GARY"':GaryNickname,
"talkOut":talkOut,"doItAnyway":doItAnyway,"noDice":noDice, "You can't scare me.":noDice,"I'm gonna be the best!":noDice,
"Punkemon":startPunkemon,"Wikidex":startWikidex,"Items":startItems,"longtest":longtest,"longtesttitled":longtesttitled,"Stats":startStats,"Save":saveGame}
###check double type later
######Pokemon instance creation
##Initialize all pokemon with: level, name (optional), trainer (optional)
starterBulbasaur=Bulbasaur(8,"Bulbasaur")
betaBulbasaur=Bulbasaur(20,"Ivysaur")
powerBulbasaur=Bulbasaur(50,"Venusaur")
starterCharmander=Charmander(8,"Charmander")
betaCharmander=Charmander(20,"Charmeleon")
powerCharmander=Charmander(50,"Charizard")
starterSquirtle=Squirtle(8,"Squirtle")
betaSquirtle=Squirtle(20,"Wortortle")
powerSquirtle=Squirtle(50,"Blastoise")
derpy=Derp(30,"derpy")
Rattata6=Rattata(6,"Rattata")
Pidgey6=Pidgey(6,"Pidgey")
hovis=Hovisquirrel(6,"Hovisquirrel")
hypnotoad=Hypnotoad(6,"Hypnotoad")
########## Mon seeds
Rattata5=Rattata(5,"Rattata")
Pidgey5=Pidgey(5,"Pidgey")
basicRouteSeed=monSeed({Pidgey5:1,Rattata5:1},10)
allRattataSeed=monSeed({Rattata:1},10) #fuck pidgeys, I'm trying to debug here
starterSeed=monSeed({starterBulbasaur:1,starterCharmander:1,starterSquirtle:1},20)
########## Worlds
#inescapableHellscape=world(False,testMap,6,9,basicRouteSeed,False)
emptyHellscape=world(False,blankMap,6,9)
doubleHellscape=world(False,doubleMap,6,9,basicRouteSeed,False," w")
inescapableHellscape=world(False,buildingMap,6,9,starterSeed,False," w") #change back to basicRouteSeed later
########## Entrances with INSIDES
O1.destination=inescapableHellscape
######Hard sets of things that should be dynamically generated (Yeah testing!)
Red.inventory["Potion"]=5
Red.inventory["Super potion"]=5
Red.inventory["Repel"]=1
Red.inventory["Revive"]=4
Red.inventory["Punkeball"]=5
Red.inventory["Water stone"]=1
Red.inventory["Fire stone"]=1
Gary=character([starterBulbasaur],"Gary","wait for it",100,garyBefore,garyAfter,"normal")
garyActionable=NPCTrainer([4,0],"red",Gary,"West")
signActionable=NPC("sign",[0,0],despairSign,"sign","none")
inescapableHellscape.actionables.append(garyActionable)
inescapableHellscape.actionables.append(signActionable)
game=screen(screenWidth,screenHeight,inescapableHellscape) #START
#############List of Abominations Unto Nuggan
#Squirtles that think they're Charmanders
#Charmanders that know electric moves
#Everything is named Bulbasaur
#The number of times my computer crashed while I was coding this
#Rattatas attacking themselves
#bool("False")=True
#circular dependencies, because they involve circular dependence
#up and down arrows being interpreted as weird non-ASCII characters
#trying to navigate the battle menus based on the first letter of each of the first two options
#C h a r m a n d e r r a n a w a y !
#Charmander learning Splash...twice.
#eternal rival battle
#Two Garys. That's 100% more Garys than we had yesterday and 100% more Garys than we want. (And none of them is Garys Vakarian.)
#healh bar aspect ratios of 12:1 or 12:5
| [
29113,
2,
350,
4944,
42,
3620,
1340,
575,
46,
50184,
1303,
14468,
7804,
4242,
2235,
198,
7804,
2235,
1846,
3742,
422,
8057,
198,
11748,
12972,
6057,
198,
6738,
12972,
6057,
13,
17946,
874,
1330,
1635,
198,
11748,
4738,
198,
6738,
4738,
1330,
1635,
198,
11748,
10688,
198,
6738,
10688,
1330,
1635,
198,
11748,
28686,
198,
11748,
4731,
198,
198,
10331,
17401,
10669,
28,
9654,
7203,
26272,
33810,
2438,
13,
9078,
4943,
198,
18558,
7,
10331,
17401,
10669,
13,
961,
28955,
198,
65,
1078,
829,
10669,
28,
9654,
7203,
33,
1078,
829,
13,
9078,
4943,
198,
18558,
7,
65,
1078,
829,
10669,
8,
198,
2144,
10669,
28,
9654,
7203,
44,
684,
13,
9078,
4943,
198,
18558,
7,
2144,
10669,
13,
961,
28955,
198,
6894,
10669,
28,
9654,
7203,
10603,
13,
9078,
4943,
198,
18558,
7,
6894,
10669,
13,
961,
28955,
198,
198,
7804,
2,
428,
1517,
198,
30706,
2969,
601,
28,
9078,
6057,
13,
15596,
13,
9237,
7,
20373,
41925,
11,
4895,
2539,
1298,
42,
62,
64,
30072,
198,
30706,
33,
13800,
28,
9078,
6057,
13,
15596,
13,
9237,
7,
20373,
41925,
11,
4895,
2539,
1298,
42,
62,
82,
30072,
198,
30706,
4933,
13800,
28,
9078,
6057,
13,
15596,
13,
9237,
7,
20373,
41925,
11,
4895,
2539,
1298,
42,
62,
8577,
30072,
198,
30706,
8048,
13800,
28,
9078,
6057,
13,
15596,
13,
9237,
7,
20373,
41925,
11,
4895,
2539,
1298,
42,
62,
41925,
30072,
198,
30706,
18819,
13800,
28,
9078,
6057,
13,
15596,
13,
9237,
7,
20373,
41925,
11,
4895,
2539,
1298,
42,
62,
2538,
9792,
30072,
198,
30706,
11028,
13800,
28,
9078,
6057,
13,
15596,
13,
9237,
7,
20373,
41925,
11,
4895,
2539,
1298,
42,
62,
49,
9947,
30072,
198,
198,
14468,
4242,
2235,
7561,
17230,
329,
2003,
670,
10991,
1303,
7804,
4242,
198,
21017,
25456,
42624,
198,
220,
220,
220,
1303,
11338,
23418,
26046,
1245,
6218,
13,
198,
220,
220,
220,
1303,
2860,
9242,
6218,
523,
345,
460,
1011,
503,
6574,
19605,
1231,
257,
645,
12,
37348,
1095,
4049,
198,
21017,
30053,
36383,
198,
220,
220,
220,
1303,
77,
6975,
605,
6574,
3359,
198,
220,
220,
220,
1303,
27481,
284,
1306,
1241,
3359,
198,
220,
220,
220,
1303,
3653,
385,
287,
1180,
4113,
319,
262,
3159,
30,
198,
220,
220,
220,
1303,
13564,
262,
4929,
10451,
198,
220,
220,
220,
1303,
11201,
392,
319,
923,
6859,
11,
3703,
1074,
3159,
290,
47145,
485,
87,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
15883,
262,
1074,
16700,
257,
2041,
6859,
47611,
198,
220,
220,
220,
1303,
25541,
6859,
9647,
82,
357,
10919,
318,
428,
30,
314,
373,
1165,
13443,
8,
198,
220,
220,
220,
1303,
19216,
866,
12163,
198,
21017,
35649,
25253,
3404,
0,
198,
220,
220,
220,
1303,
25249,
2647,
357,
1203,
14742,
621,
48461,
475,
991,
8,
198,
220,
220,
220,
1303,
15883,
257,
1241,
17301,
0,
198,
220,
220,
220,
1303,
4598,
262,
33810,
670,
329,
10181,
357,
47911,
281,
18902,
8,
198,
220,
220,
220,
1303,
29336,
290,
11046,
1830,
628,
198,
198,
7804,
4242,
11605,
4710,
285,
1071,
1878,
1347,
292,
0,
198,
21017,
464,
717,
43962,
4192,
372,
357,
12001,
7548,
286,
22620,
13822,
8,
318,
3706,
29876,
13,
383,
1854,
389,
3706,
6481,
7650,
4822,
654,
286,
29876,
13,
198,
21017,
464,
3981,
893,
651,
511,
7510,
422,
513,
67,
34654,
198,
21017,
198,
21017,
47,
6545,
1069,
290,
4217,
1080,
5594,
284,
7039,
7566,
338,
6403,
26,
673,
10505,
4730,
345,
1895,
290,
198,
21017,
34948,
345,
284,
3650,
285,
684,
2029,
262,
2151,
1936,
13,
198,
21017,
48875,
318,
7039,
7566,
338,
21554,
1628,
26,
345,
290,
8976,
389,
13157,
1366,
329,
607,
13,
198,
21017,
49,
2473,
338,
290,
534,
1775,
12,
35512,
365,
2144,
14,
66,
3413,
12,
35512,
365,
2144,
1656,
287,
262,
976,
36017,
351,
257,
1317,
329,
508,
4978,
606,
26,
198,
21017,
3642,
395,
1022,
345,
290,
371,
2473,
284,
651,
262,
749,
438,
1640,
1279,
82,
29,
6173,
42589,
3556,
82,
29,
43018,
2489,
0,
198,
21017,
1,
42426,
25,
366,
3844,
338,
407,
262,
640,
329,
326,
2474,
1,
438,
24618,
25492,
7566,
25,
366,
2061,
389,
345,
9216,
30,
921,
460,
470,
779,
326,
783,
2474,
1,
198,
21017,
198,
21017,
38,
4948,
2099,
46904,
19205,
1438,
25,
11265,
28,
46324,
578,
11,
2046,
28,
47992,
7640,
11,
1660,
28,
82,
1324,
10695,
11,
8701,
28,
525,
312,
313,
11,
8764,
28,
321,
44166,
11,
198,
21017,
31067,
28,
4852,
1031,
11,
25058,
28,
1000,
87,
392,
6525,
11,
10441,
28,
33067,
11,
4771,
28,
67,
8446,
11,
7348,
28,
37796,
271,
11,
198,
21017,
2833,
28,
897,
9504,
11,
3881,
28,
469,
1098,
11,
5434,
28,
368,
12573,
11,
4330,
28,
301,
571,
77,
578,
11,
10905,
28,
8158,
19825,
198,
21017,
11246,
4738,
584,
3240,
25,
6428,
620,
578,
198,
21017,
12735,
345,
923,
503,
287,
25,
43836,
198,
21017,
19,
389,
13677,
290,
788,
2298,
604,
286,
262,
584,
1367,
198,
21017,
198,
21017,
505,
286,
262,
21486,
907,
318,
287,
262,
3504,
286,
12062,
416,
262,
1735,
286,
262,
6339,
11,
198,
21017,
259,
257,
1295,
1165,
1402,
284,
905,
510,
319,
534,
3240,
3975,
13,
383,
11550,
3554,
318,
257,
607,
2781,
13,
198,
21017,
13300,
428,
318,
262,
2323,
11550,
393,
262,
4330,
11550,
393,
1223,
13,
198,
21017,
198,
21017,
44132,
11550,
318,
8970,
351,
257,
1051,
2282,
366,
21260,
284,
16918,
3650,
11,
736,
287,
1315,
2431,
1,
357,
392,
17562,
299,
14751,
1474,
11550,
8,
198,
21017,
1891,
286,
3465,
468,
16918,
1351,
11,
543,
345,
6338,
1011,
319,
1218,
3555,
198,
21017,
2188,
284,
16918,
3650,
11,
11550,
3554,
318,
2111,
284,
3505,
644,
339,
2227,
198,
21017,
26535,
683,
1351,
11,
339,
4539,
572,
290,
24578,
4127,
379,
11550,
198,
21017,
361,
345,
691,
1100,
340,
1752,
11,
393,
1239,
1100,
340,
11,
339,
2058,
736,
1160,
2431,
706,
345,
3802,
3240,
198,
21017,
361,
345,
4193,
683,
1064,
465,
1351,
11,
366,
27547,
329,
5742,
502,
0,
314,
1392,
262,
3404,
284,
787,
616,
7427,
2318,
1350,
4188,
2474,
198,
21017,
361,
339,
1625,
736,
319,
19781,
11,
366,
23155,
582,
0,
314,
16453,
262,
3404,
314,
2622,
284,
787,
616,
7427,
2318,
1350,
4188,
2474,
198,
21017,
31336,
835,
25,
475,
326,
1839,
470,
2245,
502,
422,
8782,
45761,
7013,
8355,
9306,
2474,
14610,
27365,
198,
21017,
67,
1069,
15027,
2641,
5186,
11550,
25,
7424,
2107,
19474,
345,
423,
284,
16500,
1088,
287,
257,
31237,
11,
198,
21017,
4134,
23961,
2513,
656,
530,
290,
345,
651,
13642,
503,
290,
7765,
510,
379,
31237,
923,
198,
21017,
198,
21017,
13543,
11550,
3554,
318,
7578,
4712,
11,
5638,
11550,
3554,
318,
9084,
4712,
11,
484,
423,
262,
976,
33810,
198,
21017,
198,
21017,
34,
871,
389,
3706,
706,
4082,
28750,
11,
530,
286,
606,
318,
21000,
6525,
290,
340,
468,
257,
1263,
5888,
198,
21017,
25492,
7566,
318,
287,
262,
5888,
379,
257,
4495,
290,
12800,
345,
284,
467,
651,
257,
1492,
198,
21017,
1870,
788,
3863,
673,
3607,
345,
262,
5599,
6932,
607,
20685,
338,
587,
5922,
198,
21017,
198,
21017,
464,
11902,
20994,
357,
17660,
12,
403,
5354,
8,
11550,
3554,
318,
534,
1995,
357,
43082,
284,
545,
89,
273,
6413,
482,
422,
256,
15566,
8,
198,
21017,
1532,
534,
8507,
1185,
318,
1165,
1877,
11,
345,
8295,
12,
75,
577,
290,
389,
13706,
276,
28285,
290,
423,
284,
18126,
534,
938,
3613,
13,
198,
21017,
13261,
393,
2237,
28514,
1863,
262,
835,
787,
366,
7120,
1995,
1,
14532,
290,
530,
393,
734,
286,
606,
389,
7510,
588,
366,
5832,
1907,
588,
534,
1995,
1,
326,
1210,
503,
284,
307,
2081,
198,
198,
14468,
21017,
8060,
5499,
198,
198,
14468,
21017,
21860,
3404,
1303,
14468,
7804,
21017,
198,
439,
10418,
385,
28,
21737,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
7804,
2235,
32731,
282,
6859,
12,
4871,
5499,
326,
651,
1057,
1141,
26798,
379,
617,
966,
287,
262,
983,
13,
383,
2452,
2202,
1722,
290,
2452,
2202,
50,
82,
286,
2972,
26798,
13,
198,
7804,
2235,
2312,
481,
2192,
19873,
378,
13,
632,
338,
23036,
13,
31279,
470,
4186,
29921,
11751,
1560,
345,
30,
44157,
49801,
318,
262,
1573,
286,
262,
1110,
13,
628,
198,
7804,
2235,
5838,
26798,
25,
27009,
26798,
329,
779,
287,
3344,
13,
198,
7804,
2235,
16888,
973,
284,
3359,
749,
286,
262,
1695,
3344,
1321,
11,
780,
9382,
3588,
470,
1760,
1865,
13,
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,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
628,
220,
220,
220,
220,
220,
220,
220,
220,
628,
198,
14468,
4242,
5930,
43701,
6,
319,
262,
28184,
1546,
1303,
14468,
2235,
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,
220,
198,
198,
21084,
10669,
28,
9654,
7203,
44,
5241,
13,
9078,
4943,
198,
18558,
7,
21084,
10669,
13,
961,
28955,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
2,
9099,
470,
6044,
284,
3268,
2043,
7283,
0,
198,
4906,
35,
713,
28,
4906,
23850,
929,
3419,
198,
198,
7804,
4242,
4380,
357,
7829,
290,
584,
28514,
290,
28167,
8,
628,
628,
198,
7804,
4242,
2235,
23022,
1303,
14468,
7804,
4242,
2,
198,
9186,
35,
713,
34758,
92,
628,
220,
220,
220,
220,
220,
220,
220,
220,
198,
198,
49324,
28,
9186,
7203,
47,
9650,
1600,
9186,
13,
1904,
47,
9650,
11,
9186,
13,
49324,
38263,
11,
17821,
11,
17821,
8,
198,
16668,
47,
9650,
28,
9186,
7203,
12442,
26572,
1600,
9186,
13,
1904,
12442,
47,
9650,
11,
9186,
13,
49324,
38263,
11,
17821,
11,
17821,
8,
198,
7856,
417,
28,
9186,
7203,
6207,
417,
1600,
9186,
13,
1904,
6207,
417,
11,
9186,
13,
7856,
417,
38263,
11,
25101,
11,
25101,
8,
198,
18218,
425,
28,
9186,
7203,
18009,
425,
1600,
9186,
13,
1904,
18009,
425,
11,
9186,
13,
18218,
425,
38263,
11,
17821,
11,
17821,
8,
198,
35512,
365,
1894,
28,
9186,
7203,
47,
403,
365,
1894,
1600,
9186,
13,
1904,
47,
403,
365,
1894,
11,
9186,
13,
1894,
38263,
11,
17821,
11,
25101,
8,
198,
2,
3549,
11333,
198,
7050,
34346,
28,
9186,
7203,
19184,
7815,
1600,
9186,
13,
1904,
19184,
34346,
11,
9186,
13,
7050,
34346,
38263,
11,
17821,
11,
17821,
8,
198,
6495,
34346,
28,
9186,
7203,
13543,
7815,
1600,
9186,
13,
1904,
13543,
34346,
11,
9186,
13,
6495,
34346,
38263,
11,
17821,
11,
17821,
8,
198,
400,
4625,
34346,
28,
9186,
7203,
45713,
7815,
1600,
9186,
13,
1904,
45713,
34346,
11,
9186,
13,
400,
4625,
34346,
38263,
11,
17821,
11,
17821,
8,
198,
22977,
34346,
28,
9186,
7203,
31640,
7815,
1600,
9186,
13,
1904,
16632,
756,
505,
11,
9186,
13,
22977,
34346,
38263,
11,
17821,
11,
17821,
8,
198,
33201,
34346,
28,
9186,
7203,
3123,
1878,
7815,
1600,
9186,
13,
1904,
3123,
1878,
34346,
11,
9186,
13,
33201,
34346,
38263,
11,
17821,
11,
17821,
8,
198,
198,
7804,
4242,
2235,
4561,
23156,
0,
1303,
14468,
7804,
2235,
198,
353,
3201,
35,
713,
28,
4895,
51,
1298,
16,
553,
87,
1298,
16,
553,
12,
1298,
15,
553,
38,
1298,
18,
553,
86,
1298,
19,
553,
46,
1298,
17,
553,
366,
25,
15,
553,
33,
16,
1298,
16,
92,
198,
2,
10734,
12,
46155,
15510,
8633,
25,
309,
28,
21048,
11,
2124,
28,
10823,
11,
402,
28,
35429,
8701,
11,
266,
28,
7050,
198,
220,
220,
220,
220,
198,
2235,
4871,
33810,
25,
198,
2235,
220,
220,
220,
825,
11593,
15003,
834,
7,
944,
11,
6511,
5376,
11,
9612,
5376,
11,
7753,
14749,
11,
9612,
11,
1930,
11,
353,
3201,
28,
25101,
11,
16520,
1883,
28,
25101,
2599,
198,
2235,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
6511,
5376,
28,
6511,
5376,
1303,
7,
68,
13,
70,
13,
366,
21048,
1600,
366,
13822,
1600,
366,
10823,
4943,
198,
2235,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
9612,
5376,
28,
9612,
5376,
2,
7,
68,
13,
70,
13,
309,
11,
1395,
11,
2488,
8,
198,
2235,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
7753,
33711,
28,
7753,
14749,
1303,
7753,
1438,
290,
597,
3306,
3108,
198,
2235,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
9612,
28,
9612,
198,
2235,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
1930,
28,
1930,
1303,
32,
734,
12,
30854,
1351,
351,
262,
22715,
286,
262,
1353,
1364,
5228,
357,
6738,
1353,
1364,
286,
3159,
11,
1343,
88,
318,
866,
8,
198,
2235,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
19334,
13912,
28,
944,
13,
9612,
13,
19334,
13912,
198,
2235,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
19334,
13912,
58,
1930,
58,
15,
60,
7131,
1930,
58,
16,
11907,
28,
944,
13,
9612,
5376,
1303,
1996,
262,
6616,
287,
262,
3197,
3975,
198,
2235,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
353,
3201,
28,
353,
3201,
198,
2235,
220,
220,
220,
220,
220,
220,
220,
1303,
15,
28,
6603,
540,
11,
352,
28,
320,
6603,
540,
11,
362,
28,
9612,
1487,
11,
513,
28,
12685,
6828,
11,
604,
28,
7050,
198,
2235,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
16520,
1883,
28,
16520,
1883,
198,
2235,
220,
220,
220,
220,
220,
220,
220,
1303,
361,
407,
10352,
11,
428,
481,
307,
257,
362,
12,
30854,
1351,
351,
649,
995,
4554,
290,
4238,
2137,
22715,
2402,
8218,
326,
995,
198,
2235,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
353,
3201,
13912,
28,
944,
13,
9612,
13,
353,
3201,
13912,
198,
2235,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
353,
3201,
13912,
58,
1930,
58,
15,
60,
7131,
1930,
58,
16,
11907,
28,
944,
13,
353,
3201,
1303,
1996,
262,
6616,
287,
262,
15510,
3975,
628,
198,
198,
14468,
7804,
2,
11819,
290,
663,
850,
37724,
198,
198,
2235,
1135,
761,
284,
670,
503,
644,
356,
547,
1804,
994,
290,
787,
1654,
340,
2125,
470,
8531,
393,
2063,
12,
43952,
13,
628,
198,
220,
220,
220,
220,
198,
198,
14468,
7804,
4242,
2,
3159,
1925,
2564,
198,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
628,
198,
7804,
4242,
2,
7561,
2977,
45941,
6359,
11,
4472,
28514,
11,
2005,
11487,
7150,
11,
2378,
11333,
11,
24504,
4000,
365,
2144,
11,
3404,
345,
2513,
510,
284,
290,
1803,
317,
6209,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
220,
628,
1303,
7804,
4242,
21017,
2315,
4318,
329,
11621,
11,
6832,
11,
43818,
11,
290,
11602,
8739,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
2,
24622,
2450,
25,
41216,
477,
42604,
351,
3991,
11,
198,
2,
8524,
262,
6832,
319,
262,
8739,
11,
198,
2,
8524,
262,
937,
11904,
11,
198,
2,
8524,
262,
8739,
2405,
11,
198,
2,
8524,
2251,
262,
11621,
7268,
262,
6832,
11,
198,
2,
8524,
2315,
262,
42604,
757,
351,
511,
23982,
900,
13,
198,
2,
48059,
345,
651,
18620,
20086,
13,
628,
198,
7804,
2235,
7232,
81,
1817,
351,
26563,
198,
46,
16,
28,
9612,
1925,
2564,
7203,
46,
16,
2430,
9424,
1600,
25101,
17414,
16,
11,
16,
12962,
198,
198,
7804,
2235,
49308,
198,
33,
16,
28,
9288,
25954,
7,
46,
16,
8,
628,
198,
7804,
2235,
20347,
220,
220,
220,
220,
198,
9288,
13912,
41888,
1303,
672,
23869,
530,
12,
10641,
3975,
1486,
198,
220,
220,
220,
220,
220,
220,
220,
14631,
87,
2430,
87,
2430,
87,
2430,
87,
2430,
87,
2430,
87,
33116,
198,
220,
220,
220,
220,
220,
220,
220,
14631,
87,
2430,
38,
2430,
38,
2430,
38,
2430,
38,
2430,
87,
33116,
198,
220,
220,
220,
220,
220,
220,
220,
14631,
87,
2430,
366,
553,
366,
553,
366,
553,
366,
553,
87,
33116,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
14631,
87,
2430,
366,
553,
366,
553,
366,
553,
366,
553,
87,
33116,
198,
220,
220,
220,
220,
220,
220,
220,
14631,
87,
2430,
51,
2430,
51,
2430,
12,
2430,
12,
2430,
87,
33116,
198,
220,
220,
220,
220,
220,
220,
220,
14631,
87,
1600,
33,
16,
553,
366,
553,
366,
553,
366,
553,
87,
33116,
198,
220,
220,
220,
220,
220,
220,
220,
14631,
87,
2430,
366,
553,
366,
553,
366,
553,
366,
553,
87,
33116,
198,
220,
220,
220,
220,
220,
220,
220,
14631,
87,
1600,
46,
16,
553,
366,
553,
366,
553,
366,
553,
87,
33116,
198,
220,
220,
220,
220,
220,
220,
220,
14631,
87,
2430,
87,
2430,
87,
2430,
87,
2430,
87,
2430,
87,
8973,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2361,
198,
198,
27190,
13912,
41888,
1303,
672,
23869,
530,
12,
10641,
3975,
1486,
198,
220,
220,
220,
220,
220,
220,
220,
14631,
87,
2430,
87,
2430,
87,
2430,
87,
2430,
87,
2430,
87,
33116,
198,
220,
220,
220,
220,
220,
220,
220,
14631,
87,
2430,
366,
553,
366,
553,
366,
553,
366,
553,
87,
33116,
198,
220,
220,
220,
220,
220,
220,
220,
14631,
87,
2430,
366,
553,
366,
553,
366,
553,
366,
553,
87,
33116,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
14631,
87,
2430,
366,
553,
366,
553,
366,
553,
366,
553,
87,
33116,
198,
220,
220,
220,
220,
220,
220,
220,
14631,
87,
2430,
366,
553,
366,
553,
366,
553,
366,
553,
87,
33116,
198,
220,
220,
220,
220,
220,
220,
220,
14631,
87,
2430,
366,
553,
366,
553,
366,
553,
366,
553,
87,
33116,
198,
220,
220,
220,
220,
220,
220,
220,
14631,
87,
2430,
366,
553,
366,
553,
366,
553,
366,
553,
87,
33116,
198,
220,
220,
220,
220,
220,
220,
220,
14631,
87,
2430,
366,
553,
366,
553,
366,
553,
366,
553,
87,
33116,
198,
220,
220,
220,
220,
220,
220,
220,
14631,
87,
2430,
87,
2430,
87,
2430,
87,
2430,
87,
2430,
87,
8973,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2361,
198,
198,
23352,
13912,
41888,
198,
220,
220,
220,
220,
220,
220,
220,
14631,
402,
2430,
402,
2430,
402,
2430,
402,
2430,
402,
2430,
402,
33116,
198,
220,
220,
220,
220,
220,
220,
220,
14631,
87,
38,
2430,
402,
2430,
402,
2430,
402,
2430,
402,
2430,
87,
38,
33116,
198,
220,
220,
220,
220,
220,
220,
220,
14631,
87,
12,
2430,
532,
2430,
532,
2430,
532,
2430,
532,
2430,
87,
21215,
4357,
220,
198,
220,
220,
220,
220,
220,
220,
220,
14631,
87,
12,
2430,
532,
2430,
532,
2430,
532,
2430,
532,
2430,
87,
21215,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
14631,
87,
12,
2430,
51,
366,
553,
51,
366,
553,
532,
2430,
532,
2430,
87,
21215,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
14631,
87,
366,
553,
220,
366,
553,
220,
366,
553,
220,
366,
553,
220,
366,
553,
87,
366,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
14631,
87,
366,
553,
220,
366,
553,
220,
366,
553,
220,
366,
553,
220,
366,
553,
87,
366,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
14631,
87,
366,
553,
220,
366,
553,
220,
366,
553,
220,
366,
553,
220,
366,
553,
87,
366,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
14631,
87,
366,
553,
87,
366,
553,
87,
366,
553,
87,
366,
553,
220,
366,
553,
87,
366,
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,
220,
220,
220,
220,
220,
220,
220,
220,
2361,
198,
198,
16894,
13912,
41888,
198,
220,
220,
220,
220,
220,
220,
220,
14631,
402,
2430,
402,
2430,
402,
2430,
402,
2430,
402,
2430,
402,
33116,
198,
220,
220,
220,
220,
220,
220,
220,
14631,
87,
38,
2430,
402,
2430,
402,
2430,
402,
2430,
402,
2430,
87,
38,
33116,
198,
220,
220,
220,
220,
220,
220,
220,
14631,
87,
12,
2430,
532,
2430,
532,
2430,
532,
2430,
532,
2430,
87,
21215,
4357,
220,
198,
220,
220,
220,
220,
220,
220,
220,
14631,
87,
12,
2430,
532,
2430,
532,
2430,
532,
2430,
532,
2430,
87,
21215,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
14631,
87,
12,
2430,
51,
366,
553,
51,
366,
553,
532,
2430,
532,
2430,
87,
21215,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
14631,
87,
33172,
7,
33,
16,
553,
366,
27267,
220,
366,
553,
220,
366,
553,
220,
366,
553,
87,
366,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
14631,
87,
366,
553,
220,
366,
553,
220,
366,
553,
220,
366,
553,
220,
366,
553,
87,
366,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
14631,
87,
366,
553,
220,
366,
553,
220,
366,
553,
220,
366,
553,
220,
366,
553,
87,
366,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
14631,
87,
366,
553,
87,
366,
553,
87,
366,
553,
87,
366,
553,
220,
366,
553,
87,
366,
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,
220,
220,
220,
220,
220,
220,
220,
220,
2361,
628,
220,
220,
220,
220,
198,
198,
7804,
4242,
23901,
290,
1029,
12,
5715,
366,
20270,
262,
983,
1,
3404,
7804,
4242,
2235,
198,
220,
220,
220,
1303,
48381,
379,
923,
286,
3159,
11,
36721,
4469,
9058,
878,
717,
9052,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
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,
220,
220,
220,
220,
220,
198,
220,
220,
220,
1303,
19796,
262,
717,
4938,
5128,
290,
1208,
284,
5128,
12649,
198,
220,
220,
220,
1303,
361,
645,
4938,
5128,
11,
1208,
35886,
628,
220,
220,
220,
1303,
14681,
262,
5128,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
198,
14468,
2,
8645,
803,
1981,
1243,
198,
4242,
2235,
8060,
9633,
357,
325,
11632,
12,
525,
44172,
8,
198,
2389,
22510,
28,
15,
1303,
24988,
434,
428,
618,
257,
649,
4000,
365,
2144,
318,
7560,
198,
22510,
44,
5241,
28,
19,
198,
32515,
28,
1314,
1303,
1589,
4129,
286,
33810,
10706,
4326,
287,
17848,
198,
9612,
30916,
28,
1495,
198,
9612,
23106,
28,
2481,
198,
12685,
32885,
8053,
28,
14692,
1026,
338,
407,
625,
0,
2430,
3855,
705,
368,
0,
2430,
40,
3853,
345,
0,
2430,
1639,
460,
466,
340,
2474,
60,
198,
198,
5372,
13829,
22266,
2265,
293,
28,
22266,
2265,
293,
7,
23,
553,
22266,
2265,
293,
4943,
198,
7738,
28,
5662,
7203,
7738,
2430,
24724,
1600,
58,
5372,
13829,
22266,
2265,
293,
4357,
1238,
8,
1303,
5056,
2265,
293,
318,
257,
46076,
13,
921,
761,
77,
470,
923,
351,
5056,
2265,
293,
611,
345,
836,
470,
765,
284,
13,
1635,
66,
619,
65,
3935,
516,
71,
426,
66,
619,
9,
628,
198,
198,
35924,
1894,
62,
15097,
28,
9078,
6057,
13,
9060,
13,
2220,
7,
418,
13,
6978,
13,
22179,
7203,
2777,
23156,
2430,
35924,
1894,
62,
15097,
13,
11134,
48774,
198,
35924,
1894,
62,
259,
38608,
28,
9078,
6057,
13,
9060,
13,
2220,
7,
418,
13,
6978,
13,
22179,
7203,
2777,
23156,
2430,
35924,
1894,
62,
259,
38608,
13,
11134,
48774,
198,
35924,
1894,
62,
69,
2913,
28,
9078,
6057,
13,
9060,
13,
2220,
7,
418,
13,
6978,
13,
22179,
7203,
2777,
23156,
2430,
35924,
1894,
62,
69,
2913,
13,
11134,
48774,
198,
198,
7501,
1653,
34227,
28,
9078,
6057,
13,
9060,
13,
2220,
7,
418,
13,
6978,
13,
22179,
7203,
2777,
23156,
2430,
32109,
12016,
77,
13,
11134,
48774,
198,
10899,
276,
34227,
28,
9078,
6057,
13,
9060,
13,
2220,
7,
418,
13,
6978,
13,
22179,
7203,
2777,
23156,
2430,
32109,
9414,
77,
13,
11134,
48774,
198,
69,
42005,
34227,
28,
9078,
6057,
13,
9060,
13,
2220,
7,
418,
13,
6978,
13,
22179,
7203,
2777,
23156,
2430,
32109,
6732,
89,
13,
11134,
48774,
198,
42832,
34227,
28,
9078,
6057,
13,
9060,
13,
2220,
7,
418,
13,
6978,
13,
22179,
7203,
2777,
23156,
2430,
32109,
11122,
79,
13,
11134,
48774,
198,
1845,
3400,
8863,
34227,
28,
9078,
6057,
13,
9060,
13,
2220,
7,
418,
13,
6978,
13,
22179,
7203,
2777,
23156,
2430,
32109,
10044,
13,
11134,
48774,
198,
10414,
1484,
34227,
28,
9078,
6057,
13,
9060,
13,
2220,
7,
418,
13,
6978,
13,
22179,
7203,
2777,
23156,
2430,
32109,
3103,
13,
11134,
48774,
198,
13376,
40053,
28,
4895,
7501,
1653,
276,
1298,
7501,
1653,
34227,
553,
10899,
276,
1298,
10899,
276,
34227,
553,
69,
42005,
1298,
69,
42005,
34227,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
42832,
1298,
42832,
34227,
553,
1845,
3400,
8863,
1298,
1845,
3400,
8863,
34227,
553,
10414,
1484,
1298,
10414,
1484,
34227,
92,
628,
198,
43171,
5376,
2625,
19926,
1892,
16531,
1,
198,
198,
4242,
2235,
21860,
10245,
357,
944,
11,
404,
4868,
11,
14171,
11,
18558,
2202,
32,
11,
18558,
2202,
50,
11,
2487,
540,
28,
25101,
11,
404,
4868,
42316,
273,
28,
25101,
11,
9612,
28,
25101,
8,
23243,
416,
995,
393,
10834,
198,
5372,
13829,
23381,
28,
26272,
7,
14692,
1639,
815,
1239,
766,
428,
526,
17241,
38969,
519,
2430,
944,
13,
9612,
13,
31943,
2514,
10786,
6894,
11537,
2430,
944,
13,
9612,
13,
31943,
2514,
10786,
6894,
11537,
4943,
198,
7804,
21017,
7039,
7566,
26798,
198,
9562,
46770,
28,
26272,
7,
14692,
26554,
2430,
24151,
34171,
25541,
2430,
7738,
13,
8388,
28,
944,
13,
404,
4868,
58,
944,
13,
22019,
21604,
12,
16,
60,
59,
77,
944,
13,
33491,
23381,
7,
7081,
8,
2430,
6603,
4943,
198,
17172,
46770,
28,
26272,
7,
14692,
31851,
257,
21814,
25,
2430,
1921,
9693,
1404,
2430,
10705,
49836,
2430,
47526,
4221,
1404,
2430,
47526,
10234,
11598,
2430,
49836,
39,
1404,
2430,
10705,
47526,
51,
1600,
29653,
38,
13153,
30543,
17241,
83,
7803,
46770,
2430,
14849,
12502,
540,
13,
2213,
10613,
13,
3672,
28,
944,
13,
404,
4868,
58,
944,
13,
22019,
21604,
12,
16,
60,
59,
782,
560,
8421,
13,
404,
4868,
58,
15,
22241,
14849,
12502,
540,
13,
2213,
10613,
13,
3672,
10,
14849,
8421,
13,
404,
4868,
58,
15,
60,
59,
77,
944,
13,
33491,
23381,
7,
26272,
35,
713,
58,
944,
13,
404,
4868,
58,
944,
13,
22019,
21604,
12,
16,
11907,
8,
2430,
6603,
4943,
198,
12339,
9069,
46770,
28,
26272,
7,
14692,
33481,
12093,
2899,
2430,
1925,
1670,
4066,
2430,
22266,
2265,
293,
34171,
25541,
2430,
944,
13,
27729,
1273,
2571,
7,
944,
13,
404,
4868,
58,
944,
13,
22019,
21604,
12,
16,
12962,
2430,
6603,
4943,
198,
3919,
35,
501,
28,
26272,
7,
14692,
6385,
340,
2331,
314,
460,
470,
1561,
2035,
286,
345,
734,
503,
286,
340,
93,
2430,
7120,
8855,
287,
262,
995,
286,
350,
4944,
42,
3620,
1340,
4330,
4940,
20229,
13,
25339,
257,
937,
290,
651,
1016,
2474,
17241,
38969,
519,
2430,
944,
13,
33491,
23381,
7,
12339,
9069,
46770,
8,
2430,
6603,
4943,
198,
4598,
1026,
23795,
28,
26272,
7,
14692,
1639,
460,
470,
19437,
502,
41424,
40,
1183,
307,
262,
1266,
2474,
17241,
25541,
2430,
944,
13,
33491,
23381,
7,
3919,
35,
501,
8,
2430,
6603,
4943,
198,
16620,
7975,
28,
26272,
7,
14692,
40,
1183,
1560,
345,
644,
314,
1297,
683,
7479,
77,
464,
4330,
10349,
18959,
470,
645,
41326,
1524,
41424,
1639,
1053,
1392,
257,
1365,
2863,
286,
7464,
510,
287,
7356,
393,
257,
1767,
6131,
621,
355,
257,
350,
4944,
42,
3620,
1340,
5870,
23518,
2849,
526,
17241,
38969,
519,
2430,
944,
13,
33491,
23381,
7,
4598,
1026,
23795,
8,
2430,
6603,
4943,
198,
5317,
305,
28,
26272,
7,
14692,
38101,
0,
59,
77,
14618,
284,
262,
995,
286,
14944,
365,
2144,
93,
2430,
3666,
1438,
318,
24412,
47,
7801,
13,
59,
77,
8061,
287,
428,
14263,
11,
484,
869,
502,
262,
350,
4944,
42,
3620,
1340,
4810,
19238,
1546,
4090,
33283,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
1858,
389,
8109,
1444,
350,
4944,
42,
3620,
1340,
477,
510,
287,
595,
995,
41424,
4366,
661,
892,
350,
4944,
42,
3620,
1340,
389,
10963,
13,
59,
77,
32,
259,
470,
6635,
2642,
93,
2430,
4366,
661,
1394,
705,
368,
355,
17252,
13,
59,
77,
25599,
779,
606,
287,
11418,
33283,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
5308,
11,
314,
973,
284,
466,
326,
13,
59,
77,
3844,
314,
1101,
467,
259,
6,
3892,
41424,
40,
1101,
8066,
2050,
350,
4944,
42,
3620,
1340,
355,
257,
7573,
13,
59,
77,
17822,
13209,
290,
2279,
41424,
2215,
345,
821,
11816,
2157,
326,
3644,
11,
340,
338,
1327,
284,
1560,
508,
345,
389,
33283,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
8491,
345,
257,
2933,
11,
393,
257,
2576,
1701,
17241,
38969,
519,
2430,
944,
13,
33491,
23381,
7,
9562,
46770,
8,
2430,
6603,
4943,
198,
7081,
28,
26272,
7,
14692,
1639,
3505,
616,
1310,
1379,
13,
59,
77,
1639,
1053,
587,
379,
1123,
584,
338,
49012,
1683,
1201,
345,
547,
3988,
41424,
2061,
373,
534,
23332,
21814,
329,
683,
757,
1701,
17241,
38969,
519,
2430,
944,
13,
33491,
23381,
7,
17172,
46770,
8,
2430,
6603,
4943,
198,
15219,
28,
7081,
1303,
8189,
355,
1964,
2643,
11,
393,
16931,
24292,
30,
1303,
16885,
271,
11274,
198,
2,
464,
2029,
1627,
318,
2636,
2438,
11,
475,
314,
4398,
470,
13140,
340,
780,
314,
765,
284,
1394,
262,
9707,
13,
198,
562,
5183,
28,
26272,
7,
17816,
5812,
11,
10194,
13,
366,
8021,
5183,
526,
23303,
0,
921,
423,
884,
257,
835,
351,
2456,
93,
6,
17241,
38969,
519,
2430,
944,
13,
33491,
23381,
7,
16620,
7975,
8,
2430,
6603,
4943,
198,
562,
2550,
28,
26272,
7,
17816,
5812,
11,
10194,
13,
366,
8021,
2550,
526,
23303,
0,
220,
921,
423,
884,
257,
835,
351,
2456,
93,
6,
17241,
38969,
519,
2430,
944,
13,
33491,
23381,
7,
16620,
7975,
8,
2430,
6603,
4943,
198,
4360,
5562,
28,
26272,
7,
17816,
5812,
11,
10194,
13,
366,
1537,
5562,
526,
9398,
0,
921,
423,
884,
257,
835,
351,
2456,
93,
6,
17241,
38969,
519,
2430,
944,
13,
33491,
23381,
7,
16620,
7975,
8,
2430,
6603,
4943,
198,
43059,
2550,
28,
26272,
7,
17816,
5812,
11,
10194,
13,
366,
1537,
83,
2550,
526,
9398,
0,
921,
423,
884,
257,
835,
351,
2456,
93,
6,
17241,
38969,
519,
2430,
944,
13,
33491,
23381,
7,
16620,
7975,
8,
2430,
6603,
4943,
198,
2550,
5183,
28,
26272,
7,
17816,
5812,
11,
10194,
13,
366,
32388,
5183,
526,
9398,
0,
921,
423,
884,
257,
835,
351,
2456,
93,
6,
17241,
38969,
519,
2430,
944,
13,
33491,
23381,
7,
16620,
7975,
8,
2430,
6603,
4943,
198,
562,
43059,
28,
26272,
7,
17816,
5812,
11,
10194,
13,
366,
8021,
43059,
526,
9398,
0,
921,
423,
884,
257,
835,
351,
2456,
93,
6,
17241,
38969,
519,
2430,
944,
13,
33491,
23381,
7,
16620,
7975,
8,
2430,
6603,
4943,
198,
33820,
23609,
3672,
28,
26272,
7,
17816,
5812,
11,
10194,
13,
366,
33820,
1911,
9398,
0,
921,
423,
884,
257,
835,
351,
2456,
93,
6,
17241,
38969,
519,
2430,
944,
13,
33491,
23381,
7,
16620,
7975,
8,
2430,
6603,
4943,
198,
198,
7804,
21017,
7253,
6859,
290,
663,
15350,
658,
198,
9688,
28,
26272,
7,
14692,
47,
403,
365,
2144,
2430,
33010,
485,
87,
2430,
23022,
2430,
6511,
9288,
2430,
6511,
9288,
83,
7803,
2430,
29668,
2430,
16928,
34171,
25541,
2430,
944,
13,
2860,
2514,
23381,
25896,
7,
26272,
35,
713,
58,
944,
13,
404,
4868,
58,
944,
13,
22019,
21604,
12,
16,
11907,
8,
2430,
944,
13,
9612,
13,
31943,
2514,
10786,
6894,
11537,
1600,
17821,
8,
198,
9688,
47,
403,
365,
2144,
28,
26272,
7,
25101,
553,
25541,
2430,
6603,
2430,
944,
13,
1891,
4933,
23381,
25896,
3419,
1600,
17821,
553,
4868,
7,
7738,
13,
15097,
1722,
10100,
28955,
4943,
198,
9688,
33010,
485,
87,
28,
26272,
7,
25101,
553,
38969,
519,
2430,
6603,
2430,
944,
13,
1891,
4933,
23381,
25896,
3419,
1600,
17821,
553,
7738,
13,
20763,
485,
87,
1722,
8053,
3419,
4943,
198,
9688,
23022,
28,
26272,
7,
25101,
553,
25541,
2430,
944,
13,
19738,
7449,
30815,
24064,
3419,
2430,
944,
13,
1891,
4933,
23381,
25896,
3419,
1600,
17821,
553,
9688,
13,
13812,
23022,
8053,
3419,
4943,
198,
9186,
31851,
9069,
28,
26272,
7,
25101,
553,
25541,
2430,
944,
13,
9186,
30815,
24064,
7,
944,
13,
22019,
21604,
12,
16,
8,
2430,
944,
13,
1891,
4933,
23381,
25896,
3419,
1600,
17821,
553,
7738,
13,
15097,
1722,
10100,
3419,
4943,
198,
6511,
9288,
28,
26272,
7,
14692,
16,
2430,
17,
2430,
18,
2430,
19,
2430,
20,
2430,
21,
2430,
22,
2430,
23,
2430,
24,
2430,
940,
2430,
1157,
2430,
1065,
2430,
1485,
2430,
1415,
2430,
1314,
2430,
1433,
2430,
1558,
2430,
1507,
2430,
1129,
2430,
1238,
2430,
2481,
2430,
1828,
2430,
1954,
2430,
1731,
2430,
1495,
2430,
2075,
2430,
1983,
2430,
2078,
2430,
1959,
34171,
25541,
2430,
944,
13,
1891,
4933,
23381,
25896,
3419,
2430,
944,
13,
1891,
4933,
23381,
25896,
3419,
4943,
198,
6511,
9288,
83,
7803,
28,
26272,
7,
14692,
19160,
2430,
16,
2430,
17,
2430,
18,
2430,
19,
2430,
20,
2430,
21,
2430,
22,
2430,
23,
2430,
24,
2430,
940,
2430,
1157,
2430,
1065,
2430,
1485,
2430,
1415,
2430,
1314,
2430,
1433,
2430,
1558,
2430,
1507,
2430,
1129,
2430,
1238,
2430,
2481,
2430,
1828,
2430,
1954,
2430,
1731,
2430,
1495,
2430,
2075,
2430,
1983,
2430,
2078,
2430,
1959,
34171,
83,
7803,
46770,
2430,
944,
13,
1891,
4933,
23381,
25896,
3419,
2430,
944,
13,
1891,
4933,
23381,
25896,
3419,
4943,
198,
9688,
29668,
28,
26272,
7,
14692,
29668,
407,
9177,
1865,
34171,
38969,
519,
2430,
944,
13,
1891,
4933,
23381,
25896,
3419,
2430,
944,
13,
1891,
4933,
23381,
25896,
3419,
4943,
198,
21928,
8777,
28,
26272,
7,
14692,
439,
318,
39609,
59,
77,
392,
262,
14748,
59,
77,
220,
220,
220,
220,
220,
220,
220,
220,
286,
262,
2344,
59,
3281,
280,
2314,
3613,
1865,
34171,
38969,
519,
2430,
944,
13,
1891,
4933,
23381,
25896,
3419,
2430,
944,
13,
1891,
4933,
23381,
25896,
3419,
4943,
198,
198,
7804,
21017,
6065,
385,
422,
262,
287,
50141,
540,
28254,
6794,
1332,
995,
198,
8906,
24874,
11712,
28,
26272,
7,
14692,
1858,
318,
645,
6654,
422,
262,
287,
50141,
540,
5968,
6794,
41424,
3673,
329,
345,
93,
59,
77,
5299,
1662,
329,
683,
526,
17241,
38969,
519,
2430,
944,
13,
9612,
13,
31943,
2514,
10786,
6894,
11537,
2430,
944,
13,
9612,
13,
31943,
2514,
10786,
6894,
11537,
4943,
198,
14849,
8421,
28,
26272,
26933,
1298,
14690,
0,
1374,
750,
345,
651,
994,
1701,
17241,
38969,
519,
2430,
944,
13,
9612,
13,
14681,
31077,
7,
10786,
38471,
3256,
33820,
4008,
2430,
944,
13,
9612,
13,
14681,
31077,
7,
10786,
38471,
3256,
33820,
4008,
1600,
25101,
8,
198,
14849,
3260,
28,
26272,
7,
14692,
33820,
25,
317,
1383,
11,
582,
2474,
17241,
38969,
519,
2430,
944,
13,
9612,
13,
31943,
2514,
10786,
6894,
11537,
2430,
944,
13,
9612,
13,
31943,
2514,
10786,
6894,
11537,
4943,
198,
198,
26272,
35,
713,
28,
4895,
26554,
1298,
2933,
553,
24151,
1298,
15219,
553,
25101,
46770,
1298,
9562,
46770,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
17172,
46770,
1298,
17172,
46770,
553,
1921,
9693,
1404,
1298,
562,
5183,
553,
10705,
49836,
1298,
562,
2550,
553,
47526,
4221,
1404,
1298,
4360,
5562,
553,
47526,
10234,
11598,
1298,
43059,
2550,
553,
49836,
39,
1404,
1298,
2550,
5183,
553,
10705,
47526,
51,
1298,
562,
43059,
16078,
38,
13153,
1,
10354,
33820,
23609,
3672,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
16620,
7975,
1298,
16620,
7975,
553,
4598,
1026,
23795,
1298,
4598,
1026,
23795,
553,
3919,
35,
501,
1298,
3919,
35,
501,
11,
366,
1639,
460,
470,
19437,
502,
526,
25,
3919,
35,
501,
553,
40,
1101,
8066,
307,
262,
1266,
0,
1298,
3919,
35,
501,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
47,
403,
365,
2144,
1298,
9688,
47,
403,
365,
2144,
553,
33010,
485,
87,
1298,
9688,
33010,
485,
87,
553,
23022,
1298,
9688,
23022,
553,
6511,
9288,
1298,
6511,
9288,
553,
6511,
9288,
83,
7803,
1298,
6511,
9288,
83,
7803,
553,
29668,
1298,
9688,
29668,
553,
16928,
1298,
21928,
8777,
92,
628,
628,
628,
198,
21017,
9122,
4274,
2099,
1568,
198,
4242,
2235,
48034,
4554,
6282,
198,
2235,
24243,
1096,
477,
43962,
351,
25,
1241,
11,
1438,
357,
25968,
828,
21997,
357,
25968,
8,
198,
12339,
33481,
12093,
2899,
28,
33481,
12093,
2899,
7,
23,
553,
33481,
12093,
2899,
4943,
198,
31361,
33481,
12093,
2899,
28,
33481,
12093,
2899,
7,
1238,
553,
45766,
893,
2899,
4943,
198,
6477,
33481,
12093,
2899,
28,
33481,
12093,
2899,
7,
1120,
553,
37522,
385,
2899,
4943,
198,
12339,
1925,
1670,
4066,
28,
1925,
1670,
4066,
7,
23,
553,
1925,
1670,
4066,
4943,
198,
31361,
1925,
1670,
4066,
28,
1925,
1670,
4066,
7,
1238,
553,
12441,
1326,
38970,
4943,
198,
6477,
1925,
1670,
4066,
28,
1925,
1670,
4066,
7,
1120,
553,
12441,
8669,
4943,
198,
12339,
22266,
2265,
293,
28,
22266,
2265,
293,
7,
23,
553,
22266,
2265,
293,
4943,
198,
31361,
22266,
2265,
293,
28,
22266,
2265,
293,
7,
1238,
553,
54,
419,
419,
293,
4943,
198,
6477,
22266,
2265,
293,
28,
22266,
2265,
293,
7,
1120,
553,
3629,
459,
25678,
4943,
198,
1082,
9078,
28,
28532,
79,
7,
1270,
553,
1082,
9078,
4943,
198,
49,
1078,
1045,
21,
28,
49,
1078,
1045,
7,
21,
553,
49,
1078,
1045,
4943,
198,
47,
3130,
88,
21,
28,
47,
3130,
88,
7,
21,
553,
47,
3130,
88,
4943,
198,
28026,
271,
28,
39,
709,
271,
421,
22793,
7,
21,
553,
39,
709,
271,
421,
22793,
4943,
198,
36362,
1662,
1170,
28,
49926,
1662,
1170,
7,
21,
553,
49926,
1662,
1170,
4943,
628,
198,
7804,
2235,
2892,
11904,
198,
49,
1078,
1045,
20,
28,
49,
1078,
1045,
7,
20,
553,
49,
1078,
1045,
4943,
198,
47,
3130,
88,
20,
28,
47,
3130,
88,
7,
20,
553,
47,
3130,
88,
4943,
198,
35487,
43401,
50,
2308,
28,
2144,
50,
2308,
15090,
47,
3130,
88,
20,
25,
16,
11,
49,
1078,
1045,
20,
25,
16,
5512,
940,
8,
198,
439,
49,
1078,
1045,
50,
2308,
28,
2144,
50,
2308,
15090,
49,
1078,
1045,
25,
16,
5512,
940,
8,
1303,
31699,
279,
3130,
893,
11,
314,
1101,
2111,
284,
14257,
994,
198,
12339,
50,
2308,
28,
2144,
50,
2308,
15090,
12339,
33481,
12093,
2899,
25,
16,
11,
12339,
1925,
1670,
4066,
25,
16,
11,
12339,
22266,
2265,
293,
25,
16,
5512,
1238,
8,
198,
198,
7804,
2235,
19946,
198,
2,
1127,
11128,
540,
28254,
6794,
28,
6894,
7,
25101,
11,
9288,
13912,
11,
21,
11,
24,
11,
35487,
43401,
50,
2308,
11,
25101,
8,
198,
28920,
28254,
6794,
28,
6894,
7,
25101,
11,
27190,
13912,
11,
21,
11,
24,
8,
198,
23352,
28254,
6794,
28,
6894,
7,
25101,
11,
23352,
13912,
11,
21,
11,
24,
11,
35487,
43401,
50,
2308,
11,
25101,
553,
266,
4943,
198,
1127,
11128,
540,
28254,
6794,
28,
6894,
7,
25101,
11,
16894,
13912,
11,
21,
11,
24,
11,
12339,
50,
2308,
11,
25101,
553,
266,
4943,
1303,
3803,
736,
284,
4096,
43401,
50,
2308,
1568,
198,
198,
7804,
2235,
7232,
81,
1817,
351,
29194,
42538,
198,
46,
16,
13,
16520,
1883,
28,
1127,
11128,
540,
28254,
6794,
198,
198,
4242,
2235,
17309,
5621,
286,
1243,
326,
815,
307,
32366,
7560,
357,
10995,
4856,
8133,
198,
7738,
13,
24807,
14692,
47,
9650,
8973,
28,
20,
198,
7738,
13,
24807,
14692,
12442,
26572,
8973,
28,
20,
198,
7738,
13,
24807,
14692,
6207,
417,
8973,
28,
16,
198,
7738,
13,
24807,
14692,
18009,
425,
8973,
28,
19,
198,
7738,
13,
24807,
14692,
47,
403,
365,
1894,
8973,
28,
20,
198,
7738,
13,
24807,
14692,
19184,
7815,
8973,
28,
16,
198,
7738,
13,
24807,
14692,
13543,
7815,
8973,
28,
16,
198,
198,
33820,
28,
22769,
26933,
12339,
33481,
12093,
2899,
17241,
33820,
2430,
17077,
329,
340,
1600,
3064,
11,
14849,
8421,
11,
14849,
3260,
553,
11265,
4943,
198,
198,
14849,
12502,
540,
28,
45,
5662,
2898,
10613,
26933,
19,
11,
15,
17241,
445,
1600,
33820,
553,
15045,
4943,
198,
12683,
12502,
540,
28,
45,
5662,
7203,
12683,
1600,
58,
15,
11,
15,
4357,
8906,
24874,
11712,
553,
12683,
2430,
23108,
4943,
198,
1127,
11128,
540,
28254,
6794,
13,
2673,
2977,
13,
33295,
7,
14849,
12502,
540,
8,
198,
1127,
11128,
540,
28254,
6794,
13,
2673,
2977,
13,
33295,
7,
12683,
12502,
540,
8,
628,
198,
6057,
28,
9612,
7,
9612,
30916,
11,
9612,
23106,
11,
1127,
11128,
540,
28254,
6794,
8,
1303,
2257,
7227,
198,
198,
7804,
4242,
2,
8053,
286,
2275,
6351,
602,
26970,
78,
45777,
1030,
198,
2,
22266,
2265,
829,
326,
892,
484,
821,
30225,
45070,
198,
2,
1925,
1670,
45070,
326,
760,
5186,
6100,
198,
2,
19693,
318,
3706,
8510,
12093,
2899,
198,
2,
464,
1271,
286,
1661,
616,
3644,
14997,
981,
314,
373,
19617,
428,
198,
2,
49,
1078,
265,
292,
9274,
2405,
198,
2,
30388,
7203,
25101,
4943,
28,
17821,
198,
2,
21170,
934,
20086,
11,
780,
484,
6211,
18620,
21403,
198,
2,
929,
290,
866,
20507,
852,
16173,
355,
7650,
1729,
12,
42643,
3978,
3435,
198,
2,
83,
14992,
284,
16500,
262,
3344,
26798,
1912,
319,
262,
717,
3850,
286,
1123,
286,
262,
717,
734,
3689,
198,
2,
34,
289,
257,
374,
285,
257,
299,
288,
304,
374,
374,
257,
299,
257,
266,
257,
331,
5145,
198,
2,
1925,
1670,
4066,
4673,
45275,
986,
4246,
501,
13,
198,
2,
316,
35220,
8976,
3344,
198,
2,
7571,
10936,
82,
13,
1320,
338,
1802,
4,
517,
10936,
82,
621,
356,
550,
7415,
290,
1802,
4,
517,
10936,
82,
621,
356,
765,
13,
357,
1870,
4844,
286,
606,
318,
10936,
82,
569,
461,
3699,
2014,
198,
2,
258,
282,
71,
2318,
4843,
22423,
286,
1105,
25,
16,
393,
1105,
25,
20,
198
] | 2.819321 | 7,101 |
import re
from collections import defaultdict
from string import punctuation
import string
from flashtext import KeywordProcessor
# keyword_processor = KeywordProcessor()
# for i in ['tests','testss','test','5G is(not','ok','100%','不可能吧','优势','在哪里','哪里']:
# keyword_processor.add_keyword(i)
# print(keyword_processor.get_all_keywords())
# text = 'tests 100% are do.ne testss/5G is(not ok'
# # text = '你觉得5G或者优势在哪里'
# kw_found = keyword_processor.extract_keywords(text)
# print(kw_found)
# exit()
#数字模糊匹配函数,数字连着命中才算符合条件,即128对应的必须是128才算命中一个,命中12不算
def strB2Q(ustring):
"""把字符串半角转全角"""
ss = []
for s in ustring:
rstring = ""
for uchar in s:
inside_code = ord(uchar)
# 全角空格直接转换
if inside_code == 32:
inside_code = 12288
# 全角字符(除空格)根据关系转化
elif (inside_code >= 33 and inside_code <= 126):
inside_code += 65248
rstring += chr(inside_code)
ss.append(rstring)
#顿号要转成逗号
return ''.join(ss)
def strQ2B(ustring):
"""把字符串全角转半角"""
ss = []
for s in ustring:
rstring = ""
for uchar in s:
inside_code = ord(uchar)
if inside_code == 12288: # 全角空格直接转换
inside_code = 32
elif (inside_code >= 65281 and inside_code <= 65374): # 全角字符(除空格)根据关系转化
inside_code -= 65248
rstring += chr(inside_code)
ss.append(rstring)
return ''.join(ss)
def strQ2B(ustring):
"""把字符串全角转半角"""
halfwidth_symbol = '!\"\"#$%&\'\'()*+,-./:;<=>?@[]_{|}~ '
fullwidth_symbol = '!“”#$%&‘’()*+,-。/:;《=》?@【】_{|}~ '
translator = str.maketrans(fullwidth_symbol, halfwidth_symbol)
ustring = ustring.translate(translator)
return ustring
def replace_multi_symbol(string, symbol):
"""把多个符号替换成单个,比如多个换行符 替换成 一个换行符,replace('\n\n','\n')并不能解决问题"""
symbol_double = symbol + symbol
while symbol_double in string:
string = string.replace(symbol_double,symbol)
return string
def search_en(combine_string):
"""提取出中英文混合字符串中的英文部分"""
non_cn_pat = "[^\u4e00-\u9fa5]+"
en_pat = ".*(\w)+.*"
found_all = re.findall(non_cn_pat,combine_string)
en_found_all = []
if found_all : #定位有英文的部分
en_found_all = [re.search(en_pat,x).group() for x in found_all if re.search(en_pat,x) != None]
if en_found_all :
return en_found_all[0]
return None
def partial_match_pct(short_str,long_str,special_syn=['pro','plus','max','youth']):
"""
short_str : original string
long_str : standard target string
匹配机型,不要放入两个一样的字符串,获取短字符串在长字符串中是否存在,并且占了多少个字符,
从开头开始匹配,不替换空格不用in的方式查找,带有括号的机型匹配优先级最高,
通常Y15S和Y15(4+64G)后者更容易被缩写成Y15"""
#20200107 :检查长字符串是否包含有特殊字符
#暂时不懂怎么把IQOO 3 4G 优先匹配到 IQOO 3
default_result = (0,long_str)
if type(short_str) != str:
return default_result
short_str = short_str.strip().lower().replace('\n','').replace(' ',' ')
new_long_str = long_str.strip().lower().replace('\n','').replace(' ',' ')
#去掉换行符和多空格之后相等的话 直接返回长字符串
if short_str == new_long_str:
return (99,long_str)
# #防止放入同一字符串
# if short_str == new_long_str:
# return default_result
#括号和空格都要分割处理
if '(' in new_long_str or '(' in new_long_str :
new_long_str = new_long_str.replace('(','(').split('(')[0]
# elif ' ' in new_long_str :
# new_long_str = new_long_str.split()[0]
""" 匹配可能包含错误拼写,包括漏写,多写,错写的机型名, 机型名一般有NEX, S1, X3S, V1Max, V15Pro,
允许的错别字条件是:不允许数字写错,不允许前面的字母写错,当字母大于等于3个时,允许漏写或者错写,多写2个字母,
比如pro写成pr ,prou, max写成ma, V15Pro 写成 V15P(如果有V15P应该在之前就可以关联上,所以排除他是V15P的可能,
更大可能是想写V15Pro)"""
#从头开始匹配的时候,如果完整的short_str是准确拼写的,正常返回,如果有错别字,采用else以下的匹配方式
match_short_str = ''
#前两/三位字母相同,方便后面elif写条件
first2_letter_equal = short_str[:2] == new_long_str[:3].split(' ')[0][:2]
first3_letter_equal = short_str[:3] == new_long_str[:3].split(' ')[0][:3]
#前3位字符串包含2个数字的情况 必须满足前3个字母相同,
first3_letter_2num_short = re.search('[0-9]{2,}',short_str[:3]) != None
first3_letter_2num_long = re.search('[0-9]{2,}',new_long_str[:3]) != None
first3_letter_less2num_short = not first3_letter_2num_short
first3_letter_less2num_long = not first3_letter_2num_long
#一个字符直接返回0,两个字符,去掉空格之后的前两个字符要完全相等,并且要确保长字符串里没有special_syn的字符
if len(short_str) == 2 :
if not check_syn_str(new_long_str,special_syn):
new_long_str = new_long_str.split(' ')[0].split('(')[0]
if short_str == new_long_str:
return (2/len(long_str),long_str)
else:
return default_result
else: #如果长字符串含有pro等字符 直接判断不匹配
return default_result
#至少出现3个字符,并且前两个字母(如果前两位是字母+数字,后面不再有数字),如果前3位包含2个数字,前3个字符要相同,规避掉V 15这种空格的情况
elif (len(short_str) >= 3 and first2_letter_equal) and \
(
(first3_letter_2num_short and first3_letter_2num_long and first3_letter_equal) \
or (first3_letter_less2num_short and first3_letter_less2num_long and first2_letter_equal)
):
for i in range(2,len(short_str)+1) :
if short_str[:i].replace(' ','') in new_long_str.replace(' ',''):
match_short_str = short_str[:i]
continue
#优先计算匹配率大的字符串,并且为了实现区分V11i 优先匹配到V11而不是V11Pro的情况,而外加一个长字符串的比率
#--计算结果相同(0.75, 'V11Pro') (0.75, 'V11'),后面的sort比较难实现long_str的顺序排列
if ' ' in long_str or '(' in long_str:
long_str_bias = len(match_short_str)/len(long_str.split(' ')[0].split('(')[0])/100 #比例需要调小
#如果去掉空格和( 符号之后的long_str_bias仍然相等,就将原来的标准机型全部去掉这些字符,对比整体全部的匹配度,做一个bias
# long_str_bias += len(match_sequence_str(short_str,long_string)) / (len(short_str) + len(long_string)) / 1000 #比例更小
else: #没有出现空格和( 的 不带pro的应该优先
long_str_bias = len(match_short_str)/len(long_str)/100 + 0.00001
#确保短字符和长字符同时有或者同时没有special_syn_str
if check_syn_str(short_str,special_syn) == check_syn_str(new_long_str,special_syn):
return (len(match_short_str)/len(short_str) + long_str_bias ,long_str)
return default_result
def re_sub_replace(pattern,string,repace_symbols=('-','_'),group_name=1):
"""
当re.sub(pattern,repl,string)内置的repl = "g<1>" 不能满足替换需求的时候,
比如需要将group目标内的文字中的某个符号替换掉, 使用的时候要注意替换代码内的sub replace符号
:param pattern : re pattern
:param string : original string
"""
new_string = re.sub(pattern,replace_match,string,repace_symbols=('-','_'))
return new_string
def re_findall_replace(pattern,string,replace_symbols=('-','_')):
"""
当re.sub(pattern,repl,string)内置的repl = "g<1>" 不能满足替换需求的时候,
比如需要将group目标内的文字中的某个符号替换掉,并且需要match多个group目标
"""
matched_list = re.findall(pattern,string)
new_string = string
for mat in matched_list:
new_string = new_string.replace(mat,mat.replace(replace_symbols[0],replace_symbols[1]))
return new_string
def re_findall_sub(pattern,string,replace_symbols=('-','_')):
"""
当re.sub(pattern,repl,string)内置的repl = "g<1>" 不能满足替换需求的时候,
比如
"""
matched_list = re.findall(pattern,string)
new_string = string
for mat in matched_list:
new_string = new_string.replace(mat,mat.replace(replace_symbols[0],replace_symbols[1]))
return new_string
def split_wrong_combine(pattern,sub_pattern,string):
"""
需要处理爬虫换行符的问题, 抓取的时候把换行符去掉了,导致单词连接成错误的形式
比如 axxBx, AxxxCONs, usagePROgreat, slow3.Great sunglass
(注意 3app , 3PlayStore只能算是拼写错误,不需要拆分, LED3 拆不了,陷入无限循环)
需要将两个错误合并的单词用换行符替换拆分,
:param pattern : the original pattern that we want to find out
:param sub_pattern : sub pattern to extract from pattern,
will be replaced with original + '\n' or '\n' + original
:param string : target string
e.g
pattern = '[A-Z]?[a-z]+[A-Z0-9]+[a-zA-Z]*'
sub_pattern = '[A-Z0-9]+[a-z]*'
"""
#记录需要修改的部分
new_string = string
new_string_dict = defaultdict(str)
matched_list = re.findall(pattern,new_string)
if matched_list :
for mat in matched_list:
match_sub = re.search(sub_pattern,mat)
#需要确保sub_pattern 能匹配出 pattern 匹配到的内容的部分目标
if match_sub != None:
match_sub = match_sub.group()
replace_match = mat.replace(match_sub,'\n' + match_sub)
#如果替换的是第一个单词,需要特殊处理。不要替换前面的符号为换行符,而是需要保持原来单词自带的 “空”
#并且换行符 应该是加在第一个单词后面
if [ x for x in replace_match].index('\n') == 0:
replace_match = replace_match.replace('\n','')
replace_match = mat.replace(match_sub, match_sub + '\n')
replace_matched = split_wrong_combine(pattern,sub_pattern,replace_match)
new_string_dict[mat] = replace_matched
else:
return new_string
for k,v in new_string_dict.items():
new_string = new_string.replace(k,v)
return new_string
#++++++++++++++++++以下废弃函数++++++++++++++++++++++++
# def standardize_country_by_cn_similarty(short_str, standard_str_list):
# #处理中文国家缩写和完整国家名称无法匹配到的情况
# standard_str_list = list(set([str(x).strip() for x in standard_str_list]))
# standard_str_list = sorted(standard_str_list, key=len, reverse= False)
# #通过前面字符串匹配 马来 -- > 马来西亚
# standard_similarity_list = [ (s,1) if short_str in s else (s,0) for s in standard_str_list ]
# if standard_similarity_list[0][1] > 0 :
# return standard_similarity_list
# else:
# standard_similarity_list = [ ]
# for ss in standard_str_list:
# short_match_counter = 0
# for ss_each_letter in ss:
# for s in short_str:
# if s == ss_each_letter:
# short_match_counter += 1
# #至少能匹配上两个字
# str_similarity = short_match_counter / len(short_str) + short_match_counter / min([len(short_str),len(ss)])
# if short_match_counter >= 2 :
# standard_similarity_list.append([ss,str_similarity])
# else:
# standard_similarity_list.append([ss, 0 ])
# standard_similarity_list = sorted(standard_similarity_list, key=lambda x:x[1],reverse=True)
# return standard_similarity_list
| [
11748,
302,
220,
201,
198,
6738,
17268,
1330,
4277,
11600,
220,
201,
198,
6738,
4731,
1330,
21025,
2288,
201,
198,
11748,
4731,
220,
201,
198,
201,
198,
6738,
7644,
5239,
1330,
7383,
4775,
18709,
273,
201,
198,
201,
198,
2,
21179,
62,
41341,
796,
7383,
4775,
18709,
273,
3419,
201,
198,
2,
329,
1312,
287,
37250,
41989,
41707,
9288,
824,
41707,
9288,
41707,
20,
38,
318,
7,
1662,
41707,
482,
41707,
3064,
4,
41707,
38834,
20998,
107,
47797,
121,
28938,
100,
41707,
27670,
246,
27950,
123,
41707,
28839,
101,
161,
241,
103,
34932,
234,
41707,
161,
241,
103,
34932,
234,
6,
5974,
201,
198,
2,
220,
220,
220,
220,
21179,
62,
41341,
13,
2860,
62,
2539,
4775,
7,
72,
8,
201,
198,
201,
198,
2,
3601,
7,
2539,
4775,
62,
41341,
13,
1136,
62,
439,
62,
2539,
10879,
28955,
201,
198,
201,
198,
2,
2420,
796,
705,
41989,
220,
1802,
4,
389,
220,
466,
13,
710,
1332,
824,
14,
20,
38,
318,
7,
1662,
12876,
6,
201,
198,
2,
1303,
2420,
796,
705,
19526,
254,
164,
100,
231,
36181,
245,
20,
38,
22755,
244,
38519,
27670,
246,
27950,
123,
28839,
101,
161,
241,
103,
34932,
234,
6,
201,
198,
2,
479,
86,
62,
9275,
796,
21179,
62,
41341,
13,
2302,
974,
62,
2539,
10879,
7,
5239,
8,
201,
198,
201,
198,
2,
3601,
7,
46265,
62,
9275,
8,
201,
198,
201,
198,
2,
8420,
3419,
201,
198,
201,
198,
2,
46763,
108,
27764,
245,
162,
101,
94,
163,
111,
232,
44293,
117,
165,
227,
235,
49035,
121,
46763,
108,
11,
46763,
108,
27764,
245,
32573,
252,
163,
251,
222,
37772,
121,
40792,
33699,
235,
163,
106,
245,
163,
105,
99,
28938,
230,
30266,
94,
20015,
114,
171,
120,
234,
39355,
111,
12762,
43380,
117,
41753,
242,
21410,
33232,
227,
165,
94,
119,
42468,
12762,
33699,
235,
163,
106,
245,
37772,
121,
40792,
31660,
10310,
103,
171,
120,
234,
37772,
121,
40792,
1065,
38834,
163,
106,
245,
201,
198,
201,
198,
201,
198,
201,
198,
4299,
965,
33,
17,
48,
7,
436,
1806,
2599,
201,
198,
220,
220,
220,
37227,
162,
232,
232,
27764,
245,
163,
105,
99,
10310,
110,
39355,
232,
164,
100,
240,
164,
121,
105,
17739,
101,
164,
100,
240,
37811,
201,
198,
220,
220,
220,
37786,
796,
17635,
201,
198,
220,
220,
220,
329,
264,
287,
334,
8841,
25,
201,
198,
220,
220,
220,
220,
220,
220,
220,
374,
8841,
796,
13538,
201,
198,
220,
220,
220,
220,
220,
220,
220,
329,
334,
10641,
287,
264,
25,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2641,
62,
8189,
796,
2760,
7,
794,
283,
8,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
10263,
227,
101,
164,
100,
240,
163,
102,
118,
43718,
120,
33566,
112,
162,
236,
98,
164,
121,
105,
162,
235,
95,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2641,
62,
8189,
6624,
3933,
25,
220,
220,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2641,
62,
8189,
796,
1105,
25270,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
10263,
227,
101,
164,
100,
240,
27764,
245,
163,
105,
99,
171,
120,
230,
165,
247,
97,
163,
102,
118,
43718,
120,
171,
120,
231,
43718,
117,
162,
235,
106,
17739,
111,
163,
111,
119,
164,
121,
105,
44293,
244,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
357,
48787,
62,
8189,
18189,
4747,
290,
2641,
62,
8189,
19841,
19710,
2599,
220,
220,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2641,
62,
8189,
15853,
6135,
23045,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
374,
8841,
15853,
442,
81,
7,
48787,
62,
8189,
8,
201,
198,
220,
220,
220,
220,
220,
220,
220,
37786,
13,
33295,
7,
81,
8841,
8,
201,
198,
220,
220,
220,
1303,
165,
94,
123,
20998,
115,
17358,
223,
164,
121,
105,
22755,
238,
34460,
245,
20998,
115,
201,
198,
220,
220,
220,
1441,
705,
4458,
22179,
7,
824,
8,
201,
198,
201,
198,
201,
198,
4299,
965,
48,
17,
33,
7,
436,
1806,
2599,
201,
198,
220,
220,
220,
37227,
162,
232,
232,
27764,
245,
163,
105,
99,
10310,
110,
17739,
101,
164,
100,
240,
164,
121,
105,
39355,
232,
164,
100,
240,
37811,
201,
198,
220,
220,
220,
37786,
796,
17635,
201,
198,
220,
220,
220,
329,
264,
287,
334,
8841,
25,
201,
198,
220,
220,
220,
220,
220,
220,
220,
374,
8841,
796,
13538,
201,
198,
220,
220,
220,
220,
220,
220,
220,
329,
334,
10641,
287,
264,
25,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2641,
62,
8189,
796,
2760,
7,
794,
283,
8,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2641,
62,
8189,
6624,
1105,
25270,
25,
220,
1303,
10263,
227,
101,
164,
100,
240,
163,
102,
118,
43718,
120,
33566,
112,
162,
236,
98,
164,
121,
105,
162,
235,
95,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2641,
62,
8189,
796,
3933,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
357,
48787,
62,
8189,
18189,
6135,
30368,
290,
2641,
62,
8189,
19841,
6135,
31020,
2599,
220,
1303,
10263,
227,
101,
164,
100,
240,
27764,
245,
163,
105,
99,
171,
120,
230,
165,
247,
97,
163,
102,
118,
43718,
120,
171,
120,
231,
43718,
117,
162,
235,
106,
17739,
111,
163,
111,
119,
164,
121,
105,
44293,
244,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2641,
62,
8189,
48185,
6135,
23045,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
374,
8841,
15853,
442,
81,
7,
48787,
62,
8189,
8,
201,
198,
220,
220,
220,
220,
220,
220,
220,
37786,
13,
33295,
7,
81,
8841,
8,
201,
198,
201,
198,
220,
220,
220,
1441,
705,
4458,
22179,
7,
824,
8,
201,
198,
201,
198,
4299,
965,
48,
17,
33,
7,
436,
1806,
2599,
201,
198,
220,
220,
220,
37227,
162,
232,
232,
27764,
245,
163,
105,
99,
10310,
110,
17739,
101,
164,
100,
240,
164,
121,
105,
39355,
232,
164,
100,
240,
37811,
201,
198,
220,
220,
220,
2063,
10394,
62,
1837,
23650,
796,
705,
0,
7879,
7879,
29953,
4,
5,
43054,
43054,
3419,
9,
10,
12095,
19571,
25,
26,
27,
14804,
30,
31,
21737,
23330,
91,
92,
93,
705,
201,
198,
220,
220,
220,
1336,
10394,
62,
1837,
23650,
796,
705,
171,
120,
223,
447,
250,
447,
251,
29953,
4,
5,
447,
246,
447,
247,
171,
120,
230,
171,
120,
231,
9,
10,
171,
120,
234,
12,
16764,
14,
171,
120,
248,
171,
120,
249,
5099,
232,
28,
5099,
233,
171,
120,
253,
31,
31854,
31817,
23330,
91,
92,
93,
705,
201,
198,
220,
220,
220,
33417,
796,
965,
13,
76,
461,
21879,
504,
7,
12853,
10394,
62,
1837,
23650,
11,
2063,
10394,
62,
1837,
23650,
8,
201,
198,
201,
198,
220,
220,
220,
334,
8841,
796,
334,
8841,
13,
7645,
17660,
7,
7645,
41880,
8,
201,
198,
220,
220,
220,
1441,
334,
8841,
201,
198,
201,
198,
201,
198,
4299,
6330,
62,
41684,
62,
1837,
23650,
7,
8841,
11,
6194,
2599,
201,
198,
220,
220,
220,
37227,
162,
232,
232,
13783,
248,
10310,
103,
163,
105,
99,
20998,
115,
162,
249,
123,
162,
235,
95,
22755,
238,
39355,
243,
10310,
103,
171,
120,
234,
162,
107,
242,
36685,
224,
13783,
248,
10310,
103,
162,
235,
95,
26193,
234,
163,
105,
99,
10545,
249,
123,
162,
235,
95,
22755,
238,
220,
31660,
10310,
103,
162,
235,
95,
26193,
234,
163,
105,
99,
11,
33491,
10786,
59,
77,
59,
77,
41707,
59,
77,
11537,
33176,
114,
38834,
47797,
121,
164,
100,
96,
37863,
111,
29785,
106,
165,
95,
246,
37811,
201,
198,
220,
220,
220,
6194,
62,
23352,
796,
6194,
1343,
6194,
201,
198,
220,
220,
220,
981,
6194,
62,
23352,
287,
4731,
25,
201,
198,
220,
220,
220,
220,
220,
220,
220,
4731,
796,
4731,
13,
33491,
7,
1837,
23650,
62,
23352,
11,
1837,
23650,
8,
201,
198,
220,
220,
220,
1441,
4731,
201,
198,
201,
198,
201,
198,
4299,
2989,
62,
268,
7,
24011,
500,
62,
8841,
2599,
201,
198,
220,
220,
220,
37227,
162,
237,
238,
20998,
244,
49035,
118,
40792,
164,
233,
109,
23877,
229,
162,
115,
115,
28938,
230,
27764,
245,
163,
105,
99,
10310,
110,
40792,
21410,
164,
233,
109,
23877,
229,
32849,
101,
26344,
228,
37811,
201,
198,
220,
220,
220,
1729,
62,
31522,
62,
8071,
796,
12878,
61,
59,
84,
19,
68,
405,
12,
59,
84,
24,
13331,
20,
48688,
1,
201,
198,
220,
220,
220,
551,
62,
8071,
796,
366,
15885,
38016,
86,
47762,
15885,
1,
201,
198,
220,
220,
220,
1043,
62,
439,
796,
302,
13,
19796,
439,
7,
13159,
62,
31522,
62,
8071,
11,
24011,
500,
62,
8841,
8,
201,
198,
220,
220,
220,
551,
62,
9275,
62,
439,
796,
17635,
201,
198,
201,
198,
220,
220,
220,
611,
1043,
62,
439,
1058,
220,
220,
1303,
22522,
248,
19526,
235,
17312,
231,
164,
233,
109,
23877,
229,
21410,
32849,
101,
26344,
228,
201,
198,
220,
220,
220,
220,
220,
220,
220,
551,
62,
9275,
62,
439,
796,
685,
260,
13,
12947,
7,
268,
62,
8071,
11,
87,
737,
8094,
3419,
329,
2124,
287,
1043,
62,
439,
611,
302,
13,
12947,
7,
268,
62,
8071,
11,
87,
8,
14512,
6045,
60,
201,
198,
201,
198,
220,
220,
220,
611,
551,
62,
9275,
62,
439,
1058,
201,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
551,
62,
9275,
62,
439,
58,
15,
60,
201,
198,
220,
220,
220,
1441,
6045,
201,
198,
201,
198,
4299,
13027,
62,
15699,
62,
79,
310,
7,
19509,
62,
2536,
11,
6511,
62,
2536,
11,
20887,
62,
28869,
28,
17816,
1676,
41707,
9541,
41707,
9806,
41707,
88,
1536,
20520,
2599,
201,
198,
220,
220,
220,
37227,
201,
198,
220,
220,
220,
1790,
62,
2536,
1058,
2656,
4731,
201,
198,
220,
220,
220,
890,
62,
2536,
1058,
3210,
2496,
4731,
220,
201,
198,
220,
220,
220,
10263,
234,
117,
165,
227,
235,
17312,
118,
161,
252,
233,
171,
120,
234,
38834,
17358,
223,
162,
242,
122,
17739,
98,
10310,
97,
10310,
103,
31660,
43718,
115,
21410,
27764,
245,
163,
105,
99,
10310,
110,
171,
120,
234,
164,
236,
115,
20998,
244,
163,
253,
255,
27764,
245,
163,
105,
99,
10310,
110,
28839,
101,
165,
243,
123,
27764,
245,
163,
105,
99,
10310,
110,
40792,
42468,
28938,
99,
27764,
246,
28839,
101,
171,
120,
234,
33176,
114,
10310,
242,
39355,
254,
12859,
228,
13783,
248,
22887,
239,
10310,
103,
27764,
245,
163,
105,
99,
11,
201,
198,
220,
220,
220,
220,
20015,
236,
28156,
222,
13783,
112,
28156,
222,
34650,
233,
44293,
117,
165,
227,
235,
11,
38834,
162,
249,
123,
162,
235,
95,
163,
102,
118,
43718,
120,
38834,
18796,
101,
259,
21410,
43095,
28156,
237,
162,
253,
98,
33699,
122,
171,
120,
234,
30585,
99,
17312,
231,
162,
233,
105,
20998,
115,
21410,
17312,
118,
161,
252,
233,
44293,
117,
165,
227,
235,
27670,
246,
17739,
230,
163,
118,
100,
17312,
222,
165,
45865,
171,
120,
234,
201,
198,
220,
220,
220,
16268,
222,
248,
30585,
116,
56,
1314,
50,
161,
240,
234,
56,
1314,
7,
19,
10,
2414,
38,
8,
28938,
236,
38519,
162,
249,
112,
22522,
117,
23626,
241,
164,
95,
104,
163,
120,
102,
37863,
247,
22755,
238,
56,
1314,
37811,
201,
198,
220,
220,
220,
1303,
1238,
2167,
15982,
1058,
162,
96,
222,
162,
253,
98,
165,
243,
123,
27764,
245,
163,
105,
99,
10310,
110,
42468,
28938,
99,
44293,
227,
28938,
104,
17312,
231,
31965,
117,
162,
106,
232,
27764,
245,
163,
105,
99,
201,
198,
201,
198,
220,
220,
220,
1303,
162,
248,
224,
33768,
114,
38834,
162,
229,
224,
45250,
236,
20046,
230,
162,
232,
232,
33866,
6684,
513,
604,
38,
220,
27670,
246,
17739,
230,
44293,
117,
165,
227,
235,
26344,
108,
18248,
6684,
513,
201,
198,
201,
198,
201,
198,
220,
220,
220,
4277,
62,
20274,
796,
357,
15,
11,
6511,
62,
2536,
8,
201,
198,
201,
198,
220,
220,
220,
611,
2099,
7,
19509,
62,
2536,
8,
14512,
965,
25,
201,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
4277,
62,
20274,
201,
198,
201,
198,
220,
220,
220,
1790,
62,
2536,
796,
1790,
62,
2536,
13,
36311,
22446,
21037,
22446,
33491,
10786,
59,
77,
3256,
7061,
737,
33491,
10786,
220,
705,
4032,
705,
8,
201,
198,
220,
220,
220,
649,
62,
6511,
62,
2536,
796,
890,
62,
2536,
13,
36311,
22446,
21037,
22446,
33491,
10786,
59,
77,
3256,
7061,
737,
33491,
10786,
220,
705,
4032,
705,
8,
201,
198,
201,
198,
220,
220,
220,
1303,
43889,
119,
162,
236,
231,
162,
235,
95,
26193,
234,
163,
105,
99,
161,
240,
234,
13783,
248,
163,
102,
118,
43718,
120,
45298,
28938,
236,
33566,
116,
163,
255,
231,
21410,
46237,
251,
13328,
249,
112,
162,
236,
98,
32573,
242,
32368,
252,
165,
243,
123,
27764,
245,
163,
105,
99,
10310,
110,
201,
198,
220,
220,
220,
611,
1790,
62,
2536,
6624,
649,
62,
6511,
62,
2536,
25,
201,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
357,
2079,
11,
6511,
62,
2536,
8,
201,
198,
220,
220,
220,
1303,
1303,
165,
246,
110,
29826,
95,
162,
242,
122,
17739,
98,
28938,
234,
31660,
27764,
245,
163,
105,
99,
10310,
110,
201,
198,
220,
220,
220,
1303,
611,
1790,
62,
2536,
6624,
649,
62,
6511,
62,
2536,
25,
220,
201,
198,
220,
220,
220,
1303,
220,
220,
1441,
4277,
62,
20274,
201,
198,
220,
220,
220,
1303,
162,
233,
105,
20998,
115,
161,
240,
234,
163,
102,
118,
43718,
120,
32849,
121,
17358,
223,
26344,
228,
30298,
110,
13783,
226,
49426,
228,
201,
198,
220,
220,
220,
611,
705,
10786,
287,
649,
62,
6511,
62,
2536,
393,
705,
171,
120,
230,
6,
287,
649,
62,
6511,
62,
2536,
1058,
201,
198,
220,
220,
220,
220,
220,
220,
220,
649,
62,
6511,
62,
2536,
796,
649,
62,
6511,
62,
2536,
13,
33491,
10786,
171,
120,
230,
41707,
10786,
737,
35312,
10786,
10786,
38381,
15,
60,
201,
198,
220,
220,
220,
1303,
1288,
361,
705,
705,
287,
649,
62,
6511,
62,
2536,
1058,
201,
198,
220,
220,
220,
1303,
220,
220,
649,
62,
6511,
62,
2536,
796,
649,
62,
6511,
62,
2536,
13,
35312,
3419,
58,
15,
60,
201,
198,
220,
220,
220,
37227,
10263,
234,
117,
165,
227,
235,
20998,
107,
47797,
121,
44293,
227,
28938,
104,
165,
242,
247,
46237,
107,
162,
233,
120,
37863,
247,
171,
120,
234,
44293,
227,
162,
233,
105,
162,
120,
237,
37863,
247,
171,
120,
234,
13783,
248,
37863,
247,
171,
120,
234,
165,
242,
247,
37863,
247,
21410,
17312,
118,
161,
252,
233,
28938,
235,
11,
42164,
118,
161,
252,
233,
28938,
235,
31660,
48958,
105,
17312,
231,
45,
6369,
11,
311,
16,
171,
120,
234,
1395,
18,
50,
11,
569,
16,
11518,
11,
569,
1314,
2964,
11,
201,
198,
220,
220,
220,
10263,
227,
223,
164,
106,
116,
21410,
165,
242,
247,
26344,
104,
27764,
245,
30266,
94,
20015,
114,
42468,
171,
120,
248,
38834,
17739,
223,
164,
106,
116,
46763,
108,
27764,
245,
37863,
247,
165,
242,
247,
171,
120,
234,
38834,
17739,
223,
164,
106,
116,
30298,
235,
165,
251,
95,
21410,
27764,
245,
162,
107,
235,
37863,
247,
165,
242,
247,
171,
120,
234,
37605,
241,
27764,
245,
162,
107,
235,
32014,
12859,
236,
163,
255,
231,
12859,
236,
18,
10310,
103,
33768,
114,
171,
120,
234,
17739,
223,
164,
106,
116,
162,
120,
237,
37863,
247,
22755,
244,
38519,
165,
242,
247,
37863,
247,
171,
120,
234,
13783,
248,
37863,
247,
17,
10310,
103,
27764,
245,
162,
107,
235,
11,
201,
198,
220,
220,
220,
10545,
107,
242,
36685,
224,
1676,
37863,
247,
22755,
238,
1050,
837,
79,
472,
11,
3509,
37863,
247,
22755,
238,
2611,
11,
569,
1314,
2964,
10263,
228,
247,
22755,
238,
569,
1314,
47,
171,
120,
230,
36685,
224,
162,
252,
250,
17312,
231,
53,
1314,
47,
41753,
242,
46237,
98,
28839,
101,
45298,
30298,
235,
22887,
109,
20998,
107,
20015,
98,
17739,
111,
164,
223,
242,
41468,
171,
120,
234,
33699,
222,
20015,
98,
162,
236,
240,
165,
247,
97,
20015,
244,
42468,
53,
1314,
47,
21410,
20998,
107,
47797,
121,
171,
120,
234,
201,
198,
220,
220,
220,
10545,
249,
112,
32014,
20998,
107,
47797,
121,
42468,
46349,
111,
37863,
247,
53,
1314,
2964,
171,
120,
231,
37811,
201,
198,
220,
220,
220,
1303,
20015,
236,
13783,
112,
28156,
222,
34650,
233,
44293,
117,
165,
227,
235,
21410,
33768,
114,
161,
222,
247,
171,
120,
234,
36685,
224,
162,
252,
250,
22522,
234,
46763,
112,
21410,
19509,
62,
2536,
42468,
49035,
228,
163,
94,
106,
162,
233,
120,
37863,
247,
21410,
171,
120,
234,
29826,
96,
30585,
116,
32573,
242,
32368,
252,
171,
120,
234,
36685,
224,
162,
252,
250,
17312,
231,
165,
242,
247,
26344,
104,
27764,
245,
171,
120,
234,
34932,
229,
18796,
101,
17772,
20015,
98,
10310,
233,
21410,
44293,
117,
165,
227,
235,
43095,
28156,
237,
201,
198,
220,
220,
220,
2872,
62,
19509,
62,
2536,
796,
10148,
201,
198,
220,
220,
220,
1303,
30298,
235,
10310,
97,
14,
49011,
19526,
235,
27764,
245,
162,
107,
235,
33566,
116,
28938,
234,
11,
43095,
160,
122,
123,
28938,
236,
165,
251,
95,
417,
361,
37863,
247,
30266,
94,
20015,
114,
201,
198,
220,
220,
220,
717,
17,
62,
9291,
62,
40496,
796,
1790,
62,
2536,
58,
25,
17,
60,
6624,
649,
62,
6511,
62,
2536,
58,
25,
18,
4083,
35312,
10786,
705,
38381,
15,
7131,
25,
17,
60,
201,
198,
220,
220,
220,
717,
18,
62,
9291,
62,
40496,
796,
1790,
62,
2536,
58,
25,
18,
60,
6624,
649,
62,
6511,
62,
2536,
58,
25,
18,
4083,
35312,
10786,
705,
38381,
15,
7131,
25,
18,
60,
201,
198,
220,
220,
220,
1303,
30298,
235,
18,
19526,
235,
27764,
245,
163,
105,
99,
10310,
110,
44293,
227,
28938,
104,
17,
10310,
103,
46763,
108,
27764,
245,
21410,
46349,
227,
37863,
113,
10263,
123,
227,
165,
94,
119,
162,
119,
94,
164,
114,
111,
30298,
235,
18,
10310,
103,
27764,
245,
162,
107,
235,
33566,
116,
28938,
234,
11,
201,
198,
220,
220,
220,
717,
18,
62,
9291,
62,
17,
22510,
62,
19509,
796,
302,
13,
12947,
10786,
58,
15,
12,
24,
60,
90,
17,
11,
92,
3256,
19509,
62,
2536,
58,
25,
18,
12962,
14512,
6045,
201,
198,
220,
220,
220,
717,
18,
62,
9291,
62,
17,
22510,
62,
6511,
796,
220,
302,
13,
12947,
10786,
58,
15,
12,
24,
60,
90,
17,
11,
92,
3256,
3605,
62,
6511,
62,
2536,
58,
25,
18,
12962,
14512,
6045,
201,
198,
201,
198,
220,
220,
220,
717,
18,
62,
9291,
62,
1203,
17,
22510,
62,
19509,
796,
407,
717,
18,
62,
9291,
62,
17,
22510,
62,
19509,
201,
198,
220,
220,
220,
717,
18,
62,
9291,
62,
1203,
17,
22510,
62,
6511,
796,
407,
717,
18,
62,
9291,
62,
17,
22510,
62,
6511,
201,
198,
201,
198,
220,
220,
220,
1303,
31660,
10310,
103,
27764,
245,
163,
105,
99,
33566,
112,
162,
236,
98,
32573,
242,
32368,
252,
15,
11,
10310,
97,
10310,
103,
27764,
245,
163,
105,
99,
171,
120,
234,
43889,
119,
162,
236,
231,
163,
102,
118,
43718,
120,
45298,
28938,
236,
21410,
30298,
235,
10310,
97,
10310,
103,
27764,
245,
163,
105,
99,
17358,
223,
22522,
234,
17739,
101,
33566,
116,
163,
255,
231,
11,
33176,
114,
10310,
242,
17358,
223,
163,
94,
106,
46479,
251,
165,
243,
123,
27764,
245,
163,
105,
99,
10310,
110,
34932,
234,
162,
110,
94,
17312,
231,
20887,
62,
28869,
21410,
27764,
245,
163,
105,
99,
201,
198,
220,
220,
220,
611,
18896,
7,
19509,
62,
2536,
8,
6624,
362,
1058,
220,
220,
201,
198,
220,
220,
220,
220,
220,
220,
220,
611,
407,
2198,
62,
28869,
62,
2536,
7,
3605,
62,
6511,
62,
2536,
11,
20887,
62,
28869,
2599,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
6511,
62,
2536,
796,
649,
62,
6511,
62,
2536,
13,
35312,
10786,
705,
38381,
15,
4083,
35312,
10786,
10786,
38381,
15,
60,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
1790,
62,
2536,
6624,
649,
62,
6511,
62,
2536,
25,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
357,
17,
14,
11925,
7,
6511,
62,
2536,
828,
6511,
62,
2536,
8,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
4277,
62,
20274,
201,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
220,
1303,
36685,
224,
162,
252,
250,
165,
243,
123,
27764,
245,
163,
105,
99,
10310,
110,
28938,
104,
17312,
231,
1676,
163,
255,
231,
27764,
245,
163,
105,
99,
13328,
249,
112,
162,
236,
98,
26344,
97,
23877,
255,
38834,
44293,
117,
165,
227,
235,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
4277,
62,
20274,
201,
198,
220,
220,
220,
1303,
164,
229,
111,
22887,
239,
49035,
118,
163,
236,
108,
18,
10310,
103,
27764,
245,
163,
105,
99,
11,
33176,
114,
10310,
242,
30298,
235,
10310,
97,
10310,
103,
27764,
245,
162,
107,
235,
7,
36685,
224,
162,
252,
250,
30298,
235,
10310,
97,
19526,
235,
42468,
27764,
245,
162,
107,
235,
10,
46763,
108,
27764,
245,
171,
120,
234,
28938,
236,
165,
251,
95,
38834,
37863,
235,
17312,
231,
46763,
108,
27764,
245,
828,
36685,
224,
162,
252,
250,
30298,
235,
18,
19526,
235,
44293,
227,
28938,
104,
17,
10310,
103,
46763,
108,
27764,
245,
11,
30298,
235,
18,
10310,
103,
27764,
245,
163,
105,
99,
17358,
223,
33566,
116,
28938,
234,
11,
164,
100,
226,
34402,
123,
162,
236,
231,
53,
1315,
32573,
247,
163,
100,
235,
163,
102,
118,
43718,
120,
21410,
46349,
227,
37863,
113,
220,
201,
198,
220,
220,
220,
1288,
361,
357,
11925,
7,
19509,
62,
2536,
8,
18189,
513,
290,
717,
17,
62,
9291,
62,
40496,
8,
290,
3467,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
357,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
11085,
18,
62,
9291,
62,
17,
22510,
62,
19509,
290,
717,
18,
62,
9291,
62,
17,
22510,
62,
6511,
290,
717,
18,
62,
9291,
62,
40496,
8,
3467,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
393,
357,
11085,
18,
62,
9291,
62,
1203,
17,
22510,
62,
19509,
290,
717,
18,
62,
9291,
62,
1203,
17,
22510,
62,
6511,
290,
717,
17,
62,
9291,
62,
40496,
8,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
15179,
201,
198,
201,
198,
220,
220,
220,
220,
220,
220,
220,
329,
1312,
287,
2837,
7,
17,
11,
11925,
7,
19509,
62,
2536,
47762,
16,
8,
1058,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
1790,
62,
2536,
58,
25,
72,
4083,
33491,
10786,
705,
4032,
11537,
287,
649,
62,
6511,
62,
2536,
13,
33491,
10786,
705,
14004,
2599,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2872,
62,
19509,
62,
2536,
796,
1790,
62,
2536,
58,
25,
72,
60,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2555,
220,
220,
220,
220,
220,
220,
220,
220,
201,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
27670,
246,
17739,
42062,
106,
94,
163,
106,
245,
44293,
117,
165,
227,
235,
163,
236,
229,
32014,
21410,
27764,
245,
163,
105,
99,
10310,
110,
11,
33176,
114,
10310,
242,
10310,
118,
12859,
228,
22522,
252,
163,
236,
108,
44293,
118,
26344,
228,
53,
1157,
72,
220,
27670,
246,
17739,
230,
44293,
117,
165,
227,
235,
26344,
108,
53,
1157,
32003,
234,
38834,
42468,
53,
1157,
2964,
21410,
46349,
227,
37863,
113,
171,
120,
234,
32003,
234,
13783,
244,
27950,
254,
31660,
10310,
103,
165,
243,
123,
27764,
245,
163,
105,
99,
10310,
110,
21410,
162,
107,
242,
163,
236,
229,
201,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
438,
164,
106,
94,
163,
106,
245,
163,
119,
241,
162,
252,
250,
33566,
116,
28938,
234,
7,
15,
13,
2425,
11,
705,
53,
1157,
2964,
11537,
220,
357,
15,
13,
2425,
11,
705,
53,
1157,
33809,
28938,
236,
165,
251,
95,
21410,
30619,
162,
107,
242,
164,
122,
225,
49694,
122,
22522,
252,
163,
236,
108,
6511,
62,
2536,
21410,
165,
94,
118,
41753,
237,
162,
236,
240,
26344,
245,
201,
198,
220,
220,
220,
220,
220,
220,
220,
611,
705,
705,
287,
890,
62,
2536,
393,
705,
10786,
287,
890,
62,
2536,
25,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
890,
62,
2536,
62,
65,
4448,
796,
18896,
7,
15699,
62,
19509,
62,
2536,
20679,
11925,
7,
6511,
62,
2536,
13,
35312,
10786,
705,
38381,
15,
4083,
35312,
10786,
10786,
38381,
15,
12962,
14,
3064,
220,
1303,
162,
107,
242,
160,
122,
233,
165,
250,
222,
17358,
223,
164,
108,
225,
22887,
237,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
36685,
224,
162,
252,
250,
43889,
119,
162,
236,
231,
163,
102,
118,
43718,
120,
161,
240,
234,
7,
13328,
105,
99,
20998,
115,
45298,
28938,
236,
21410,
6511,
62,
2536,
62,
65,
4448,
20015,
235,
47078,
114,
33566,
116,
163,
255,
231,
171,
120,
234,
22887,
109,
49546,
43889,
253,
30266,
98,
21410,
43718,
229,
49035,
228,
17312,
118,
161,
252,
233,
17739,
101,
32849,
101,
43889,
119,
162,
236,
231,
32573,
247,
12859,
249,
27764,
245,
163,
105,
99,
171,
120,
234,
43380,
117,
162,
107,
242,
46763,
112,
19526,
241,
17739,
101,
32849,
101,
21410,
44293,
117,
165,
227,
235,
41753,
99,
171,
120,
234,
161,
223,
248,
31660,
10310,
103,
65,
4448,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
890,
62,
2536,
62,
65,
4448,
15853,
18896,
7,
15699,
62,
43167,
62,
2536,
7,
19509,
62,
2536,
11,
6511,
62,
8841,
4008,
1220,
357,
11925,
7,
19509,
62,
2536,
8,
1343,
18896,
7,
6511,
62,
8841,
4008,
1220,
8576,
220,
1303,
162,
107,
242,
160,
122,
233,
162,
249,
112,
22887,
237,
201,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
220,
1303,
162,
110,
94,
17312,
231,
49035,
118,
163,
236,
108,
163,
102,
118,
43718,
120,
161,
240,
234,
171,
120,
230,
13328,
248,
226,
220,
38834,
30585,
99,
1676,
21410,
41753,
242,
46237,
98,
27670,
246,
17739,
230,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
890,
62,
2536,
62,
65,
4448,
796,
18896,
7,
15699,
62,
19509,
62,
2536,
20679,
11925,
7,
6511,
62,
2536,
20679,
3064,
1343,
657,
13,
2388,
16,
220,
201,
198,
201,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
163,
94,
106,
46479,
251,
163,
253,
255,
27764,
245,
163,
105,
99,
161,
240,
234,
165,
243,
123,
27764,
245,
163,
105,
99,
28938,
234,
33768,
114,
17312,
231,
22755,
244,
38519,
28938,
234,
33768,
35050,
110,
94,
17312,
231,
20887,
62,
28869,
62,
2536,
220,
201,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2198,
62,
28869,
62,
2536,
7,
19509,
62,
2536,
11,
20887,
62,
28869,
8,
6624,
2198,
62,
28869,
62,
2536,
7,
3605,
62,
6511,
62,
2536,
11,
20887,
62,
28869,
2599,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
357,
11925,
7,
15699,
62,
19509,
62,
2536,
20679,
11925,
7,
19509,
62,
2536,
8,
1343,
890,
62,
2536,
62,
65,
4448,
837,
6511,
62,
2536,
8,
201,
198,
201,
198,
220,
220,
220,
1441,
4277,
62,
20274,
201,
198,
201,
198,
201,
198,
4299,
302,
62,
7266,
62,
33491,
7,
33279,
11,
8841,
11,
7856,
558,
62,
1837,
2022,
10220,
28,
10786,
12,
41707,
62,
33809,
8094,
62,
3672,
28,
16,
2599,
201,
198,
220,
220,
220,
37227,
201,
198,
220,
220,
220,
10263,
121,
241,
260,
13,
7266,
7,
33279,
11,
35666,
11,
8841,
8,
37863,
227,
163,
121,
106,
21410,
35666,
796,
366,
70,
27,
16,
24618,
220,
38834,
47797,
121,
162,
119,
94,
164,
114,
111,
162,
249,
123,
162,
235,
95,
165,
250,
222,
162,
109,
224,
21410,
33768,
114,
161,
222,
247,
11,
201,
198,
220,
220,
220,
10545,
107,
242,
36685,
224,
165,
250,
222,
17358,
223,
49546,
8094,
33566,
106,
43718,
229,
37863,
227,
21410,
23877,
229,
27764,
245,
40792,
21410,
162,
253,
238,
10310,
103,
163,
105,
99,
20998,
115,
162,
249,
123,
162,
235,
95,
162,
236,
231,
11,
220,
45635,
18796,
101,
21410,
33768,
114,
161,
222,
247,
17358,
223,
37345,
101,
35707,
237,
162,
249,
123,
162,
235,
95,
47987,
163,
254,
223,
37863,
227,
21410,
7266,
6330,
163,
105,
99,
20998,
115,
201,
198,
220,
220,
220,
1058,
17143,
3912,
1058,
302,
3912,
220,
201,
198,
220,
220,
220,
1058,
17143,
4731,
1058,
2656,
4731,
220,
201,
198,
220,
220,
220,
37227,
201,
198,
220,
220,
220,
220,
201,
198,
220,
220,
220,
649,
62,
8841,
796,
302,
13,
7266,
7,
33279,
11,
33491,
62,
15699,
11,
8841,
11,
7856,
558,
62,
1837,
2022,
10220,
28,
10786,
12,
41707,
62,
6,
4008,
201,
198,
220,
220,
220,
1441,
649,
62,
8841,
201,
198,
201,
198,
201,
198,
4299,
302,
62,
19796,
439,
62,
33491,
7,
33279,
11,
8841,
11,
33491,
62,
1837,
2022,
10220,
28,
10786,
12,
41707,
62,
11537,
2599,
201,
198,
220,
220,
220,
37227,
201,
198,
220,
220,
220,
10263,
121,
241,
260,
13,
7266,
7,
33279,
11,
35666,
11,
8841,
8,
37863,
227,
163,
121,
106,
21410,
35666,
796,
366,
70,
27,
16,
24618,
220,
38834,
47797,
121,
162,
119,
94,
164,
114,
111,
162,
249,
123,
162,
235,
95,
165,
250,
222,
162,
109,
224,
21410,
33768,
114,
161,
222,
247,
11,
201,
198,
220,
220,
220,
10545,
107,
242,
36685,
224,
165,
250,
222,
17358,
223,
49546,
8094,
33566,
106,
43718,
229,
37863,
227,
21410,
23877,
229,
27764,
245,
40792,
21410,
162,
253,
238,
10310,
103,
163,
105,
99,
20998,
115,
162,
249,
123,
162,
235,
95,
162,
236,
231,
11,
33176,
114,
10310,
242,
165,
250,
222,
17358,
223,
15699,
13783,
248,
10310,
103,
8094,
33566,
106,
43718,
229,
201,
198,
220,
220,
220,
37227,
201,
198,
220,
220,
220,
14451,
62,
4868,
796,
302,
13,
19796,
439,
7,
33279,
11,
8841,
8,
201,
198,
220,
220,
220,
649,
62,
8841,
796,
4731,
201,
198,
220,
220,
220,
329,
2603,
287,
14451,
62,
4868,
25,
201,
198,
220,
220,
220,
220,
220,
220,
220,
649,
62,
8841,
796,
649,
62,
8841,
13,
33491,
7,
6759,
11,
6759,
13,
33491,
7,
33491,
62,
1837,
2022,
10220,
58,
15,
4357,
33491,
62,
1837,
2022,
10220,
58,
16,
60,
4008,
201,
198,
220,
220,
220,
1441,
649,
62,
8841,
201,
198,
201,
198,
201,
198,
4299,
302,
62,
19796,
439,
62,
7266,
7,
33279,
11,
8841,
11,
33491,
62,
1837,
2022,
10220,
28,
10786,
12,
41707,
62,
11537,
2599,
201,
198,
220,
220,
220,
37227,
201,
198,
220,
220,
220,
10263,
121,
241,
260,
13,
7266,
7,
33279,
11,
35666,
11,
8841,
8,
37863,
227,
163,
121,
106,
21410,
35666,
796,
366,
70,
27,
16,
24618,
220,
38834,
47797,
121,
162,
119,
94,
164,
114,
111,
162,
249,
123,
162,
235,
95,
165,
250,
222,
162,
109,
224,
21410,
33768,
114,
161,
222,
247,
11,
201,
198,
220,
220,
220,
10545,
107,
242,
36685,
224,
201,
198,
220,
220,
220,
37227,
201,
198,
220,
220,
220,
14451,
62,
4868,
796,
302,
13,
19796,
439,
7,
33279,
11,
8841,
8,
201,
198,
220,
220,
220,
649,
62,
8841,
796,
4731,
201,
198,
220,
220,
220,
329,
2603,
287,
14451,
62,
4868,
25,
201,
198,
220,
220,
220,
220,
220,
220,
220,
649,
62,
8841,
796,
649,
62,
8841,
13,
33491,
7,
6759,
11,
6759,
13,
33491,
7,
33491,
62,
1837,
2022,
10220,
58,
15,
4357,
33491,
62,
1837,
2022,
10220,
58,
16,
60,
4008,
201,
198,
220,
220,
220,
1441,
649,
62,
8841,
201,
198,
201,
198,
201,
198,
4299,
6626,
62,
36460,
62,
24011,
500,
7,
33279,
11,
7266,
62,
33279,
11,
8841,
2599,
201,
198,
220,
220,
220,
37227,
201,
198,
220,
220,
220,
16268,
250,
222,
17358,
223,
13783,
226,
49426,
228,
163,
230,
105,
164,
247,
104,
162,
235,
95,
26193,
234,
163,
105,
99,
21410,
29785,
106,
165,
95,
246,
11,
10545,
232,
241,
20998,
244,
21410,
33768,
114,
161,
222,
247,
162,
232,
232,
162,
235,
95,
26193,
234,
163,
105,
99,
43889,
119,
162,
236,
231,
12859,
228,
171,
120,
234,
43380,
120,
164,
229,
112,
39355,
243,
46237,
235,
32573,
252,
162,
236,
98,
22755,
238,
165,
242,
247,
46237,
107,
21410,
37605,
95,
28156,
237,
201,
198,
220,
220,
220,
10545,
107,
242,
36685,
224,
257,
5324,
33,
87,
11,
317,
31811,
10943,
82,
11,
8748,
31190,
18223,
11,
3105,
18,
13,
13681,
23568,
31172,
201,
198,
220,
220,
220,
220,
357,
37345,
101,
35707,
237,
513,
1324,
837,
513,
11002,
22658,
20998,
103,
47797,
121,
163,
106,
245,
42468,
162,
233,
120,
37863,
247,
165,
242,
247,
46237,
107,
171,
120,
234,
38834,
165,
250,
222,
17358,
223,
162,
233,
228,
26344,
228,
11,
12365,
18,
10545,
233,
228,
38834,
12859,
228,
171,
120,
234,
165,
247,
115,
17739,
98,
33768,
254,
165,
247,
238,
36181,
103,
163,
236,
107,
8,
201,
198,
220,
220,
220,
16268,
250,
222,
17358,
223,
49546,
10310,
97,
10310,
103,
165,
242,
247,
46237,
107,
28938,
230,
33176,
114,
21410,
39355,
243,
46237,
235,
18796,
101,
162,
235,
95,
26193,
234,
163,
105,
99,
162,
249,
123,
162,
235,
95,
162,
233,
228,
26344,
228,
11,
201,
198,
220,
220,
220,
1058,
17143,
3912,
1058,
262,
2656,
3912,
326,
356,
765,
284,
1064,
503,
201,
198,
220,
220,
220,
1058,
17143,
850,
62,
33279,
1058,
850,
3912,
284,
7925,
422,
3912,
11,
220,
201,
198,
220,
220,
220,
481,
307,
6928,
351,
2656,
1343,
705,
59,
77,
6,
393,
705,
59,
77,
6,
1343,
2656,
220,
220,
201,
198,
220,
220,
220,
1058,
17143,
4731,
1058,
2496,
4731,
201,
198,
220,
220,
220,
304,
13,
70,
201,
198,
220,
220,
220,
3912,
796,
44438,
32,
12,
57,
60,
30,
58,
64,
12,
89,
48688,
58,
32,
12,
57,
15,
12,
24,
48688,
58,
64,
12,
89,
32,
12,
57,
60,
9,
6,
220,
201,
198,
220,
220,
220,
850,
62,
33279,
796,
44438,
32,
12,
57,
15,
12,
24,
48688,
58,
64,
12,
89,
60,
9,
6,
201,
198,
220,
220,
220,
37227,
201,
198,
220,
220,
220,
1303,
164,
106,
108,
37605,
243,
165,
250,
222,
17358,
223,
46479,
106,
162,
242,
117,
21410,
32849,
101,
26344,
228,
201,
198,
220,
220,
220,
649,
62,
8841,
796,
4731,
201,
198,
220,
220,
220,
649,
62,
8841,
62,
11600,
796,
4277,
11600,
7,
2536,
8,
201,
198,
220,
220,
220,
14451,
62,
4868,
796,
302,
13,
19796,
439,
7,
33279,
11,
3605,
62,
8841,
8,
201,
198,
220,
220,
220,
611,
14451,
62,
4868,
1058,
201,
198,
220,
220,
220,
220,
220,
220,
220,
329,
2603,
287,
14451,
62,
4868,
25,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2872,
62,
7266,
796,
302,
13,
12947,
7,
7266,
62,
33279,
11,
6759,
8,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
165,
250,
222,
17358,
223,
163,
94,
106,
46479,
251,
7266,
62,
33279,
5525,
225,
121,
44293,
117,
165,
227,
235,
49035,
118,
3912,
10263,
234,
117,
165,
227,
235,
26344,
108,
21410,
37863,
227,
22522,
117,
21410,
32849,
101,
26344,
228,
33566,
106,
43718,
229,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2872,
62,
7266,
14512,
6045,
25,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2872,
62,
7266,
796,
2872,
62,
7266,
13,
8094,
3419,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6330,
62,
15699,
796,
2603,
13,
33491,
7,
15699,
62,
7266,
4032,
59,
77,
6,
1343,
2872,
62,
7266,
8,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
36685,
224,
162,
252,
250,
162,
249,
123,
162,
235,
95,
21410,
42468,
163,
105,
105,
31660,
10310,
103,
39355,
243,
46237,
235,
171,
120,
234,
165,
250,
222,
17358,
223,
31965,
117,
162,
106,
232,
13783,
226,
49426,
228,
16764,
38834,
17358,
223,
162,
249,
123,
162,
235,
95,
30298,
235,
165,
251,
95,
21410,
163,
105,
99,
20998,
115,
10310,
118,
162,
235,
95,
26193,
234,
163,
105,
99,
171,
120,
234,
32003,
234,
42468,
165,
250,
222,
17358,
223,
46479,
251,
162,
234,
223,
43889,
253,
30266,
98,
39355,
243,
46237,
235,
164,
229,
103,
30585,
99,
21410,
564,
250,
163,
102,
118,
447,
251,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
33176,
114,
10310,
242,
162,
235,
95,
26193,
234,
163,
105,
99,
10263,
118,
242,
46237,
98,
42468,
27950,
254,
28839,
101,
163,
105,
105,
31660,
10310,
103,
39355,
243,
46237,
235,
28938,
236,
165,
251,
95,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
685,
2124,
329,
2124,
287,
6330,
62,
15699,
4083,
9630,
10786,
59,
77,
11537,
220,
6624,
657,
25,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6330,
62,
15699,
796,
6330,
62,
15699,
13,
33491,
10786,
59,
77,
3256,
7061,
8,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6330,
62,
15699,
220,
796,
2603,
13,
33491,
7,
15699,
62,
7266,
11,
2872,
62,
7266,
1343,
705,
59,
77,
11537,
201,
198,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6330,
62,
31409,
796,
6626,
62,
36460,
62,
24011,
500,
7,
33279,
11,
7266,
62,
33279,
11,
33491,
62,
15699,
8,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
649,
62,
8841,
62,
11600,
58,
6759,
60,
796,
6330,
62,
31409,
220,
201,
198,
220,
220,
220,
2073,
25,
201,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
649,
62,
8841,
201,
198,
201,
198,
220,
220,
220,
329,
479,
11,
85,
287,
649,
62,
8841,
62,
11600,
13,
23814,
33529,
201,
198,
220,
220,
220,
220,
220,
220,
220,
649,
62,
8841,
796,
649,
62,
8841,
13,
33491,
7,
74,
11,
85,
8,
201,
198,
220,
220,
220,
220,
220,
220,
220,
220,
201,
198,
220,
220,
220,
1441,
649,
62,
8841,
201,
198,
201,
198,
201,
198,
201,
198,
2,
44627,
4880,
20015,
98,
10310,
233,
41753,
253,
28156,
225,
49035,
121,
46763,
108,
44627,
25128,
201,
198,
201,
198,
2,
825,
3210,
1096,
62,
19315,
62,
1525,
62,
31522,
62,
14323,
346,
25494,
7,
19509,
62,
2536,
11,
3210,
62,
2536,
62,
4868,
2599,
201,
198,
2,
220,
220,
220,
220,
1303,
13783,
226,
49426,
228,
40792,
23877,
229,
32368,
121,
22522,
114,
163,
120,
102,
37863,
247,
161,
240,
234,
22522,
234,
46763,
112,
32368,
121,
22522,
114,
28938,
235,
163,
100,
108,
33768,
254,
37345,
243,
44293,
117,
165,
227,
235,
26344,
108,
21410,
46349,
227,
37863,
113,
201,
198,
2,
220,
220,
220,
220,
3210,
62,
2536,
62,
4868,
796,
1351,
7,
2617,
26933,
2536,
7,
87,
737,
36311,
3419,
329,
2124,
287,
3210,
62,
2536,
62,
4868,
60,
4008,
201,
198,
201,
198,
2,
220,
220,
220,
220,
3210,
62,
2536,
62,
4868,
796,
23243,
7,
20307,
62,
2536,
62,
4868,
11,
1994,
28,
11925,
11,
9575,
28,
10352,
8,
201,
198,
2,
220,
220,
220,
220,
1303,
34460,
248,
32573,
229,
30298,
235,
165,
251,
95,
27764,
245,
163,
105,
99,
10310,
110,
44293,
117,
165,
227,
235,
16268,
102,
105,
30266,
98,
1377,
1875,
16268,
102,
105,
30266,
98,
164,
98,
123,
12859,
248,
201,
198,
2,
220,
220,
220,
220,
3210,
62,
38610,
414,
62,
4868,
796,
685,
357,
82,
11,
16,
8,
611,
1790,
62,
2536,
287,
264,
2073,
357,
82,
11,
15,
8,
329,
264,
287,
3210,
62,
2536,
62,
4868,
2361,
201,
198,
2,
220,
220,
220,
220,
611,
3210,
62,
38610,
414,
62,
4868,
58,
15,
7131,
16,
60,
1875,
657,
1058,
201,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
3210,
62,
38610,
414,
62,
4868,
201,
198,
2,
220,
220,
220,
220,
2073,
25,
201,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
3210,
62,
38610,
414,
62,
4868,
796,
685,
2361,
201,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
329,
37786,
287,
3210,
62,
2536,
62,
4868,
25,
201,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1790,
62,
15699,
62,
24588,
796,
657,
201,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
37786,
62,
27379,
62,
9291,
287,
37786,
25,
201,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
264,
287,
1790,
62,
2536,
25,
201,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
264,
6624,
37786,
62,
27379,
62,
9291,
25,
201,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1790,
62,
15699,
62,
24588,
15853,
352,
201,
198,
201,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
164,
229,
111,
22887,
239,
47797,
121,
44293,
117,
165,
227,
235,
41468,
10310,
97,
10310,
103,
27764,
245,
201,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
965,
62,
38610,
414,
796,
220,
1790,
62,
15699,
62,
24588,
1220,
18896,
7,
19509,
62,
2536,
8,
1343,
1790,
62,
15699,
62,
24588,
1220,
949,
26933,
11925,
7,
19509,
62,
2536,
828,
11925,
7,
824,
8,
12962,
201,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
1790,
62,
15699,
62,
24588,
18189,
362,
1058,
201,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3210,
62,
38610,
414,
62,
4868,
13,
33295,
26933,
824,
11,
2536,
62,
38610,
414,
12962,
201,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
201,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3210,
62,
38610,
414,
62,
4868,
13,
33295,
26933,
824,
11,
657,
33761,
201,
198,
201,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
3210,
62,
38610,
414,
62,
4868,
796,
23243,
7,
20307,
62,
38610,
414,
62,
4868,
11,
1994,
28,
50033,
2124,
25,
87,
58,
16,
4357,
50188,
28,
17821,
8,
201,
198,
201,
198,
2,
220,
220,
220,
220,
1441,
3210,
62,
38610,
414,
62,
4868,
201,
198,
201,
198
] | 1.443352 | 7,326 |
import numpy as np
import time
import pulp
from utils import flatten, Cost
from ce import ActionExtractor
from sklearn.cluster import KMeans
from sklearn.neighbors import KNeighborsClassifier
from sklearn.decomposition import PCA
from sklearn.manifold import TSNE
from matplotlib import pyplot as plt
if(__name__ == '__main__'):
_check(dataset='d', N=10)
| [
11748,
299,
32152,
355,
45941,
198,
11748,
640,
198,
11748,
38341,
198,
6738,
3384,
4487,
1330,
27172,
268,
11,
6446,
198,
6738,
2906,
1330,
7561,
11627,
40450,
198,
6738,
1341,
35720,
13,
565,
5819,
1330,
509,
5308,
504,
198,
6738,
1341,
35720,
13,
710,
394,
32289,
1330,
509,
46445,
32289,
9487,
7483,
198,
6738,
1341,
35720,
13,
12501,
296,
9150,
1330,
4217,
32,
198,
6738,
1341,
35720,
13,
805,
361,
727,
1330,
26136,
12161,
198,
6738,
2603,
29487,
8019,
1330,
12972,
29487,
355,
458,
83,
628,
628,
628,
198,
361,
7,
834,
3672,
834,
6624,
705,
834,
12417,
834,
6,
2599,
198,
220,
220,
220,
4808,
9122,
7,
19608,
292,
316,
11639,
67,
3256,
399,
28,
940,
8,
198
] | 3.067227 | 119 |
"""
Parse gpslogger https://github.com/mendhak/gpslogger .gpx (xml) files
"""
from datetime import datetime, timezone
from dataclasses import dataclass
from pathlib import Path
from typing import NamedTuple, Iterator, Set, Dict
from lxml import etree
from ..core import Stats, Paths, LazyLogger
from ..core.error import Res
from ..core.common import get_files, warn_if_empty, mcachew
from ..core.cachew import cache_dir
# For config, see: https://github.com/seanbreckenridge/dotfiles/blob/master/.config/my/my/config/__init__.py
from my.config import gpslogger as user_config
logger = LazyLogger(__name__, level="warning")
@dataclass
from ..core.cfg import make_config
config = make_config(gpslogger)
@mcachew(
cache_path=cache_dir(),
depends_on=lambda: list(
map(lambda p: p.lstat().st_mtime, get_files(config.export_path))
),
logger=logger,
)
@warn_if_empty
| [
37811,
198,
10044,
325,
308,
862,
6404,
1362,
3740,
1378,
12567,
13,
785,
14,
76,
437,
43573,
14,
70,
862,
6404,
1362,
764,
70,
8416,
357,
19875,
8,
3696,
198,
37811,
198,
198,
6738,
4818,
8079,
1330,
4818,
8079,
11,
640,
11340,
198,
6738,
4818,
330,
28958,
1330,
4818,
330,
31172,
198,
6738,
3108,
8019,
1330,
10644,
198,
6738,
19720,
1330,
34441,
51,
29291,
11,
40806,
1352,
11,
5345,
11,
360,
713,
198,
198,
6738,
300,
19875,
1330,
2123,
631,
198,
198,
6738,
11485,
7295,
1330,
20595,
11,
10644,
82,
11,
406,
12582,
11187,
1362,
198,
6738,
11485,
7295,
13,
18224,
1330,
1874,
198,
6738,
11485,
7295,
13,
11321,
1330,
651,
62,
16624,
11,
9828,
62,
361,
62,
28920,
11,
285,
23870,
86,
198,
6738,
11485,
7295,
13,
23870,
86,
1330,
12940,
62,
15908,
198,
198,
2,
1114,
4566,
11,
766,
25,
3740,
1378,
12567,
13,
785,
14,
325,
272,
4679,
694,
268,
12818,
14,
26518,
16624,
14,
2436,
672,
14,
9866,
11757,
11250,
14,
1820,
14,
1820,
14,
11250,
14,
834,
15003,
834,
13,
9078,
198,
6738,
616,
13,
11250,
1330,
308,
862,
6404,
1362,
355,
2836,
62,
11250,
628,
198,
6404,
1362,
796,
406,
12582,
11187,
1362,
7,
834,
3672,
834,
11,
1241,
2625,
43917,
4943,
628,
198,
31,
19608,
330,
31172,
628,
198,
6738,
11485,
7295,
13,
37581,
1330,
787,
62,
11250,
198,
198,
11250,
796,
787,
62,
11250,
7,
70,
862,
6404,
1362,
8,
628,
198,
198,
31,
23209,
4891,
86,
7,
198,
220,
220,
220,
12940,
62,
6978,
28,
23870,
62,
15908,
22784,
198,
220,
220,
220,
8338,
62,
261,
28,
50033,
25,
1351,
7,
198,
220,
220,
220,
220,
220,
220,
220,
3975,
7,
50033,
279,
25,
279,
13,
75,
14269,
22446,
301,
62,
76,
2435,
11,
651,
62,
16624,
7,
11250,
13,
39344,
62,
6978,
4008,
198,
220,
220,
220,
10612,
198,
220,
220,
220,
49706,
28,
6404,
1362,
11,
198,
8,
628,
198,
198,
31,
40539,
62,
361,
62,
28920,
628
] | 2.741641 | 329 |
import numpy as np
from pytagmapper.geometry import *
from pytagmapper.project import *
from pytagmapper.data import *
from pytagmapper.heuristics import *
# success of the tracker heavily depends on initialization
# initialization from one of these viewpoints generally will succeed
INIT_TXS_WORLD_VIEWPOINT = [
# topdown views
look_at_origin([0,0,1], [0,1,0]),
look_at_origin([0,0,1], [0,-1,0]),
look_at_origin([0,0,1], [1,0,0]),
look_at_origin([0,0,1], [-1,0,0]),
# view from left
look_at_origin([1,0,0.5], [0,0,1]),
look_at_origin([1,0,0.5], [0,0,-1]),
look_at_origin([1,0,0.5], [0,1,0]),
look_at_origin([1,0,0.5], [0,-1,0]),
# view from top
look_at_origin([0,1,0.5], [0,0,1]),
look_at_origin([0,1,0.5], [0,0,-1]),
look_at_origin([0,1,0.5], [1,0,0]),
look_at_origin([0,1,0.5], [-1,0,0]),
# view from right
look_at_origin([-1,0,0.5], [0,0,1]),
look_at_origin([-1,0,0.5], [0,0,-1]),
look_at_origin([-1,0,0.5], [0,1,0]),
look_at_origin([-1,0,0.5], [0,-1,0]),
# view from bottom
look_at_origin([0,-1,0.5], [0,0,1]),
look_at_origin([0,-1,0.5], [0,0,-1]),
look_at_origin([0,-1,0.5], [1,0,0]),
look_at_origin([0,-1,0.5], [-1,0,0]),
]
| [
11748,
299,
32152,
355,
45941,
198,
6738,
12972,
12985,
76,
11463,
13,
469,
15748,
1330,
1635,
198,
6738,
12972,
12985,
76,
11463,
13,
16302,
1330,
1635,
198,
6738,
12972,
12985,
76,
11463,
13,
7890,
1330,
1635,
198,
6738,
12972,
12985,
76,
11463,
13,
258,
333,
3969,
1330,
1635,
198,
198,
2,
1943,
286,
262,
30013,
7272,
8338,
319,
37588,
198,
2,
37588,
422,
530,
286,
777,
42806,
4143,
481,
6758,
198,
1268,
2043,
62,
29551,
50,
62,
45359,
11163,
62,
28206,
16402,
12394,
796,
685,
198,
220,
220,
220,
1303,
1353,
2902,
5009,
198,
220,
220,
220,
804,
62,
265,
62,
47103,
26933,
15,
11,
15,
11,
16,
4357,
685,
15,
11,
16,
11,
15,
46570,
198,
220,
220,
220,
804,
62,
265,
62,
47103,
26933,
15,
11,
15,
11,
16,
4357,
685,
15,
12095,
16,
11,
15,
46570,
198,
220,
220,
220,
804,
62,
265,
62,
47103,
26933,
15,
11,
15,
11,
16,
4357,
685,
16,
11,
15,
11,
15,
46570,
198,
220,
220,
220,
804,
62,
265,
62,
47103,
26933,
15,
11,
15,
11,
16,
4357,
25915,
16,
11,
15,
11,
15,
46570,
628,
220,
220,
220,
1303,
1570,
422,
1364,
198,
220,
220,
220,
804,
62,
265,
62,
47103,
26933,
16,
11,
15,
11,
15,
13,
20,
4357,
685,
15,
11,
15,
11,
16,
46570,
198,
220,
220,
220,
804,
62,
265,
62,
47103,
26933,
16,
11,
15,
11,
15,
13,
20,
4357,
685,
15,
11,
15,
12095,
16,
46570,
198,
220,
220,
220,
804,
62,
265,
62,
47103,
26933,
16,
11,
15,
11,
15,
13,
20,
4357,
685,
15,
11,
16,
11,
15,
46570,
198,
220,
220,
220,
804,
62,
265,
62,
47103,
26933,
16,
11,
15,
11,
15,
13,
20,
4357,
685,
15,
12095,
16,
11,
15,
46570,
628,
220,
220,
220,
1303,
1570,
422,
1353,
198,
220,
220,
220,
804,
62,
265,
62,
47103,
26933,
15,
11,
16,
11,
15,
13,
20,
4357,
685,
15,
11,
15,
11,
16,
46570,
198,
220,
220,
220,
804,
62,
265,
62,
47103,
26933,
15,
11,
16,
11,
15,
13,
20,
4357,
685,
15,
11,
15,
12095,
16,
46570,
198,
220,
220,
220,
804,
62,
265,
62,
47103,
26933,
15,
11,
16,
11,
15,
13,
20,
4357,
685,
16,
11,
15,
11,
15,
46570,
198,
220,
220,
220,
804,
62,
265,
62,
47103,
26933,
15,
11,
16,
11,
15,
13,
20,
4357,
25915,
16,
11,
15,
11,
15,
46570,
628,
220,
220,
220,
1303,
1570,
422,
826,
198,
220,
220,
220,
804,
62,
265,
62,
47103,
26933,
12,
16,
11,
15,
11,
15,
13,
20,
4357,
685,
15,
11,
15,
11,
16,
46570,
198,
220,
220,
220,
804,
62,
265,
62,
47103,
26933,
12,
16,
11,
15,
11,
15,
13,
20,
4357,
685,
15,
11,
15,
12095,
16,
46570,
198,
220,
220,
220,
804,
62,
265,
62,
47103,
26933,
12,
16,
11,
15,
11,
15,
13,
20,
4357,
685,
15,
11,
16,
11,
15,
46570,
198,
220,
220,
220,
804,
62,
265,
62,
47103,
26933,
12,
16,
11,
15,
11,
15,
13,
20,
4357,
685,
15,
12095,
16,
11,
15,
46570,
628,
220,
220,
220,
1303,
1570,
422,
4220,
198,
220,
220,
220,
804,
62,
265,
62,
47103,
26933,
15,
12095,
16,
11,
15,
13,
20,
4357,
685,
15,
11,
15,
11,
16,
46570,
198,
220,
220,
220,
804,
62,
265,
62,
47103,
26933,
15,
12095,
16,
11,
15,
13,
20,
4357,
685,
15,
11,
15,
12095,
16,
46570,
198,
220,
220,
220,
804,
62,
265,
62,
47103,
26933,
15,
12095,
16,
11,
15,
13,
20,
4357,
685,
16,
11,
15,
11,
15,
46570,
198,
220,
220,
220,
804,
62,
265,
62,
47103,
26933,
15,
12095,
16,
11,
15,
13,
20,
4357,
25915,
16,
11,
15,
11,
15,
46570,
198,
60,
628
] | 1.982372 | 624 |
import torch.nn as nn
import torch.nn.functional as F
from ..utils import ConvModule
| [
11748,
28034,
13,
20471,
355,
299,
77,
198,
11748,
28034,
13,
20471,
13,
45124,
355,
376,
198,
6738,
11485,
26791,
1330,
34872,
26796,
628,
628,
198
] | 3.423077 | 26 |
"""
ui_handler.py
Contains the UIHandler method, which contains methods for adding UI elements to the window
and manipulating them.
CSC111 Final Project by Anatoly Zavyalov, Baker Jackson, Elliot Schrider, Rachel Kim
Copyright 2021 Anatoly Zavyalov, Baker Jackson, Elliot Schrider, Rachel Kim
Permission is hereby granted, free of charge, to any person obtaining a copy of this software and
associated documentation files (the "Software"), to deal in the Software without restriction,
including without limitation the rights to use, copy, modify, merge, publish, distribute,
sublicense, and/or sell copies of the Software, and to permit persons to whom the Software is
furnished to do so, subject to the following conditions:
The above copyright notice and this permission notice shall be included in all copies or substantial
portions of the Software.
THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR IMPLIED, INCLUDING BUT
NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND
NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM,
DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,
OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE.
"""
import window
import pygame
from reversi import ReversiGame
from typing import List, Dict
from stats import plot_game_statistics
from ai_players import RandomPlayer, MinimaxABPlayer
def increment_player_score(player: str, w: window.Window) -> None:
"""Increments the player score of the corresponding player."""
if player == "black":
# text is a member
w.get_ui_element('text-score-black-amount').set_text(
str(int(w.get_ui_element('text-score-black-amount').get_text()) + 1))
elif player == "white":
# text is a member
w.get_ui_element('text-score-white-amount').set_text(
str(int(w.get_ui_element('text-score-white-amount').get_text()) + 1))
def reset_player_scores(w: window.Window) -> None:
"""Reset the player score of the corresponding player."""
w.get_ui_element('text-score-black-amount').set_text('0')
w.get_ui_element('text-score-white-amount').set_text('0')
def helper_dropdown_select_player(g: ReversiGame, text: str) -> None:
"""HELPER FUNCTION: Select the players given the dropdown option selected."""
if text == "Human vs. AI":
g.start_game(human_player=1)
elif text == "AI vs. Human":
g.start_game(human_player=-1)
else:
g.start_game(human_player=0)
def helper_dropdown_select_board_size(g: ReversiGame,
colour_to_player: Dict, text: str) -> None:
"""
Set the board size given the text.
Preconditions:
- text is of the form '<int>x<int>' where the two
integers are the same and greater than 0.
"""
global board_size_current
# Update the current board size (why?)
board_size_current = int(text.split('x')[0])
# Set new heuristics for players
colour_to_player[1].set_heuristic(board_size_current)
colour_to_player[-1].set_heuristic(board_size_current)
# Update game board size
g.set_board_size(board_size_current)
# Start new game.
g.start_game(human_player=g.get_human_player())
class UIHandler:
"""Contains methods for updating UI.
Instance Attributes:
- board_size_current: Parameter for the board size stored by the selection.
- game_paused: Whether or not the game is paused.
"""
board_size_current: int = 8
game_paused: bool = False
def dropdown_select_player(self, g: ReversiGame) -> any:
"""Return a function for setting the players given the selected dropdown option."""
return lambda text: helper_dropdown_select_player(g, text)
def helper_dropdown_select_ai(self, black: int, colour_to_player: Dict, text: str) -> None:
"""Set the AI given the text.
Preconditions:
- text in {'Minimax 2', 'Minimax 3', 'Minimax 4', 'Minimax 8', 'Random Moves'}
"""
if text.startswith('Minimax '):
colour_to_player.update({black: MinimaxABPlayer(int(text.split("Minimax ")[-1]),
self.board_size_current)})
else:
colour_to_player.update({black: RandomPlayer()})
def dropdown_select_ai(self, black: int, colour_to_player: Dict) -> any:
"""Return a function for setting the AI given the text."""
return lambda text: self.helper_dropdown_select_ai(black, colour_to_player, text)
def dropdown_select_board_size(self, g: ReversiGame, colour_to_player: Dict) -> any:
"""Return a function for setting the board size given the text.
Preconditions:
- text is of the form '<int>x<int>' where the two integers are the same.
"""
return lambda text: helper_dropdown_select_board_size(g, colour_to_player, text)
def update_games_stored_text(self, games: int, w: window.Window) -> None:
"""Update the 'Games Stored' label with to display 'Games Stored: <games>'."""
w.get_ui_element('text-games-stored').set_text(f'Games Stored: {games}')
def clear_results(self, results: List, w: window.Window) -> None:
"""Clear the results list by MUTATING it and update the Games Store text accordingly."""
results.clear()
self.update_games_stored_text(0, w)
reset_player_scores(w)
def button_pause_game(self, w: window.Window) -> None:
"""Function to call when the Pause/Resume game button is pressed.
Toggle the game_paused attribute, and change the text of the button accordingly."""
self.game_paused = not self.game_paused
if self.game_paused:
w.get_ui_element('button-pause-game').set_text('Resume Game')
else:
w.get_ui_element('button-pause-game').set_text('Pause Game')
def get_game_paused(self) -> bool:
"""Return game_paused."""
return self.game_paused
def add_ui(self, w: window.Window, g: ReversiGame,
results: List, colour_to_player: Dict) -> None:
"""
Add some UI to the window, such as buttons, and more.
"""
w.add_text(label="text-score-black-label", text="BLACK:", position=(20, 675))
w.add_text(label="text-score-white-label", text="WHITE:", position=(502, 675))
w.add_text(label="text-score-black-amount", text="0", position=(113, 675))
w.add_text(label="text-score-white-amount", text="0", position=(593, 675))
w.add_button(rect=pygame.Rect(725, 30, 150, 40),
label="button-pause-game", text="Pause Game",
function=lambda: self.button_pause_game(w))
w.add_text(label="text-choose-players", text="Choose Players", position=(720, 100))
w.add_dropdown(options_list=["Human vs. AI", "AI vs. Human", 'AI vs. AI'],
starting_option="Human vs. AI",
rect=pygame.Rect(725, 130, 150, 50),
label="dropdown-player",
function=self.dropdown_select_player(g))
w.add_text(label="text-choose-ai", text="Choose AI types", position=(720, 250))
w.add_text(label="text-choose-ai-black", text="Black AI", position=(705, 280),
large_font=False)
w.add_text(label="text-choose-ai-white", text="White AI", position=(840, 280),
large_font=False)
w.add_dropdown(options_list=["Random Moves", "Minimax 2", 'Minimax 3',
'Minimax 4', 'Minimax 6'],
starting_option="Minimax 2",
rect=pygame.Rect(675, 300, 125, 40),
label="dropdown-ai-black",
function=self.dropdown_select_ai(1, colour_to_player))
w.add_dropdown(options_list=["Random Moves", "Minimax 2", 'Minimax 3',
'Minimax 4', 'Minimax 6'],
starting_option="Minimax 2",
rect=pygame.Rect(810, 300, 125, 40),
label="dropdown-ai-white",
function=self.dropdown_select_ai(-1, colour_to_player))
w.add_text(label="text-choose-board-size", text="Choose Board Size", position=(700, 450))
w.add_dropdown(options_list=["8x8", '12x12', '16x16', '24x24'],
starting_option="8x8",
rect=pygame.Rect(725, 480, 150, 40),
label="dropdown-board-size",
function=self.dropdown_select_board_size(g, colour_to_player))
w.add_button(rect=pygame.Rect(675, 610, 125, 40),
label="button-show-stats", text="View Stats",
function=lambda: plot_game_statistics(g, results, 'black', colour_to_player[1],
colour_to_player[-1]))
w.add_button(rect=pygame.Rect(810, 610, 125, 40),
label="button-clear-stats", text="Clear Stats",
function=lambda: self.clear_results(results, w))
w.add_text(label="text-games-stored", text="Games Stored: 0", position=(715, 665))
w.add_text(label="text-credits",
text="Anatoly Zavyalov, Baker Jackson, Elliot Schrider, Rachel Kim",
position=(20, 2), large_font=False)
if __name__ == "__main__":
# Test doctests
import doctest
doctest.testmod(verbose=True)
import python_ta.contracts
python_ta.contracts.check_all_contracts()
import python_ta
python_ta.check_all(config={
# the names (strs) of imported modules
'extra-imports': ['window', 'pygame', 'reversi', 'stats', 'ai_players'],
'allowed-io': [], # the names (strs) of functions that call print/open/input
'max-line-length': 100,
# Disable too-many-nested-blocks, too-many-arguments
'disable': ['E1136', 'R1702', 'R0913']
})
| [
37811,
198,
9019,
62,
30281,
13,
9078,
198,
4264,
1299,
262,
12454,
25060,
2446,
11,
543,
4909,
5050,
329,
4375,
12454,
4847,
284,
262,
4324,
198,
392,
29349,
606,
13,
198,
34,
6173,
16243,
8125,
4935,
416,
28880,
3366,
1168,
2830,
282,
709,
11,
14372,
6612,
11,
30451,
3059,
49449,
11,
15984,
6502,
198,
198,
15269,
33448,
28880,
3366,
1168,
2830,
282,
709,
11,
14372,
6612,
11,
30451,
3059,
49449,
11,
15984,
6502,
198,
198,
5990,
3411,
318,
29376,
7520,
11,
1479,
286,
3877,
11,
284,
597,
1048,
16727,
257,
4866,
286,
428,
3788,
290,
198,
32852,
10314,
3696,
357,
1169,
366,
25423,
12340,
284,
1730,
287,
262,
10442,
1231,
17504,
11,
198,
8201,
1231,
17385,
262,
2489,
284,
779,
11,
4866,
11,
13096,
11,
20121,
11,
7715,
11,
14983,
11,
198,
82,
841,
1072,
11,
290,
14,
273,
3677,
9088,
286,
262,
10442,
11,
290,
284,
8749,
6506,
284,
4150,
262,
10442,
318,
198,
69,
700,
1348,
284,
466,
523,
11,
2426,
284,
262,
1708,
3403,
25,
198,
198,
464,
2029,
6634,
4003,
290,
428,
7170,
4003,
2236,
307,
3017,
287,
477,
9088,
393,
8904,
198,
634,
507,
286,
262,
10442,
13,
198,
198,
10970,
47466,
3180,
36592,
2389,
1961,
366,
1921,
3180,
1600,
42881,
34764,
56,
3963,
15529,
509,
12115,
11,
7788,
32761,
6375,
8959,
49094,
11,
47783,
2751,
21728,
198,
11929,
40880,
5390,
3336,
34764,
11015,
3963,
34482,
3398,
1565,
5603,
25382,
11,
376,
46144,
7473,
317,
16652,
2149,
37232,
33079,
48933,
5357,
198,
45,
1340,
1268,
10913,
2751,
12529,
13,
3268,
8005,
49261,
50163,
3336,
37195,
20673,
6375,
27975,
38162,
9947,
367,
15173,
4877,
9348,
43031,
19146,
7473,
15529,
47666,
3955,
11,
198,
35,
2390,
25552,
6375,
25401,
43031,
25382,
11,
7655,
2767,
16879,
3268,
3537,
40282,
3963,
27342,
10659,
11,
309,
9863,
6375,
25401,
54,
24352,
11,
5923,
1797,
2751,
16034,
11,
198,
12425,
3963,
6375,
3268,
7102,
45,
24565,
13315,
3336,
47466,
6375,
3336,
23210,
6375,
25401,
5550,
1847,
20754,
3268,
3336,
47466,
13,
198,
37811,
198,
198,
11748,
4324,
198,
11748,
12972,
6057,
198,
6738,
10372,
72,
1330,
797,
690,
72,
8777,
198,
6738,
19720,
1330,
7343,
11,
360,
713,
198,
6738,
9756,
1330,
7110,
62,
6057,
62,
14269,
3969,
198,
6738,
257,
72,
62,
32399,
1330,
14534,
14140,
11,
1855,
320,
897,
6242,
14140,
628,
198,
4299,
18703,
62,
7829,
62,
26675,
7,
7829,
25,
965,
11,
266,
25,
4324,
13,
27703,
8,
4613,
6045,
25,
198,
220,
220,
220,
37227,
15562,
902,
262,
2137,
4776,
286,
262,
11188,
2137,
526,
15931,
628,
220,
220,
220,
611,
2137,
6624,
366,
13424,
1298,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
2420,
318,
257,
2888,
198,
220,
220,
220,
220,
220,
220,
220,
266,
13,
1136,
62,
9019,
62,
30854,
10786,
5239,
12,
26675,
12,
13424,
12,
17287,
27691,
2617,
62,
5239,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
965,
7,
600,
7,
86,
13,
1136,
62,
9019,
62,
30854,
10786,
5239,
12,
26675,
12,
13424,
12,
17287,
27691,
1136,
62,
5239,
28955,
1343,
352,
4008,
628,
220,
220,
220,
1288,
361,
2137,
6624,
366,
11186,
1298,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
2420,
318,
257,
2888,
198,
220,
220,
220,
220,
220,
220,
220,
266,
13,
1136,
62,
9019,
62,
30854,
10786,
5239,
12,
26675,
12,
11186,
12,
17287,
27691,
2617,
62,
5239,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
965,
7,
600,
7,
86,
13,
1136,
62,
9019,
62,
30854,
10786,
5239,
12,
26675,
12,
11186,
12,
17287,
27691,
1136,
62,
5239,
28955,
1343,
352,
4008,
628,
198,
4299,
13259,
62,
7829,
62,
1416,
2850,
7,
86,
25,
4324,
13,
27703,
8,
4613,
6045,
25,
198,
220,
220,
220,
37227,
4965,
316,
262,
2137,
4776,
286,
262,
11188,
2137,
526,
15931,
628,
220,
220,
220,
266,
13,
1136,
62,
9019,
62,
30854,
10786,
5239,
12,
26675,
12,
13424,
12,
17287,
27691,
2617,
62,
5239,
10786,
15,
11537,
198,
220,
220,
220,
266,
13,
1136,
62,
9019,
62,
30854,
10786,
5239,
12,
26675,
12,
11186,
12,
17287,
27691,
2617,
62,
5239,
10786,
15,
11537,
628,
198,
4299,
31904,
62,
14781,
2902,
62,
19738,
62,
7829,
7,
70,
25,
797,
690,
72,
8777,
11,
2420,
25,
965,
8,
4613,
6045,
25,
198,
220,
220,
220,
37227,
39,
3698,
18973,
29397,
4177,
2849,
25,
9683,
262,
1938,
1813,
262,
4268,
2902,
3038,
6163,
526,
15931,
628,
220,
220,
220,
611,
2420,
6624,
366,
20490,
3691,
13,
9552,
1298,
198,
220,
220,
220,
220,
220,
220,
220,
308,
13,
9688,
62,
6057,
7,
10734,
62,
7829,
28,
16,
8,
198,
220,
220,
220,
1288,
361,
2420,
6624,
366,
20185,
3691,
13,
5524,
1298,
198,
220,
220,
220,
220,
220,
220,
220,
308,
13,
9688,
62,
6057,
7,
10734,
62,
7829,
10779,
16,
8,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
308,
13,
9688,
62,
6057,
7,
10734,
62,
7829,
28,
15,
8,
628,
198,
4299,
31904,
62,
14781,
2902,
62,
19738,
62,
3526,
62,
7857,
7,
70,
25,
797,
690,
72,
8777,
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,
9568,
62,
1462,
62,
7829,
25,
360,
713,
11,
2420,
25,
965,
8,
4613,
6045,
25,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
5345,
262,
3096,
2546,
1813,
262,
2420,
13,
198,
220,
220,
220,
3771,
17561,
1756,
25,
198,
220,
220,
220,
220,
220,
220,
220,
532,
2420,
318,
286,
262,
1296,
705,
27,
600,
29,
87,
27,
600,
29,
6,
810,
262,
734,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
37014,
389,
262,
976,
290,
3744,
621,
657,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
3298,
3096,
62,
7857,
62,
14421,
628,
220,
220,
220,
1303,
10133,
262,
1459,
3096,
2546,
357,
22850,
10091,
198,
220,
220,
220,
3096,
62,
7857,
62,
14421,
796,
493,
7,
5239,
13,
35312,
10786,
87,
11537,
58,
15,
12962,
628,
220,
220,
220,
1303,
5345,
649,
339,
333,
3969,
329,
1938,
198,
220,
220,
220,
9568,
62,
1462,
62,
7829,
58,
16,
4083,
2617,
62,
258,
27915,
7,
3526,
62,
7857,
62,
14421,
8,
628,
220,
220,
220,
9568,
62,
1462,
62,
7829,
58,
12,
16,
4083,
2617,
62,
258,
27915,
7,
3526,
62,
7857,
62,
14421,
8,
628,
220,
220,
220,
1303,
10133,
983,
3096,
2546,
198,
220,
220,
220,
308,
13,
2617,
62,
3526,
62,
7857,
7,
3526,
62,
7857,
62,
14421,
8,
628,
220,
220,
220,
1303,
7253,
649,
983,
13,
198,
220,
220,
220,
308,
13,
9688,
62,
6057,
7,
10734,
62,
7829,
28,
70,
13,
1136,
62,
10734,
62,
7829,
28955,
628,
198,
4871,
12454,
25060,
25,
198,
220,
220,
220,
37227,
4264,
1299,
5050,
329,
19698,
12454,
13,
628,
220,
220,
220,
2262,
590,
49213,
25,
198,
220,
220,
220,
220,
532,
3096,
62,
7857,
62,
14421,
25,
25139,
2357,
329,
262,
3096,
2546,
8574,
416,
262,
6356,
13,
198,
220,
220,
220,
220,
532,
983,
62,
8957,
1484,
25,
10127,
393,
407,
262,
983,
318,
24487,
13,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
3096,
62,
7857,
62,
14421,
25,
493,
796,
807,
628,
220,
220,
220,
983,
62,
8957,
1484,
25,
20512,
796,
10352,
628,
220,
220,
220,
825,
4268,
2902,
62,
19738,
62,
7829,
7,
944,
11,
308,
25,
797,
690,
72,
8777,
8,
4613,
597,
25,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
13615,
257,
2163,
329,
4634,
262,
1938,
1813,
262,
6163,
4268,
2902,
3038,
526,
15931,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
37456,
2420,
25,
31904,
62,
14781,
2902,
62,
19738,
62,
7829,
7,
70,
11,
2420,
8,
628,
220,
220,
220,
825,
31904,
62,
14781,
2902,
62,
19738,
62,
1872,
7,
944,
11,
2042,
25,
493,
11,
9568,
62,
1462,
62,
7829,
25,
360,
713,
11,
2420,
25,
965,
8,
4613,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
7248,
262,
9552,
1813,
262,
2420,
13,
628,
220,
220,
220,
220,
220,
220,
220,
3771,
17561,
1756,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
532,
2420,
287,
1391,
6,
9452,
320,
897,
362,
3256,
705,
9452,
320,
897,
513,
3256,
705,
9452,
320,
897,
604,
3256,
705,
9452,
320,
897,
807,
3256,
705,
29531,
38213,
6,
92,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
611,
2420,
13,
9688,
2032,
342,
10786,
9452,
320,
897,
705,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9568,
62,
1462,
62,
7829,
13,
19119,
15090,
13424,
25,
1855,
320,
897,
6242,
14140,
7,
600,
7,
5239,
13,
35312,
7203,
9452,
320,
897,
366,
38381,
12,
16,
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,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
3526,
62,
7857,
62,
14421,
8,
30072,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9568,
62,
1462,
62,
7829,
13,
19119,
15090,
13424,
25,
14534,
14140,
3419,
30072,
628,
220,
220,
220,
825,
4268,
2902,
62,
19738,
62,
1872,
7,
944,
11,
2042,
25,
493,
11,
9568,
62,
1462,
62,
7829,
25,
360,
713,
8,
4613,
597,
25,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
13615,
257,
2163,
329,
4634,
262,
9552,
1813,
262,
2420,
526,
15931,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
37456,
2420,
25,
2116,
13,
2978,
525,
62,
14781,
2902,
62,
19738,
62,
1872,
7,
13424,
11,
9568,
62,
1462,
62,
7829,
11,
2420,
8,
628,
220,
220,
220,
825,
4268,
2902,
62,
19738,
62,
3526,
62,
7857,
7,
944,
11,
308,
25,
797,
690,
72,
8777,
11,
9568,
62,
1462,
62,
7829,
25,
360,
713,
8,
4613,
597,
25,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
13615,
257,
2163,
329,
4634,
262,
3096,
2546,
1813,
262,
2420,
13,
198,
220,
220,
220,
220,
220,
220,
220,
3771,
17561,
1756,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
532,
2420,
318,
286,
262,
1296,
705,
27,
600,
29,
87,
27,
600,
29,
6,
810,
262,
734,
37014,
389,
262,
976,
13,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
37456,
2420,
25,
31904,
62,
14781,
2902,
62,
19738,
62,
3526,
62,
7857,
7,
70,
11,
9568,
62,
1462,
62,
7829,
11,
2420,
8,
628,
220,
220,
220,
825,
4296,
62,
19966,
62,
301,
1850,
62,
5239,
7,
944,
11,
1830,
25,
493,
11,
266,
25,
4324,
13,
27703,
8,
4613,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
10260,
262,
705,
24474,
520,
1850,
6,
6167,
351,
284,
3359,
705,
24474,
520,
1850,
25,
1279,
19966,
29,
30827,
15931,
198,
220,
220,
220,
220,
220,
220,
220,
266,
13,
1136,
62,
9019,
62,
30854,
10786,
5239,
12,
19966,
12,
301,
1850,
27691,
2617,
62,
5239,
7,
69,
6,
24474,
520,
1850,
25,
1391,
19966,
92,
11537,
628,
220,
220,
220,
825,
1598,
62,
43420,
7,
944,
11,
2482,
25,
7343,
11,
266,
25,
4324,
13,
27703,
8,
4613,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
19856,
262,
2482,
1351,
416,
337,
3843,
33881,
340,
290,
4296,
262,
5776,
9363,
2420,
16062,
526,
15931,
628,
220,
220,
220,
220,
220,
220,
220,
2482,
13,
20063,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
19119,
62,
19966,
62,
301,
1850,
62,
5239,
7,
15,
11,
266,
8,
628,
220,
220,
220,
220,
220,
220,
220,
13259,
62,
7829,
62,
1416,
2850,
7,
86,
8,
628,
220,
220,
220,
825,
4936,
62,
32125,
62,
6057,
7,
944,
11,
266,
25,
4324,
13,
27703,
8,
4613,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
22203,
284,
869,
618,
262,
350,
682,
14,
4965,
2454,
983,
4936,
318,
12070,
13,
198,
220,
220,
220,
220,
220,
220,
220,
34098,
262,
983,
62,
8957,
1484,
11688,
11,
290,
1487,
262,
2420,
286,
262,
4936,
16062,
526,
15931,
628,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
6057,
62,
8957,
1484,
796,
407,
2116,
13,
6057,
62,
8957,
1484,
628,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
6057,
62,
8957,
1484,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
266,
13,
1136,
62,
9019,
62,
30854,
10786,
16539,
12,
32125,
12,
6057,
27691,
2617,
62,
5239,
10786,
4965,
2454,
3776,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
266,
13,
1136,
62,
9019,
62,
30854,
10786,
16539,
12,
32125,
12,
6057,
27691,
2617,
62,
5239,
10786,
49991,
3776,
11537,
628,
220,
220,
220,
825,
651,
62,
6057,
62,
8957,
1484,
7,
944,
8,
4613,
20512,
25,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
13615,
983,
62,
8957,
1484,
526,
15931,
628,
220,
220,
220,
220,
220,
220,
220,
1441,
2116,
13,
6057,
62,
8957,
1484,
628,
220,
220,
220,
825,
751,
62,
9019,
7,
944,
11,
266,
25,
4324,
13,
27703,
11,
308,
25,
797,
690,
72,
8777,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2482,
25,
7343,
11,
9568,
62,
1462,
62,
7829,
25,
360,
713,
8,
4613,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
3060,
617,
12454,
284,
262,
4324,
11,
884,
355,
12163,
11,
290,
517,
13,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
266,
13,
2860,
62,
5239,
7,
18242,
2625,
5239,
12,
26675,
12,
13424,
12,
18242,
1600,
2420,
2625,
9148,
8120,
25,
1600,
2292,
16193,
1238,
11,
718,
2425,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
266,
13,
2860,
62,
5239,
7,
18242,
2625,
5239,
12,
26675,
12,
11186,
12,
18242,
1600,
2420,
2625,
12418,
12709,
25,
1600,
2292,
16193,
35126,
11,
718,
2425,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
266,
13,
2860,
62,
5239,
7,
18242,
2625,
5239,
12,
26675,
12,
13424,
12,
17287,
1600,
2420,
2625,
15,
1600,
2292,
16193,
16616,
11,
718,
2425,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
266,
13,
2860,
62,
5239,
7,
18242,
2625,
5239,
12,
26675,
12,
11186,
12,
17287,
1600,
2420,
2625,
15,
1600,
2292,
16193,
49051,
11,
718,
2425,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
266,
13,
2860,
62,
16539,
7,
2554,
28,
9078,
6057,
13,
45474,
7,
45151,
11,
1542,
11,
6640,
11,
2319,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6167,
2625,
16539,
12,
32125,
12,
6057,
1600,
2420,
2625,
49991,
3776,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2163,
28,
50033,
25,
2116,
13,
16539,
62,
32125,
62,
6057,
7,
86,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
266,
13,
2860,
62,
5239,
7,
18242,
2625,
5239,
12,
6679,
577,
12,
32399,
1600,
2420,
2625,
31851,
13094,
1600,
2292,
16193,
23906,
11,
1802,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
266,
13,
2860,
62,
14781,
2902,
7,
25811,
62,
4868,
28,
14692,
20490,
3691,
13,
9552,
1600,
366,
20185,
3691,
13,
5524,
1600,
705,
20185,
3691,
13,
9552,
6,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3599,
62,
18076,
2625,
20490,
3691,
13,
9552,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
13621,
28,
9078,
6057,
13,
45474,
7,
45151,
11,
11323,
11,
6640,
11,
2026,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6167,
2625,
14781,
2902,
12,
7829,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2163,
28,
944,
13,
14781,
2902,
62,
19738,
62,
7829,
7,
70,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
266,
13,
2860,
62,
5239,
7,
18242,
2625,
5239,
12,
6679,
577,
12,
1872,
1600,
2420,
2625,
31851,
9552,
3858,
1600,
2292,
16193,
23906,
11,
8646,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
266,
13,
2860,
62,
5239,
7,
18242,
2625,
5239,
12,
6679,
577,
12,
1872,
12,
13424,
1600,
2420,
2625,
9915,
9552,
1600,
2292,
16193,
34801,
11,
21355,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1588,
62,
10331,
28,
25101,
8,
198,
220,
220,
220,
220,
220,
220,
220,
266,
13,
2860,
62,
5239,
7,
18242,
2625,
5239,
12,
6679,
577,
12,
1872,
12,
11186,
1600,
2420,
2625,
12256,
9552,
1600,
2292,
16193,
40675,
11,
21355,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1588,
62,
10331,
28,
25101,
8,
628,
220,
220,
220,
220,
220,
220,
220,
266,
13,
2860,
62,
14781,
2902,
7,
25811,
62,
4868,
28,
14692,
29531,
38213,
1600,
366,
9452,
320,
897,
362,
1600,
705,
9452,
320,
897,
513,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
9452,
320,
897,
604,
3256,
705,
9452,
320,
897,
718,
6,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3599,
62,
18076,
2625,
9452,
320,
897,
362,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
13621,
28,
9078,
6057,
13,
45474,
7,
42444,
11,
5867,
11,
13151,
11,
2319,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6167,
2625,
14781,
2902,
12,
1872,
12,
13424,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2163,
28,
944,
13,
14781,
2902,
62,
19738,
62,
1872,
7,
16,
11,
9568,
62,
1462,
62,
7829,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
266,
13,
2860,
62,
14781,
2902,
7,
25811,
62,
4868,
28,
14692,
29531,
38213,
1600,
366,
9452,
320,
897,
362,
1600,
705,
9452,
320,
897,
513,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
9452,
320,
897,
604,
3256,
705,
9452,
320,
897,
718,
6,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3599,
62,
18076,
2625,
9452,
320,
897,
362,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
13621,
28,
9078,
6057,
13,
45474,
7,
40215,
11,
5867,
11,
13151,
11,
2319,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6167,
2625,
14781,
2902,
12,
1872,
12,
11186,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2163,
28,
944,
13,
14781,
2902,
62,
19738,
62,
1872,
32590,
16,
11,
9568,
62,
1462,
62,
7829,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
266,
13,
2860,
62,
5239,
7,
18242,
2625,
5239,
12,
6679,
577,
12,
3526,
12,
7857,
1600,
2420,
2625,
31851,
5926,
12849,
1600,
2292,
16193,
9879,
11,
18523,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
266,
13,
2860,
62,
14781,
2902,
7,
25811,
62,
4868,
28,
14692,
23,
87,
23,
1600,
705,
1065,
87,
1065,
3256,
705,
1433,
87,
1433,
3256,
705,
1731,
87,
1731,
6,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3599,
62,
18076,
2625,
23,
87,
23,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
13621,
28,
9078,
6057,
13,
45474,
7,
45151,
11,
23487,
11,
6640,
11,
2319,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6167,
2625,
14781,
2902,
12,
3526,
12,
7857,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2163,
28,
944,
13,
14781,
2902,
62,
19738,
62,
3526,
62,
7857,
7,
70,
11,
9568,
62,
1462,
62,
7829,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
266,
13,
2860,
62,
16539,
7,
2554,
28,
9078,
6057,
13,
45474,
7,
42444,
11,
44300,
11,
13151,
11,
2319,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6167,
2625,
16539,
12,
12860,
12,
34242,
1600,
2420,
2625,
7680,
20595,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2163,
28,
50033,
25,
7110,
62,
6057,
62,
14269,
3969,
7,
70,
11,
2482,
11,
705,
13424,
3256,
9568,
62,
1462,
62,
7829,
58,
16,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9568,
62,
1462,
62,
7829,
58,
12,
16,
60,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
266,
13,
2860,
62,
16539,
7,
2554,
28,
9078,
6057,
13,
45474,
7,
40215,
11,
44300,
11,
13151,
11,
2319,
828,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6167,
2625,
16539,
12,
20063,
12,
34242,
1600,
2420,
2625,
19856,
20595,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2163,
28,
50033,
25,
2116,
13,
20063,
62,
43420,
7,
43420,
11,
266,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
266,
13,
2860,
62,
5239,
7,
18242,
2625,
5239,
12,
19966,
12,
301,
1850,
1600,
2420,
2625,
24474,
520,
1850,
25,
657,
1600,
2292,
16193,
22,
1314,
11,
718,
2996,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
266,
13,
2860,
62,
5239,
7,
18242,
2625,
5239,
12,
66,
20696,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2420,
2625,
2025,
265,
3366,
1168,
2830,
282,
709,
11,
14372,
6612,
11,
30451,
3059,
49449,
11,
15984,
6502,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2292,
16193,
1238,
11,
362,
828,
1588,
62,
10331,
28,
25101,
8,
628,
198,
361,
11593,
3672,
834,
6624,
366,
834,
12417,
834,
1298,
198,
220,
220,
220,
1303,
6208,
10412,
3558,
198,
220,
220,
220,
1330,
10412,
395,
198,
220,
220,
220,
10412,
395,
13,
9288,
4666,
7,
19011,
577,
28,
17821,
8,
628,
220,
220,
220,
1330,
21015,
62,
8326,
13,
28484,
82,
198,
220,
220,
220,
21015,
62,
8326,
13,
28484,
82,
13,
9122,
62,
439,
62,
28484,
82,
3419,
628,
220,
220,
220,
1330,
21015,
62,
8326,
198,
220,
220,
220,
21015,
62,
8326,
13,
9122,
62,
439,
7,
11250,
34758,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
262,
3891,
357,
2536,
82,
8,
286,
17392,
13103,
198,
220,
220,
220,
220,
220,
220,
220,
705,
26086,
12,
320,
3742,
10354,
37250,
17497,
3256,
705,
9078,
6057,
3256,
705,
260,
690,
72,
3256,
705,
34242,
3256,
705,
1872,
62,
32399,
6,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
705,
40845,
12,
952,
10354,
685,
4357,
220,
1303,
262,
3891,
357,
2536,
82,
8,
286,
5499,
326,
869,
3601,
14,
9654,
14,
15414,
198,
220,
220,
220,
220,
220,
220,
220,
705,
9806,
12,
1370,
12,
13664,
10354,
1802,
11,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
31529,
1165,
12,
21834,
12,
77,
7287,
12,
27372,
11,
1165,
12,
21834,
12,
853,
2886,
198,
220,
220,
220,
220,
220,
220,
220,
705,
40223,
10354,
37250,
36,
1157,
2623,
3256,
705,
49,
1558,
2999,
3256,
705,
49,
2931,
1485,
20520,
198,
220,
220,
220,
32092,
198
] | 2.367295 | 4,299 |
from flask import Flask
import sqlite3
import config as config_module
app = Flask(__name__)
config = {}
for item in dir(config_module):
if item[0] != "_":
print("=== Config ===")
for key in (key for key in dir(config_module) if key[0] != "_"):
app.config[key] = getattr(config_module, key)
config[key] = getattr(config_module, key)
print(key, "=", getattr(config_module, key))
print("===+------+===")
break
app.config['config_module'] = config_module
@app.route("/")
db = sqlite3.connect('blog.db')
db_cursor = db.cursor()
db_cursor.execute("""CREATE TABLE IF NOT EXISTS Posts (
eid INTEGER PRIMARY KEY AUTOINCREMENT,
title TEXT NOT NULL,
post TEXT NOT NULL,
post_source TEXT NOT NULL
)""")
db.commit()
from . import rest # noqa E402
rest.add_routes(add_route, app)
| [
6738,
42903,
1330,
46947,
198,
11748,
44161,
578,
18,
198,
198,
11748,
4566,
355,
4566,
62,
21412,
198,
198,
1324,
796,
46947,
7,
834,
3672,
834,
8,
198,
11250,
796,
23884,
198,
198,
1640,
2378,
287,
26672,
7,
11250,
62,
21412,
2599,
198,
220,
220,
220,
611,
2378,
58,
15,
60,
14512,
45434,
1298,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
7203,
18604,
17056,
24844,
4943,
198,
220,
220,
220,
220,
220,
220,
220,
329,
1994,
287,
357,
2539,
329,
1994,
287,
26672,
7,
11250,
62,
21412,
8,
611,
1994,
58,
15,
60,
14512,
45434,
1,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
598,
13,
11250,
58,
2539,
60,
796,
651,
35226,
7,
11250,
62,
21412,
11,
1994,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4566,
58,
2539,
60,
796,
651,
35226,
7,
11250,
62,
21412,
11,
1994,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
7,
2539,
11,
366,
28,
1600,
651,
35226,
7,
11250,
62,
21412,
11,
1994,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
7203,
18604,
10,
23031,
10,
855,
2625,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2270,
198,
198,
1324,
13,
11250,
17816,
11250,
62,
21412,
20520,
796,
4566,
62,
21412,
628,
198,
31,
1324,
13,
38629,
7203,
14,
4943,
628,
198,
198,
9945,
796,
44161,
578,
18,
13,
8443,
10786,
14036,
13,
9945,
11537,
198,
9945,
62,
66,
21471,
796,
20613,
13,
66,
21471,
3419,
198,
9945,
62,
66,
21471,
13,
41049,
7203,
15931,
43387,
6158,
43679,
16876,
5626,
7788,
1797,
4694,
12043,
357,
198,
220,
220,
220,
304,
312,
17828,
7156,
1137,
4810,
3955,
13153,
35374,
47044,
46,
30158,
2200,
10979,
11,
198,
220,
220,
220,
3670,
40383,
5626,
15697,
11,
198,
220,
220,
220,
1281,
40383,
5626,
15697,
11,
198,
220,
220,
220,
1281,
62,
10459,
40383,
5626,
15697,
198,
8,
15931,
4943,
198,
9945,
13,
41509,
3419,
198,
198,
6738,
764,
1330,
1334,
1303,
645,
20402,
412,
32531,
198,
198,
2118,
13,
2860,
62,
81,
448,
274,
7,
2860,
62,
38629,
11,
598,
8,
198
] | 2.409471 | 359 |
# @author Carey Nation
# @title Chapter 2, Exercise 8
# @description Calculate tip and tax for a meal
celsius = read_it("Please enter your temperature, in celsius: ")
fahrenheit = convert(celsius)
print("\n%.2fC is %.2fF" % (celsius, fahrenheit))
| [
2,
2488,
9800,
31612,
8741,
198,
2,
2488,
7839,
7006,
362,
11,
32900,
807,
198,
2,
2488,
11213,
27131,
378,
8171,
290,
1687,
329,
257,
9799,
628,
628,
198,
5276,
82,
3754,
796,
1100,
62,
270,
7203,
5492,
3802,
534,
5951,
11,
287,
269,
32495,
25,
366,
8,
198,
69,
993,
34032,
796,
10385,
7,
5276,
82,
3754,
8,
198,
198,
4798,
7203,
59,
77,
7225,
17,
69,
34,
318,
4064,
13,
17,
69,
37,
1,
4064,
357,
5276,
82,
3754,
11,
277,
993,
34032,
4008,
198
] | 2.896552 | 87 |
from re_calc.config import control_tokens, operators, functions
from re_calc.util import is_number
from re_calc.exceptions import CalcException
import re
integer_regex = r"(\d+)"
tech_fractional_float = r"(\.\d+)"
float_regex = r"(\d+\.\d+)"
# regex for different num formats are joined by "regex OR" separator
NUMBER_REGEX = r"|".join([float_regex, tech_fractional_float, integer_regex])
def slice_by_pattern(pattern, input_expr):
''' Slices the matching part of the string using regex. Returns the matching
part and the remaining string, if pattern doesn't match returns None.
'''
re_pattern = re.compile(pattern)
match_object = re_pattern.match(input_expr)
if match_object:
start_idx, end_idx = match_object.span()
return input_expr[start_idx:end_idx], input_expr[end_idx:]
def slice_by_string(prefix, input_expr):
''' If string begins with some prefix (control tokens), returns prefix and
remaining string tuple.
'''
if input_expr.startswith(prefix):
chars_to_cut = len(prefix)
return prefix, input_expr[chars_to_cut:]
def combine_unary_sign(tokens):
''' Combines unary signs with adjacent value.
'''
output_queue = list()
while tokens[:-1]:
token = tokens[0]
next_token = tokens[1]
if not output_queue or output_queue[-1] in operators + ['(']:
if token == '-' and is_number(next_token):
output_queue.append(next_token * (-1))
tokens.pop(0)
elif token == '-' and next_token in functions:
output_queue.extend([-1, '*', next_token])
tokens.pop(0)
else:
output_queue.append(token)
else:
output_queue.append(token)
tokens.pop(0)
return output_queue + tokens
def tokenize(expression):
''' Returns tokens list with parsed floats and control tokens.
'''
parsing_expression = expression.strip()
output_queue = list()
while parsing_expression != '':
result = slice_by_pattern(NUMBER_REGEX, parsing_expression)
if result:
token, remaining_string = result
output_queue.append(float(token)) # add number to the output
parsing_expression = remaining_string.strip()
else:
found_control_token = False
for token in control_tokens:
result = slice_by_string(token, parsing_expression)
if result:
token, remaining_string = result
output_queue.append(token) # add control token to the output
parsing_expression = remaining_string.strip()
found_control_token = True
break
if not found_control_token:
combined_token_list = combine_unary_sign(output_queue)
combined_token_list.append(parsing_expression)
error_tokens = combined_token_list
token_position = len(combined_token_list) - 1
raise CalcException(
token_position,
error_tokens,
message='Unknown token',
loc_string="t_unknown_token")
return combine_unary_sign(output_queue)
| [
6738,
302,
62,
9948,
66,
13,
11250,
1330,
1630,
62,
83,
482,
641,
11,
12879,
11,
5499,
198,
6738,
302,
62,
9948,
66,
13,
22602,
1330,
318,
62,
17618,
198,
6738,
302,
62,
9948,
66,
13,
1069,
11755,
1330,
2199,
66,
16922,
198,
198,
11748,
302,
628,
198,
41433,
62,
260,
25636,
796,
374,
18109,
59,
67,
10,
16725,
198,
13670,
62,
69,
7861,
282,
62,
22468,
796,
374,
18109,
17405,
59,
67,
10,
16725,
198,
22468,
62,
260,
25636,
796,
374,
18109,
59,
67,
10,
17405,
59,
67,
10,
16725,
198,
2,
40364,
329,
1180,
997,
17519,
389,
5399,
416,
366,
260,
25636,
6375,
1,
2880,
1352,
198,
41359,
13246,
62,
31553,
6369,
796,
374,
1,
91,
1911,
22179,
26933,
22468,
62,
260,
25636,
11,
7261,
62,
69,
7861,
282,
62,
22468,
11,
18253,
62,
260,
25636,
12962,
628,
198,
4299,
16416,
62,
1525,
62,
33279,
7,
33279,
11,
5128,
62,
31937,
2599,
198,
220,
220,
220,
705,
7061,
311,
677,
274,
262,
12336,
636,
286,
262,
4731,
1262,
40364,
13,
16409,
262,
12336,
198,
220,
220,
220,
636,
290,
262,
5637,
4731,
11,
611,
3912,
1595,
470,
2872,
5860,
6045,
13,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
302,
62,
33279,
796,
302,
13,
5589,
576,
7,
33279,
8,
198,
220,
220,
220,
2872,
62,
15252,
796,
302,
62,
33279,
13,
15699,
7,
15414,
62,
31937,
8,
198,
220,
220,
220,
611,
2872,
62,
15252,
25,
198,
220,
220,
220,
220,
220,
220,
220,
923,
62,
312,
87,
11,
886,
62,
312,
87,
796,
2872,
62,
15252,
13,
12626,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
5128,
62,
31937,
58,
9688,
62,
312,
87,
25,
437,
62,
312,
87,
4357,
5128,
62,
31937,
58,
437,
62,
312,
87,
47715,
628,
198,
4299,
16416,
62,
1525,
62,
8841,
7,
40290,
11,
5128,
62,
31937,
2599,
198,
220,
220,
220,
705,
7061,
1002,
4731,
6140,
351,
617,
21231,
357,
13716,
16326,
828,
5860,
21231,
290,
198,
220,
220,
220,
5637,
4731,
46545,
13,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
611,
5128,
62,
31937,
13,
9688,
2032,
342,
7,
40290,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
34534,
62,
1462,
62,
8968,
796,
18896,
7,
40290,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
21231,
11,
5128,
62,
31937,
58,
354,
945,
62,
1462,
62,
8968,
47715,
628,
198,
4299,
12082,
62,
403,
560,
62,
12683,
7,
83,
482,
641,
2599,
198,
220,
220,
220,
705,
7061,
14336,
1127,
555,
560,
5895,
351,
15909,
1988,
13,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
5072,
62,
36560,
796,
1351,
3419,
198,
220,
220,
220,
981,
16326,
58,
21912,
16,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
11241,
796,
16326,
58,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
1306,
62,
30001,
796,
16326,
58,
16,
60,
198,
220,
220,
220,
220,
220,
220,
220,
611,
407,
5072,
62,
36560,
393,
5072,
62,
36560,
58,
12,
16,
60,
287,
12879,
1343,
37250,
10786,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
11241,
6624,
705,
19355,
290,
318,
62,
17618,
7,
19545,
62,
30001,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5072,
62,
36560,
13,
33295,
7,
19545,
62,
30001,
1635,
13841,
16,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
16326,
13,
12924,
7,
15,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
11241,
6624,
705,
19355,
290,
1306,
62,
30001,
287,
5499,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5072,
62,
36560,
13,
2302,
437,
26933,
12,
16,
11,
705,
9,
3256,
1306,
62,
30001,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
16326,
13,
12924,
7,
15,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5072,
62,
36560,
13,
33295,
7,
30001,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5072,
62,
36560,
13,
33295,
7,
30001,
8,
198,
220,
220,
220,
220,
220,
220,
220,
16326,
13,
12924,
7,
15,
8,
198,
220,
220,
220,
1441,
5072,
62,
36560,
1343,
16326,
628,
198,
4299,
11241,
1096,
7,
38011,
2599,
198,
220,
220,
220,
705,
7061,
16409,
16326,
1351,
351,
44267,
36016,
290,
1630,
16326,
13,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
32096,
62,
38011,
796,
5408,
13,
36311,
3419,
198,
220,
220,
220,
5072,
62,
36560,
796,
1351,
3419,
198,
220,
220,
220,
981,
32096,
62,
38011,
14512,
10148,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1255,
796,
16416,
62,
1525,
62,
33279,
7,
41359,
13246,
62,
31553,
6369,
11,
32096,
62,
38011,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
1255,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11241,
11,
5637,
62,
8841,
796,
1255,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5072,
62,
36560,
13,
33295,
7,
22468,
7,
30001,
4008,
220,
1303,
751,
1271,
284,
262,
5072,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
32096,
62,
38011,
796,
5637,
62,
8841,
13,
36311,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1043,
62,
13716,
62,
30001,
796,
10352,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
11241,
287,
1630,
62,
83,
482,
641,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1255,
796,
16416,
62,
1525,
62,
8841,
7,
30001,
11,
32096,
62,
38011,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
1255,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11241,
11,
5637,
62,
8841,
796,
1255,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5072,
62,
36560,
13,
33295,
7,
30001,
8,
220,
1303,
751,
1630,
11241,
284,
262,
5072,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
32096,
62,
38011,
796,
5637,
62,
8841,
13,
36311,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1043,
62,
13716,
62,
30001,
796,
6407,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2270,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
407,
1043,
62,
13716,
62,
30001,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5929,
62,
30001,
62,
4868,
796,
12082,
62,
403,
560,
62,
12683,
7,
22915,
62,
36560,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5929,
62,
30001,
62,
4868,
13,
33295,
7,
79,
945,
278,
62,
38011,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4049,
62,
83,
482,
641,
796,
5929,
62,
30001,
62,
4868,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11241,
62,
9150,
796,
18896,
7,
24011,
1389,
62,
30001,
62,
4868,
8,
532,
352,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
2199,
66,
16922,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11241,
62,
9150,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4049,
62,
83,
482,
641,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3275,
11639,
20035,
11241,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1179,
62,
8841,
2625,
83,
62,
34680,
62,
30001,
4943,
198,
220,
220,
220,
1441,
12082,
62,
403,
560,
62,
12683,
7,
22915,
62,
36560,
8,
198
] | 2.265979 | 1,455 |
print "Some new feature!"
| [
4798,
366,
4366,
649,
3895,
2474,
198
] | 3.714286 | 7 |
import pytz
from datetime import datetime
tz = pytz.timezone('US/Eastern')
now = datetime.now(tz)
print now | [
11748,
12972,
22877,
198,
6738,
4818,
8079,
1330,
4818,
8079,
628,
198,
22877,
796,
12972,
22877,
13,
2435,
11340,
10786,
2937,
14,
46109,
11537,
198,
2197,
796,
4818,
8079,
13,
2197,
7,
22877,
8,
198,
198,
4798,
783
] | 2.894737 | 38 |
from django.conf import settings
from django.db import models
from django.utils import timezone
# Entry some data into model
# Create a string representation
# api/models.py
"""
Server ID,Sponsor,Server Name,Timestamp,Distance,Ping,Download,Upload,Share,IP Address
4058 Wildcard Networks Newcastle upon Tyne 2021-06-23T09:15:13.173107Z 105.4279453 39.982 69624980.03 18494139.82 86.177.254.153
10602 Aspire Technology Solutions Gateshead 2021-06-23T09:45:09.957434Z 106.1429491 29.023 43132640.01 17716995.05 86.177.254.153
10602 Aspire Technology Solutions Gateshead 2021-06-23T10:15:12.453044Z 106.1429491 28.932 70095792.76 18465945.29 86.177.254.153
4058 Wildcard Networks Newcastle upon Tyne 2021-06-23T10:45:13.237917Z 105.4279453 30.772 69977558.18 18583131.91 86.177.254.153
01/06/2021 00:00 192.168.1.110 p110
tarif
value_exc_vat,value_inc_vat,valid_from,valid_to
15.96,16.758,2021-06-25T21:30:00Z,2021-06-25T22:00:00Z
meter
consumption,interval_start,interval_end
0.073,2021-06-24T00:00:00+01:00,2021-06-24T00:30:00+01:00
""" | [
6738,
42625,
14208,
13,
10414,
1330,
6460,
198,
6738,
42625,
14208,
13,
9945,
1330,
4981,
198,
6738,
42625,
14208,
13,
26791,
1330,
640,
11340,
198,
198,
2,
21617,
617,
1366,
656,
2746,
198,
220,
198,
2,
13610,
257,
4731,
10552,
198,
198,
2,
40391,
14,
27530,
13,
9078,
198,
198,
37811,
220,
220,
198,
10697,
4522,
11,
43522,
273,
11,
10697,
6530,
11,
14967,
27823,
11,
45767,
11,
49806,
11,
10002,
11,
41592,
11,
11649,
11,
4061,
17917,
198,
1821,
3365,
197,
25946,
9517,
27862,
197,
3791,
18676,
2402,
7039,
710,
197,
1238,
2481,
12,
3312,
12,
1954,
51,
2931,
25,
1314,
25,
1485,
13,
25399,
15982,
57,
197,
13348,
13,
19,
26050,
36625,
197,
2670,
13,
4089,
17,
197,
38205,
21626,
1795,
13,
3070,
197,
1507,
39449,
20219,
13,
6469,
197,
197,
4521,
13,
22413,
13,
24970,
13,
21395,
198,
940,
31418,
197,
1722,
5111,
8987,
23555,
197,
38,
689,
2256,
197,
1238,
2481,
12,
3312,
12,
1954,
51,
2931,
25,
2231,
25,
2931,
13,
24,
46900,
2682,
57,
197,
15801,
13,
1415,
1959,
41289,
197,
1959,
13,
45310,
197,
3559,
1485,
2075,
1821,
13,
486,
197,
22413,
1433,
33438,
13,
2713,
197,
197,
4521,
13,
22413,
13,
24970,
13,
21395,
198,
940,
31418,
197,
1722,
5111,
8987,
23555,
197,
38,
689,
2256,
197,
1238,
2481,
12,
3312,
12,
1954,
51,
940,
25,
1314,
25,
1065,
13,
2231,
1270,
2598,
57,
197,
15801,
13,
1415,
1959,
41289,
197,
2078,
13,
24,
2624,
197,
9879,
24,
3553,
5892,
13,
4304,
197,
22883,
36445,
2231,
13,
1959,
197,
197,
4521,
13,
22413,
13,
24970,
13,
21395,
198,
1821,
3365,
197,
25946,
9517,
27862,
197,
3791,
18676,
2402,
7039,
710,
197,
1238,
2481,
12,
3312,
12,
1954,
51,
940,
25,
2231,
25,
1485,
13,
1954,
3720,
1558,
57,
197,
13348,
13,
19,
26050,
36625,
197,
1270,
13,
43571,
197,
47325,
34483,
3365,
13,
1507,
197,
1507,
46239,
22042,
13,
6420,
197,
197,
4521,
13,
22413,
13,
24970,
13,
21395,
628,
198,
486,
14,
3312,
14,
1238,
2481,
3571,
25,
405,
197,
17817,
13,
14656,
13,
16,
13,
11442,
197,
279,
11442,
628,
198,
18870,
361,
198,
8367,
62,
41194,
62,
85,
265,
11,
8367,
62,
1939,
62,
85,
265,
11,
12102,
62,
6738,
11,
12102,
62,
1462,
198,
1314,
13,
4846,
11,
1433,
13,
38569,
11,
1238,
2481,
12,
3312,
12,
1495,
51,
2481,
25,
1270,
25,
405,
57,
11,
1238,
2481,
12,
3312,
12,
1495,
51,
1828,
25,
405,
25,
405,
57,
198,
198,
27231,
198,
198,
5936,
24098,
11,
3849,
2100,
62,
9688,
11,
3849,
2100,
62,
437,
198,
15,
13,
2998,
18,
11,
1238,
2481,
12,
3312,
12,
1731,
51,
405,
25,
405,
25,
405,
10,
486,
25,
405,
11,
1238,
2481,
12,
3312,
12,
1731,
51,
405,
25,
1270,
25,
405,
10,
486,
25,
405,
198,
37811
] | 2.247335 | 469 |
# Wikipeida topic blob example
import random
import wikipedia
import streamlit as st
import pandas as pd
from topicblob import TopicBlob
from streamlit import caching
wiki_pages_default = [
"Facebook(Company)",
"Barack Obama",
"Wikipedia",
"Topic Modeling",
"Python (programming language)",
"Snapchat",
]
@st.cache(allow_output_mutation=True)
@st.cache(allow_output_mutation=True)
# Default pages
@st.cache(allow_output_mutation=True, suppress_st_warning=True)
@st.cache(allow_output_mutation=True)
if __name__ == "__main__":
main()
| [
2,
11145,
3757,
3755,
7243,
44812,
1672,
198,
198,
11748,
4738,
198,
11748,
47145,
11151,
198,
11748,
4269,
18250,
355,
336,
198,
11748,
19798,
292,
355,
279,
67,
198,
6738,
7243,
2436,
672,
1330,
47373,
3629,
672,
198,
198,
6738,
4269,
18250,
1330,
40918,
628,
198,
15466,
62,
31126,
62,
12286,
796,
685,
198,
220,
220,
220,
366,
12025,
7,
39154,
42501,
198,
220,
220,
220,
366,
10374,
441,
2486,
1600,
198,
220,
220,
220,
366,
48845,
1600,
198,
220,
220,
220,
366,
33221,
9104,
278,
1600,
198,
220,
220,
220,
366,
37906,
357,
23065,
2229,
3303,
42501,
198,
220,
220,
220,
366,
43826,
17006,
1600,
198,
60,
628,
198,
31,
301,
13,
23870,
7,
12154,
62,
22915,
62,
76,
7094,
28,
17821,
8,
628,
198,
31,
301,
13,
23870,
7,
12154,
62,
22915,
62,
76,
7094,
28,
17821,
8,
628,
198,
2,
15161,
5468,
628,
198,
198,
31,
301,
13,
23870,
7,
12154,
62,
22915,
62,
76,
7094,
28,
17821,
11,
18175,
62,
301,
62,
43917,
28,
17821,
8,
628,
198,
31,
301,
13,
23870,
7,
12154,
62,
22915,
62,
76,
7094,
28,
17821,
8,
628,
628,
628,
198,
361,
11593,
3672,
834,
6624,
366,
834,
12417,
834,
1298,
198,
220,
220,
220,
1388,
3419,
198
] | 2.811594 | 207 |
# Copyright 2018 eBay Inc.
# Copyright 2012 OpenStack LLC.
# All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# https://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.
import mock
from napalm_baseebay import ebay_exceptions
from napalm_base import get_network_driver
from netforce.tests.unit.napalm import base
from pyeapi.eapilib import CommandError
class EosTestSuite(base.DietTestCase):
"""Arista EOS Test Suite
This test suite performs setup and teardown functions for this file's
unit tests. Each unit test class should inherit from this class, and
implement a single "runTest" function.
"""
def setUp(self):
"""Perform setup activities
"""
super(EosTestSuite, self).setUp()
driver = get_network_driver('ebayeos')
self.driver = driver(
hostname='127.0.0.1',
username='arista',
password='arista'
)
self.interface_names = ["Ethernet1", "Ethernet2"]
mock_mgr = mock.Mock()
self.driver.manager = mock_mgr
self.stdout = None
def tearDown(self):
"""Perform teardown activities
"""
super(EosTestSuite, self).tearDown()
# Test cases for vlan creation
| [
2,
15069,
2864,
21698,
3457,
13,
198,
2,
15069,
2321,
4946,
25896,
11419,
13,
198,
2,
1439,
6923,
33876,
13,
198,
2,
198,
2,
220,
220,
220,
49962,
739,
262,
24843,
13789,
11,
10628,
362,
13,
15,
357,
1169,
366,
34156,
15341,
198,
2,
220,
220,
220,
345,
743,
407,
779,
428,
2393,
2845,
287,
11846,
351,
262,
13789,
13,
198,
2,
220,
220,
220,
921,
743,
7330,
257,
4866,
286,
262,
13789,
379,
198,
2,
198,
2,
220,
220,
220,
220,
220,
3740,
1378,
2503,
13,
43073,
13,
2398,
14,
677,
4541,
14,
43,
2149,
24290,
12,
17,
13,
15,
198,
2,
198,
2,
220,
220,
220,
17486,
2672,
416,
9723,
1099,
393,
4987,
284,
287,
3597,
11,
3788,
198,
2,
220,
220,
220,
9387,
739,
262,
13789,
318,
9387,
319,
281,
366,
1921,
3180,
1,
29809,
1797,
11,
198,
2,
220,
220,
220,
42881,
34764,
11015,
6375,
7102,
49828,
11053,
3963,
15529,
509,
12115,
11,
2035,
4911,
393,
17142,
13,
198,
2,
220,
220,
220,
4091,
262,
13789,
329,
262,
2176,
3303,
15030,
21627,
290,
198,
2,
220,
220,
220,
11247,
739,
262,
13789,
13,
628,
198,
11748,
15290,
198,
6738,
25422,
38182,
62,
8692,
1765,
323,
1330,
304,
24406,
62,
1069,
11755,
198,
198,
6738,
25422,
38182,
62,
8692,
1330,
651,
62,
27349,
62,
26230,
198,
6738,
2010,
3174,
13,
41989,
13,
20850,
13,
77,
499,
38182,
1330,
2779,
198,
6738,
279,
5948,
15042,
13,
68,
499,
22282,
1330,
9455,
12331,
628,
198,
4871,
412,
418,
14402,
5606,
578,
7,
8692,
13,
35,
1155,
14402,
20448,
2599,
198,
220,
220,
220,
37227,
32,
1585,
64,
412,
2640,
6208,
26264,
628,
220,
220,
220,
770,
1332,
18389,
17706,
9058,
290,
573,
446,
593,
5499,
329,
428,
2393,
338,
198,
220,
220,
220,
4326,
5254,
13,
5501,
4326,
1332,
1398,
815,
16955,
422,
428,
1398,
11,
290,
198,
220,
220,
220,
3494,
257,
2060,
366,
5143,
14402,
1,
2163,
13,
628,
220,
220,
220,
37227,
198,
220,
220,
220,
825,
900,
4933,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
5990,
687,
9058,
4568,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
2208,
7,
36,
418,
14402,
5606,
578,
11,
2116,
737,
2617,
4933,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
4639,
796,
651,
62,
27349,
62,
26230,
10786,
1765,
48822,
418,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
26230,
796,
4639,
7,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2583,
3672,
11639,
16799,
13,
15,
13,
15,
13,
16,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
20579,
11639,
283,
12523,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9206,
11639,
283,
12523,
6,
198,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
39994,
62,
14933,
796,
14631,
36,
490,
3262,
16,
1600,
366,
36,
490,
3262,
17,
8973,
198,
220,
220,
220,
220,
220,
220,
220,
15290,
62,
76,
2164,
796,
15290,
13,
44,
735,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
26230,
13,
37153,
796,
15290,
62,
76,
2164,
198,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
19282,
448,
796,
6045,
628,
220,
220,
220,
825,
11626,
8048,
7,
944,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
5990,
687,
573,
446,
593,
4568,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
628,
220,
220,
220,
220,
220,
220,
220,
2208,
7,
36,
418,
14402,
5606,
578,
11,
2116,
737,
83,
451,
8048,
3419,
628,
198,
2,
6208,
2663,
329,
410,
9620,
6282,
628,
628,
628,
628,
628
] | 2.7584 | 625 |
import torch
import torch.nn as nn
from torchsummary import summary
if __name__ == '__main__':
device = 'cuda' if torch.cuda.is_available() else 'cpu'
model = Net().to(device)
summary(model, (1, 20, 20)) | [
11748,
28034,
198,
11748,
28034,
13,
20471,
355,
299,
77,
198,
6738,
28034,
49736,
1330,
10638,
628,
198,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
198,
197,
25202,
796,
705,
66,
15339,
6,
611,
28034,
13,
66,
15339,
13,
271,
62,
15182,
3419,
2073,
705,
36166,
6,
198,
197,
19849,
796,
3433,
22446,
1462,
7,
25202,
8,
198,
197,
49736,
7,
19849,
11,
357,
16,
11,
1160,
11,
1160,
4008
] | 2.824324 | 74 |
"""
Created by Edward Li at 10/6/20
"""
import numpy as np
| [
37811,
198,
41972,
416,
10443,
7455,
379,
838,
14,
21,
14,
1238,
198,
37811,
198,
198,
11748,
299,
32152,
355,
45941,
198
] | 2.727273 | 22 |
from babyfood.homogenous import HomogenousTransform
| [
6738,
5156,
19425,
13,
26452,
27897,
1330,
8074,
27897,
41762,
628,
628
] | 4.583333 | 12 |
"""
Author : Raquel G. Alhama
Desc:
"""
import sys
import pandas as pd
if __name__=="__main__":
args=sys.argv[1:]
if len(args) != 1:
print("Usage: combine_repetitions_wordbank.py <file>")
exit(-1)
main(*args)
| [
37811,
198,
13838,
1058,
7567,
31735,
402,
13,
978,
71,
1689,
198,
24564,
25,
198,
37811,
198,
11748,
25064,
198,
11748,
19798,
292,
355,
279,
67,
628,
198,
361,
11593,
3672,
834,
855,
1,
834,
12417,
834,
1298,
628,
220,
220,
220,
26498,
28,
17597,
13,
853,
85,
58,
16,
47715,
198,
220,
220,
220,
611,
18896,
7,
22046,
8,
14512,
352,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
7203,
28350,
25,
12082,
62,
260,
6449,
1756,
62,
4775,
17796,
13,
9078,
1279,
7753,
29,
4943,
198,
220,
220,
220,
220,
220,
220,
220,
8420,
32590,
16,
8,
198,
220,
220,
220,
1388,
46491,
22046,
8,
198
] | 2.181818 | 110 |
import logging
from tornado import gen
from ..common.dynamo import DDBBase
logger = logging.getLogger(__name__)
| [
11748,
18931,
198,
198,
6738,
33718,
1330,
2429,
198,
198,
6738,
11485,
11321,
13,
67,
4989,
78,
1330,
360,
11012,
14881,
628,
198,
6404,
1362,
796,
18931,
13,
1136,
11187,
1362,
7,
834,
3672,
834,
8,
628
] | 3.162162 | 37 |
def bubble_sort(array_to_sort):
"""
Simple Sorting Algorithm which Worst Case of O(n2) and Best Case od O(n) if array is already sorted
:param array_to_sort: The Array to be sorted
:return: Sorted Array
"""
n = len(array_to_sort)
for i in range(n-1):
swap = False
for j in range(n-i-1):
if array_to_sort[j] > array_to_sort[j + 1]:
array_to_sort[j], array_to_sort[j + 1] = array_to_sort[j + 1], array_to_sort[j]
swap = True
if swap is False:
return array_to_sort
return array_to_sort
if __name__ == '__main__':
sample = [[1, 2, 34, 45, 12, 42, 44, 53, 5],
[1, 0],
[0, 9, 8, 6, 5, 4, 3, 2, 1],
[],
[1, 2, 3, 4, 5, 6, 7]]
for arr in range(len(sample)):
print(bubble_sort(sample[arr]))
| [
4299,
14310,
62,
30619,
7,
18747,
62,
1462,
62,
30619,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
17427,
311,
24707,
978,
42289,
543,
33443,
8913,
286,
440,
7,
77,
17,
8,
290,
6705,
8913,
16298,
440,
7,
77,
8,
611,
7177,
318,
1541,
23243,
198,
220,
220,
220,
1058,
17143,
7177,
62,
1462,
62,
30619,
25,
383,
15690,
284,
307,
23243,
198,
220,
220,
220,
1058,
7783,
25,
311,
9741,
15690,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
299,
796,
18896,
7,
18747,
62,
1462,
62,
30619,
8,
198,
220,
220,
220,
329,
1312,
287,
2837,
7,
77,
12,
16,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
16075,
796,
10352,
628,
220,
220,
220,
220,
220,
220,
220,
329,
474,
287,
2837,
7,
77,
12,
72,
12,
16,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
7177,
62,
1462,
62,
30619,
58,
73,
60,
1875,
7177,
62,
1462,
62,
30619,
58,
73,
1343,
352,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7177,
62,
1462,
62,
30619,
58,
73,
4357,
7177,
62,
1462,
62,
30619,
58,
73,
1343,
352,
60,
796,
7177,
62,
1462,
62,
30619,
58,
73,
1343,
352,
4357,
7177,
62,
1462,
62,
30619,
58,
73,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
16075,
796,
6407,
628,
220,
220,
220,
220,
220,
220,
220,
611,
16075,
318,
10352,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
7177,
62,
1462,
62,
30619,
628,
220,
220,
220,
1441,
7177,
62,
1462,
62,
30619,
628,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
198,
220,
220,
220,
6291,
796,
16410,
16,
11,
362,
11,
4974,
11,
4153,
11,
1105,
11,
5433,
11,
5846,
11,
7192,
11,
642,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
685,
16,
11,
657,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
685,
15,
11,
860,
11,
807,
11,
718,
11,
642,
11,
604,
11,
513,
11,
362,
11,
352,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
685,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
685,
16,
11,
362,
11,
513,
11,
604,
11,
642,
11,
718,
11,
767,
11907,
628,
220,
220,
220,
329,
5240,
287,
2837,
7,
11925,
7,
39873,
8,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
7,
46176,
903,
62,
30619,
7,
39873,
58,
3258,
60,
4008,
198
] | 1.937778 | 450 |
#!/usr/bin/env python
# -*- coding: utf-8 -*-
import argparse
import logging
import nibabel as nib
import numpy as np
from scilpy.io.utils import (add_overwrite_arg,
assert_inputs_exist,
assert_outputs_exist,
check_tracts_same_format)
from scilpy.tractanalysis.features import remove_loops_and_sharp_turns
DESCRIPTION = """
This script can be used to remove loops in two types of streamline datasets:
- Whole brain: For this type, the script removes streamlines if they
make a loop with an angle of more than 360 degrees. It's possible to change
this angle with the -a option. Warning: Don't use --qb option for a
whole brain tractography.
- Bundle dataset: For this type, it is possible to remove loops and
streamlines outside of the bundle. For the sharp angle turn, use --qb option.
----------------------------------------------------------------------------
Reference:
QuickBundles based on [Garyfallidis12] Frontiers in Neuroscience, 2012.
----------------------------------------------------------------------------
"""
if __name__ == "__main__":
main()
| [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
198,
2,
532,
9,
12,
19617,
25,
3384,
69,
12,
23,
532,
9,
12,
198,
198,
11748,
1822,
29572,
198,
11748,
18931,
198,
198,
11748,
33272,
9608,
355,
33272,
198,
11748,
299,
32152,
355,
45941,
198,
198,
6738,
629,
346,
9078,
13,
952,
13,
26791,
1330,
357,
2860,
62,
2502,
13564,
62,
853,
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,
6818,
62,
15414,
82,
62,
38476,
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,
6818,
62,
22915,
82,
62,
38476,
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,
2198,
62,
83,
974,
82,
62,
31642,
62,
18982,
8,
198,
6738,
629,
346,
9078,
13,
83,
974,
20930,
13,
40890,
1330,
4781,
62,
5439,
2840,
62,
392,
62,
48554,
62,
15344,
82,
628,
198,
30910,
40165,
796,
37227,
198,
1212,
4226,
460,
307,
973,
284,
4781,
23607,
287,
734,
3858,
286,
4269,
1370,
40522,
25,
628,
220,
532,
23431,
3632,
25,
1114,
428,
2099,
11,
262,
4226,
20694,
4269,
6615,
611,
484,
198,
220,
220,
220,
787,
257,
9052,
351,
281,
9848,
286,
517,
621,
11470,
7370,
13,
632,
338,
1744,
284,
1487,
198,
220,
220,
220,
428,
9848,
351,
262,
532,
64,
3038,
13,
15932,
25,
2094,
470,
779,
1377,
80,
65,
3038,
329,
257,
198,
220,
220,
220,
2187,
3632,
14998,
4867,
13,
628,
220,
532,
25282,
27039,
25,
1114,
428,
2099,
11,
340,
318,
1744,
284,
4781,
23607,
290,
198,
220,
220,
220,
4269,
6615,
2354,
286,
262,
18537,
13,
1114,
262,
7786,
9848,
1210,
11,
779,
1377,
80,
65,
3038,
13,
198,
198,
10097,
10541,
198,
26687,
25,
198,
21063,
33,
917,
829,
1912,
319,
685,
33820,
7207,
29207,
1065,
60,
8880,
3183,
287,
38917,
11,
2321,
13,
198,
10097,
10541,
198,
37811,
628,
628,
198,
361,
11593,
3672,
834,
6624,
366,
834,
12417,
834,
1298,
198,
220,
220,
220,
1388,
3419,
198
] | 3.107612 | 381 |
Python 3.6.2 (v3.6.2:5fd33b5, Jul 8 2017, 04:14:34) [MSC v.1900 32 bit (Intel)] on win32
Type "copyright", "credits" or "license()" for more information.
>>> def mystery(l):
l = l[2:5]
return()
>>> list1 = [7,82,44,23,11]
>>> mystery(list1)
()
>>>
| [
37906,
513,
13,
21,
13,
17,
357,
85,
18,
13,
21,
13,
17,
25,
20,
16344,
2091,
65,
20,
11,
5979,
220,
807,
2177,
11,
8702,
25,
1415,
25,
2682,
8,
685,
5653,
34,
410,
13,
48104,
3933,
1643,
357,
24123,
15437,
319,
1592,
2624,
201,
198,
6030,
366,
22163,
4766,
1600,
366,
66,
20696,
1,
393,
366,
43085,
3419,
1,
329,
517,
1321,
13,
201,
198,
33409,
825,
10715,
7,
75,
2599,
201,
198,
220,
300,
796,
300,
58,
17,
25,
20,
60,
201,
198,
220,
1441,
3419,
201,
198,
201,
198,
33409,
1351,
16,
796,
685,
22,
11,
6469,
11,
2598,
11,
1954,
11,
1157,
60,
201,
198,
33409,
10715,
7,
4868,
16,
8,
201,
198,
3419,
201,
198,
33409,
220,
201,
198
] | 2.12 | 125 |
import json
from pathlib import Path
from querius import QueriusClient
| [
11748,
33918,
198,
6738,
3108,
8019,
1330,
10644,
198,
198,
6738,
42517,
3754,
1330,
2264,
263,
3754,
11792,
628
] | 3.842105 | 19 |
from aiocloudflare.commons.auth import Auth
| [
6738,
257,
72,
38679,
2778,
2704,
533,
13,
9503,
684,
13,
18439,
1330,
26828,
628
] | 3 | 15 |
# This file contains prototype VVP implementations.
#
# These patterns should be purposed for specific settings.
# As such, they do not contain a @task descriptor.
import os
"""
validate_ensemble_output Validation Pattern.
Purpose:
1. given an ensemble of validation output directories, it will:
2. operate a validation_function on each direction, and
3. print the outputs to screen, and
4. use an aggregation function to combine all outputs into a compound metric,
and
5. print the compound metric.
SPECS of the required validation_function:
- Should operate with a single argument (the simulation output directory).
- ASSUMPTION: There is no explicit argument to indicate where the validation
data resides (currently assumed to be packaged with the simulation output
and known by the function). -> we could choose to make this explicit.
- The validation function should return a set of metrics.
SPECS of the aggregation_function:
- Receives a Python list with the output of validation_function in each
element.
- Returns a data type that represents the compound validation outcome
(.e.g, one or more error scores).
"""
"""
***********
SUGGESTIONS
***********
1) 'validate_ensemble_output' may not be a good name, this function will be
used for verification as well, changed it to 'ensemble_vvp'
2) 'validation_function': same comment, changed it to 'sample_testing_function',
being the opposite of 'aggregation_function', something that acts on a single sample only
3) print("AVERAGED VALIDATION SCORE ...) line is removed
4) added **kwargs in case the sample_testing/aggragation function takes more than the result_dir as argument
5) added the possibility of multiple results_dirs
6) added the possibility of hand-selecting selecting (a subset of) the sample directories via 'items' in kwargs
!! This is also required if the order in which the scores are appended is important
since os.listdirs returns an illogical order
"""
def ensemble_vvp(results_dirs, sample_testing_function, aggregation_function, **kwargs):
"""
Goes through all the output directories and calculates the scores.
"""
#if a single result_dir is specified, still add it to a list
if type(results_dirs) == str:
tmp = []; tmp.append(results_dirs); results_dirs = tmp
for results_dir in results_dirs:
scores = []
#use user-specified sample directories if specified,
#otherwise look for uq results in all directories in results_dir
if 'items' in kwargs:
items = kwargs['items']
else:
items = os.listdir("{}".format(results_dir))
for item in items:
if os.path.isdir(os.path.join(results_dir, item)):
print(os.path.join(results_dir, item))
scores.append(sample_testing_function(os.path.join(results_dir, item), **kwargs))
#print("scores:", scores)
aggregation_function(scores, **kwargs) | [
2,
770,
2393,
4909,
14879,
569,
8859,
25504,
13,
198,
2,
198,
2,
2312,
7572,
815,
307,
1308,
29813,
329,
2176,
6460,
13,
198,
2,
1081,
884,
11,
484,
466,
407,
3994,
257,
2488,
35943,
43087,
13,
198,
11748,
28686,
628,
198,
37811,
198,
12102,
378,
62,
1072,
11306,
62,
22915,
3254,
24765,
23939,
13,
198,
198,
30026,
3455,
25,
220,
198,
16,
13,
1813,
281,
34549,
286,
21201,
5072,
29196,
11,
340,
481,
25,
198,
17,
13,
8076,
257,
21201,
62,
8818,
319,
1123,
4571,
11,
290,
198,
18,
13,
3601,
262,
23862,
284,
3159,
11,
290,
198,
19,
13,
779,
281,
46500,
2163,
284,
12082,
477,
23862,
656,
257,
13061,
18663,
11,
220,
198,
220,
220,
290,
198,
20,
13,
3601,
262,
13061,
18663,
13,
628,
198,
48451,
50,
286,
262,
2672,
21201,
62,
8818,
25,
198,
12,
10358,
8076,
351,
257,
2060,
4578,
357,
1169,
18640,
5072,
8619,
737,
198,
12,
24994,
5883,
11571,
2849,
25,
1318,
318,
645,
7952,
4578,
284,
7603,
810,
262,
21201,
220,
198,
220,
1366,
29076,
357,
41745,
9672,
284,
307,
25555,
351,
262,
18640,
5072,
220,
198,
220,
290,
1900,
416,
262,
2163,
737,
4613,
356,
714,
3853,
284,
787,
428,
7952,
13,
198,
12,
383,
21201,
2163,
815,
1441,
257,
900,
286,
20731,
13,
198,
198,
48451,
50,
286,
262,
46500,
62,
8818,
25,
198,
12,
19520,
1083,
257,
11361,
1351,
351,
262,
5072,
286,
21201,
62,
8818,
287,
1123,
220,
198,
220,
5002,
13,
198,
12,
16409,
257,
1366,
2099,
326,
6870,
262,
13061,
21201,
8055,
198,
220,
20262,
68,
13,
70,
11,
530,
393,
517,
4049,
8198,
737,
198,
37811,
198,
198,
37811,
198,
4557,
8162,
198,
50,
7340,
38,
6465,
11053,
198,
4557,
8162,
198,
16,
8,
705,
12102,
378,
62,
1072,
11306,
62,
22915,
6,
743,
407,
307,
257,
922,
1438,
11,
428,
2163,
481,
307,
220,
198,
220,
220,
973,
329,
19637,
355,
880,
11,
3421,
340,
284,
705,
1072,
11306,
62,
25093,
79,
6,
198,
17,
8,
705,
12102,
341,
62,
8818,
10354,
976,
2912,
11,
3421,
340,
284,
705,
39873,
62,
33407,
62,
8818,
3256,
198,
220,
220,
852,
262,
6697,
286,
705,
9460,
43068,
62,
8818,
3256,
1223,
326,
6529,
319,
257,
2060,
6291,
691,
198,
18,
8,
3601,
7203,
32,
5959,
4760,
1961,
26173,
2389,
6234,
6374,
6965,
2644,
8,
1627,
318,
4615,
198,
19,
8,
2087,
12429,
46265,
22046,
287,
1339,
262,
6291,
62,
33407,
14,
363,
2164,
363,
341,
2163,
2753,
517,
621,
262,
1255,
62,
15908,
355,
4578,
198,
20,
8,
2087,
262,
5885,
286,
3294,
2482,
62,
15908,
82,
198,
21,
8,
2087,
262,
5885,
286,
1021,
12,
19738,
278,
17246,
357,
64,
24637,
286,
8,
262,
6291,
29196,
2884,
705,
23814,
6,
287,
479,
86,
22046,
220,
198,
220,
220,
37867,
770,
318,
635,
2672,
611,
262,
1502,
287,
543,
262,
8198,
389,
598,
1631,
318,
1593,
198,
220,
220,
1201,
28686,
13,
4868,
15908,
82,
5860,
281,
2801,
30766,
1502,
198,
37811,
198,
198,
4299,
34549,
62,
25093,
79,
7,
43420,
62,
15908,
82,
11,
6291,
62,
33407,
62,
8818,
11,
46500,
62,
8818,
11,
12429,
46265,
22046,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
31914,
832,
477,
262,
5072,
29196,
290,
43707,
262,
8198,
13,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
1303,
361,
257,
2060,
1255,
62,
15908,
318,
7368,
11,
991,
751,
340,
284,
257,
1351,
198,
220,
220,
220,
611,
2099,
7,
43420,
62,
15908,
82,
8,
6624,
965,
25,
198,
220,
220,
220,
220,
220,
220,
220,
45218,
796,
25787,
45218,
13,
33295,
7,
43420,
62,
15908,
82,
1776,
2482,
62,
15908,
82,
796,
45218,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
329,
2482,
62,
15908,
287,
2482,
62,
15908,
82,
25,
220,
220,
220,
220,
628,
220,
220,
220,
220,
220,
220,
220,
8198,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
1904,
2836,
12,
23599,
6291,
29196,
611,
7368,
11,
220,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
847,
3083,
804,
329,
334,
80,
2482,
287,
477,
29196,
287,
2482,
62,
15908,
198,
220,
220,
220,
220,
220,
220,
220,
611,
705,
23814,
6,
287,
479,
86,
22046,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3709,
796,
479,
86,
22046,
17816,
23814,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3709,
796,
28686,
13,
4868,
15908,
7203,
90,
92,
1911,
18982,
7,
43420,
62,
15908,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
329,
2378,
287,
3709,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
28686,
13,
6978,
13,
9409,
343,
7,
418,
13,
6978,
13,
22179,
7,
43420,
62,
15908,
11,
2378,
8,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
7,
418,
13,
6978,
13,
22179,
7,
43420,
62,
15908,
11,
2378,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8198,
13,
33295,
7,
39873,
62,
33407,
62,
8818,
7,
418,
13,
6978,
13,
22179,
7,
43420,
62,
15908,
11,
2378,
828,
12429,
46265,
22046,
4008,
198,
220,
220,
220,
220,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
4798,
7203,
1416,
2850,
25,
1600,
8198,
8,
198,
220,
220,
220,
220,
220,
220,
220,
46500,
62,
8818,
7,
1416,
2850,
11,
12429,
46265,
22046,
8
] | 3.179406 | 942 |
""" common helper module
"""
def elimate_whitespace_around(source):
""" return contents surrounded by whitespaces.
whitespace :: space | tab
"""
if not source:
return source
start, length = 0, len(source)
end, whitespace = length - 1, ' \t'
while start < length:
if source[start] not in whitespace:
break
start += 1
while end >= 0:
if source[end] not in whitespace:
break
end -= 1
return source[start:end + 1]
def elimate_leading_whitespace(source, target=None):
""" return the count of whitespaces before the first target
if it is not the mode: <whitespace>*_target_, return 0
"""
if not source:
return 0
i, length = 0, len(source)
while i < length:
if source[i] not in ' \t':
if (target and source[i] == target) or target is None:
return i
return 0
i += 1
return 0
def split_first_whitespace(source):
""" split source by first <whitespace>*
"""
if not source:
return [source]
i, length = 0, len(source)
while i < length:
if source[i] in ' \t':
temp = i
i += 1
while i < length and source[i] in ' \t':
i += 1
return [source[:temp], source[i:]]
i += 1
return [source]
def forward_until(source, start, symbol):
""" forward util a symbol
"""
count = len(symbol)
length = len(source) + 1 - count
result = []
while start < length and source[start:start + count] != symbol:
if source[start] == '\\':
if start + 1 < length:
result.append(source[start + 1])
start += 2
continue
result.append(source[start])
start += 1
return (start, ''.join(result))
| [
37811,
2219,
31904,
8265,
198,
37811,
198,
198,
4299,
1288,
1920,
62,
1929,
2737,
10223,
62,
14145,
7,
10459,
2599,
198,
220,
220,
220,
37227,
1441,
10154,
11191,
416,
13216,
43076,
13,
198,
220,
220,
220,
13216,
10223,
7904,
2272,
930,
7400,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
611,
407,
2723,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
2723,
198,
220,
220,
220,
923,
11,
4129,
796,
657,
11,
18896,
7,
10459,
8,
198,
220,
220,
220,
886,
11,
13216,
10223,
796,
4129,
532,
352,
11,
705,
3467,
83,
6,
198,
220,
220,
220,
981,
923,
1279,
4129,
25,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2723,
58,
9688,
60,
407,
287,
13216,
10223,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2270,
198,
220,
220,
220,
220,
220,
220,
220,
923,
15853,
352,
198,
220,
220,
220,
981,
886,
18189,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2723,
58,
437,
60,
407,
287,
13216,
10223,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2270,
198,
220,
220,
220,
220,
220,
220,
220,
886,
48185,
352,
198,
220,
220,
220,
1441,
2723,
58,
9688,
25,
437,
1343,
352,
60,
628,
198,
4299,
1288,
1920,
62,
12294,
62,
1929,
2737,
10223,
7,
10459,
11,
2496,
28,
14202,
2599,
198,
220,
220,
220,
37227,
1441,
262,
954,
286,
13216,
43076,
878,
262,
717,
2496,
198,
220,
220,
220,
611,
340,
318,
407,
262,
4235,
25,
1279,
1929,
2737,
10223,
29,
9,
62,
16793,
62,
11,
1441,
657,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
611,
407,
2723,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
657,
198,
220,
220,
220,
1312,
11,
4129,
796,
657,
11,
18896,
7,
10459,
8,
198,
220,
220,
220,
981,
1312,
1279,
4129,
25,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2723,
58,
72,
60,
407,
287,
705,
3467,
83,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
357,
16793,
290,
2723,
58,
72,
60,
6624,
2496,
8,
393,
2496,
318,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
1312,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
657,
198,
220,
220,
220,
220,
220,
220,
220,
1312,
15853,
352,
198,
220,
220,
220,
1441,
657,
628,
198,
4299,
6626,
62,
11085,
62,
1929,
2737,
10223,
7,
10459,
2599,
198,
220,
220,
220,
37227,
6626,
2723,
416,
717,
1279,
1929,
2737,
10223,
29,
9,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
611,
407,
2723,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1441,
685,
10459,
60,
198,
220,
220,
220,
1312,
11,
4129,
796,
657,
11,
18896,
7,
10459,
8,
198,
220,
220,
220,
981,
1312,
1279,
4129,
25,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2723,
58,
72,
60,
287,
705,
3467,
83,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
20218,
796,
1312,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1312,
15853,
352,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
981,
1312,
1279,
4129,
290,
2723,
58,
72,
60,
287,
705,
3467,
83,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1312,
15853,
352,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
685,
10459,
58,
25,
29510,
4357,
2723,
58,
72,
25,
11907,
198,
220,
220,
220,
220,
220,
220,
220,
1312,
15853,
352,
198,
220,
220,
220,
1441,
685,
10459,
60,
628,
198,
4299,
2651,
62,
28446,
7,
10459,
11,
923,
11,
6194,
2599,
198,
220,
220,
220,
37227,
2651,
7736,
257,
6194,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
954,
796,
18896,
7,
1837,
23650,
8,
198,
220,
220,
220,
4129,
796,
18896,
7,
10459,
8,
1343,
352,
532,
954,
198,
220,
220,
220,
1255,
796,
17635,
198,
220,
220,
220,
981,
923,
1279,
4129,
290,
2723,
58,
9688,
25,
9688,
1343,
954,
60,
14512,
6194,
25,
198,
220,
220,
220,
220,
220,
220,
220,
611,
2723,
58,
9688,
60,
6624,
705,
6852,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
923,
1343,
352,
1279,
4129,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1255,
13,
33295,
7,
10459,
58,
9688,
1343,
352,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
923,
15853,
362,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2555,
198,
220,
220,
220,
220,
220,
220,
220,
1255,
13,
33295,
7,
10459,
58,
9688,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
923,
15853,
352,
198,
220,
220,
220,
1441,
357,
9688,
11,
705,
4458,
22179,
7,
20274,
4008,
198
] | 2.233173 | 832 |
#!/usr/bin/env python3
import time, requests, hashlib, os, json, sys, subprocess, traceback
from datetime import datetime
from ruamel import yaml
with open('/etc/differ/config.yaml') as f:
config = yaml.safe_load(f)
INTERVAL_SECONDS = 60*20 # check all diffs every 20 minutes
DIFF_OBJS = config['diff-objs']
DATA_DIR = os.environ.get('DATA_DIR', '/tmp/differ-data')
while True:
for obj in DIFF_OBJS:
date = datetime.now().strftime('%Y-%m-%d-%H%M')
data_dir = DATA_DIR + '/' + obj['id'] + '/'
os.makedirs(data_dir + 'history', exist_ok=True)
os.makedirs(data_dir + 'hashes', exist_ok=True)
try:
content = requests.get(obj['url']).content
hash = hashlib.sha512(content).hexdigest()
last_hash = None
fn = data_dir + 'last_update.json'
if os.path.exists(fn):
with open(fn) as f:
last_hash = json.load(f)['hash']
if not last_hash or last_hash != hash:
print(date + ' updated: ' + obj['id'])
data = {'hash': hash, 'date': date}
with open(fn, 'w') as f:
json.dump(data, f)
with open(data_dir + 'history/' + date + '.hash', 'w') as f:
f.write(hash)
fn = data_dir + 'hashes/' + hash
if not os.path.exists(fn):
with open(fn, 'wb') as f:
f.write(content)
diff_fn = data_dir + 'last_update.diff'
if os.path.exists(diff_fn):
os.unlink(diff_fn)
if last_hash:
last_fn = data_dir + 'hashes/' + last_hash
if os.path.exists(last_fn):
subprocess.call('diff %s %s > %s' % (last_fn, fn, diff_fn), shell=True)
except Exception:
exc = traceback.format_exc()
print(exc)
error_fn = data_dir + 'last_error.json'
with open(error_fn, 'w') as f:
json.dump({'exc': exc, 'date': date}, f)
print('.')
sys.stdout.flush()
time.sleep(INTERVAL_SECONDS)
| [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
18,
198,
11748,
640,
11,
7007,
11,
12234,
8019,
11,
28686,
11,
33918,
11,
25064,
11,
850,
14681,
11,
12854,
1891,
198,
6738,
4818,
8079,
1330,
4818,
8079,
198,
6738,
7422,
17983,
1330,
331,
43695,
198,
198,
4480,
1280,
10786,
14,
14784,
14,
26069,
263,
14,
11250,
13,
88,
43695,
11537,
355,
277,
25,
198,
220,
220,
220,
4566,
796,
331,
43695,
13,
21230,
62,
2220,
7,
69,
8,
198,
198,
41358,
23428,
62,
23683,
1340,
5258,
796,
3126,
9,
1238,
220,
1303,
2198,
477,
814,
82,
790,
1160,
2431,
198,
35,
29267,
62,
9864,
20120,
796,
4566,
17816,
26069,
12,
672,
8457,
20520,
198,
26947,
62,
34720,
796,
28686,
13,
268,
2268,
13,
1136,
10786,
26947,
62,
34720,
3256,
31051,
22065,
14,
26069,
263,
12,
7890,
11537,
198,
198,
4514,
6407,
25,
198,
220,
220,
220,
329,
26181,
287,
360,
29267,
62,
9864,
20120,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3128,
796,
4818,
8079,
13,
2197,
22446,
2536,
31387,
10786,
4,
56,
12,
4,
76,
12,
4,
67,
12,
4,
39,
4,
44,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
1366,
62,
15908,
796,
42865,
62,
34720,
1343,
31051,
6,
1343,
26181,
17816,
312,
20520,
1343,
31051,
6,
198,
220,
220,
220,
220,
220,
220,
220,
28686,
13,
76,
4335,
17062,
7,
7890,
62,
15908,
1343,
705,
23569,
3256,
2152,
62,
482,
28,
17821,
8,
198,
220,
220,
220,
220,
220,
220,
220,
28686,
13,
76,
4335,
17062,
7,
7890,
62,
15908,
1343,
705,
71,
7465,
3256,
2152,
62,
482,
28,
17821,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2695,
796,
7007,
13,
1136,
7,
26801,
17816,
6371,
20520,
737,
11299,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
12234,
796,
12234,
8019,
13,
26270,
25836,
7,
11299,
737,
33095,
12894,
395,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
938,
62,
17831,
796,
6045,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
24714,
796,
1366,
62,
15908,
1343,
705,
12957,
62,
19119,
13,
17752,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
28686,
13,
6978,
13,
1069,
1023,
7,
22184,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
351,
1280,
7,
22184,
8,
355,
277,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
938,
62,
17831,
796,
33918,
13,
2220,
7,
69,
8,
17816,
17831,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
407,
938,
62,
17831,
393,
938,
62,
17831,
14512,
12234,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
7,
4475,
1343,
705,
6153,
25,
705,
1343,
26181,
17816,
312,
6,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1366,
796,
1391,
6,
17831,
10354,
12234,
11,
705,
4475,
10354,
3128,
92,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
351,
1280,
7,
22184,
11,
705,
86,
11537,
355,
277,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
33918,
13,
39455,
7,
7890,
11,
277,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
351,
1280,
7,
7890,
62,
15908,
1343,
705,
23569,
14,
6,
1343,
3128,
1343,
45302,
17831,
3256,
705,
86,
11537,
355,
277,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
277,
13,
13564,
7,
17831,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
24714,
796,
1366,
62,
15908,
1343,
705,
71,
7465,
14,
6,
1343,
12234,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
407,
28686,
13,
6978,
13,
1069,
1023,
7,
22184,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
351,
1280,
7,
22184,
11,
705,
39346,
11537,
355,
277,
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,
277,
13,
13564,
7,
11299,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
814,
62,
22184,
796,
1366,
62,
15908,
1343,
705,
12957,
62,
19119,
13,
26069,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
28686,
13,
6978,
13,
1069,
1023,
7,
26069,
62,
22184,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
28686,
13,
403,
8726,
7,
26069,
62,
22184,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
938,
62,
17831,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
938,
62,
22184,
796,
1366,
62,
15908,
1343,
705,
71,
7465,
14,
6,
1343,
938,
62,
17831,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
28686,
13,
6978,
13,
1069,
1023,
7,
12957,
62,
22184,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
850,
14681,
13,
13345,
10786,
26069,
4064,
82,
4064,
82,
1875,
4064,
82,
6,
4064,
357,
12957,
62,
22184,
11,
24714,
11,
814,
62,
22184,
828,
7582,
28,
17821,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2845,
35528,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2859,
796,
12854,
1891,
13,
18982,
62,
41194,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
7,
41194,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4049,
62,
22184,
796,
1366,
62,
15908,
1343,
705,
12957,
62,
18224,
13,
17752,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
351,
1280,
7,
18224,
62,
22184,
11,
705,
86,
11537,
355,
277,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
33918,
13,
39455,
15090,
6,
41194,
10354,
2859,
11,
705,
4475,
10354,
3128,
5512,
277,
8,
198,
220,
220,
220,
3601,
10786,
2637,
8,
198,
220,
220,
220,
25064,
13,
19282,
448,
13,
25925,
3419,
198,
220,
220,
220,
640,
13,
42832,
7,
41358,
23428,
62,
23683,
1340,
5258,
8,
198
] | 1.862039 | 1,167 |
#!/usr/bin/env python3
# Copyright (c) Facebook, Inc. and its affiliates.
# This source code is licensed under the MIT license found in the
# LICENSE file in the root directory of this source tree.
import random
from mephisto.operations.operator import Operator
from mephisto.tools.scripts import load_db_and_process_config
from omegaconf import DictConfig, OmegaConf
from parlai.crowdsourcing.utils.frontend import build_task
from parlai.crowdsourcing.utils.mturk import soft_block_mturk_workers
def run_static_task(cfg: DictConfig, task_directory: str):
"""
Run static task, given configuration.
"""
db, cfg = load_db_and_process_config(cfg)
print(f'\nHydra config:\n{OmegaConf.to_yaml(cfg)}')
random.seed(42)
task_name = cfg.mephisto.task.get('task_name', 'turn_annotations_static')
soft_block_qual_name = cfg.mephisto.blueprint.get(
'block_qualification', f'{task_name}_block'
)
# Default to a task-specific name to avoid soft-block collisions
soft_block_mturk_workers(cfg=cfg, db=db, soft_block_qual_name=soft_block_qual_name)
build_task(task_directory)
operator = Operator(db)
operator.validate_and_run_config(run_config=cfg.mephisto, shared_state=None)
operator.wait_for_runs_then_shutdown(
skip_input=True, log_rate=cfg.monitoring_log_rate
)
| [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
18,
201,
198,
201,
198,
2,
15069,
357,
66,
8,
3203,
11,
3457,
13,
290,
663,
29116,
13,
201,
198,
2,
770,
2723,
2438,
318,
11971,
739,
262,
17168,
5964,
1043,
287,
262,
201,
198,
2,
38559,
24290,
2393,
287,
262,
6808,
8619,
286,
428,
2723,
5509,
13,
201,
198,
201,
198,
11748,
4738,
201,
198,
201,
198,
6738,
502,
746,
396,
78,
13,
3575,
602,
13,
46616,
1330,
35946,
201,
198,
6738,
502,
746,
396,
78,
13,
31391,
13,
46521,
1330,
3440,
62,
9945,
62,
392,
62,
14681,
62,
11250,
201,
198,
6738,
267,
28917,
7807,
69,
1330,
360,
713,
16934,
11,
19839,
18546,
201,
198,
201,
198,
6738,
1582,
75,
1872,
13,
66,
3986,
82,
29985,
13,
26791,
13,
8534,
437,
1330,
1382,
62,
35943,
201,
198,
6738,
1582,
75,
1872,
13,
66,
3986,
82,
29985,
13,
26791,
13,
16762,
333,
74,
1330,
2705,
62,
9967,
62,
16762,
333,
74,
62,
22896,
201,
198,
201,
198,
201,
198,
4299,
1057,
62,
12708,
62,
35943,
7,
37581,
25,
360,
713,
16934,
11,
4876,
62,
34945,
25,
965,
2599,
201,
198,
220,
220,
220,
37227,
201,
198,
220,
220,
220,
5660,
9037,
4876,
11,
1813,
8398,
13,
201,
198,
220,
220,
220,
37227,
201,
198,
201,
198,
220,
220,
220,
20613,
11,
30218,
70,
796,
3440,
62,
9945,
62,
392,
62,
14681,
62,
11250,
7,
37581,
8,
201,
198,
220,
220,
220,
3601,
7,
69,
6,
59,
77,
40436,
430,
4566,
7479,
77,
90,
46,
13731,
18546,
13,
1462,
62,
88,
43695,
7,
37581,
38165,
11537,
201,
198,
201,
198,
220,
220,
220,
4738,
13,
28826,
7,
3682,
8,
201,
198,
201,
198,
220,
220,
220,
4876,
62,
3672,
796,
30218,
70,
13,
76,
538,
10034,
78,
13,
35943,
13,
1136,
10786,
35943,
62,
3672,
3256,
705,
15344,
62,
34574,
602,
62,
12708,
11537,
201,
198,
220,
220,
220,
2705,
62,
9967,
62,
13255,
62,
3672,
796,
30218,
70,
13,
76,
538,
10034,
78,
13,
17585,
4798,
13,
1136,
7,
201,
198,
220,
220,
220,
220,
220,
220,
220,
705,
9967,
62,
13255,
2649,
3256,
277,
6,
90,
35943,
62,
3672,
92,
62,
9967,
6,
201,
198,
220,
220,
220,
1267,
201,
198,
220,
220,
220,
1303,
15161,
284,
257,
4876,
12,
11423,
1438,
284,
3368,
2705,
12,
9967,
31998,
201,
198,
220,
220,
220,
2705,
62,
9967,
62,
16762,
333,
74,
62,
22896,
7,
37581,
28,
37581,
11,
20613,
28,
9945,
11,
2705,
62,
9967,
62,
13255,
62,
3672,
28,
4215,
62,
9967,
62,
13255,
62,
3672,
8,
201,
198,
201,
198,
220,
220,
220,
1382,
62,
35943,
7,
35943,
62,
34945,
8,
201,
198,
201,
198,
220,
220,
220,
10088,
796,
35946,
7,
9945,
8,
201,
198,
220,
220,
220,
10088,
13,
12102,
378,
62,
392,
62,
5143,
62,
11250,
7,
5143,
62,
11250,
28,
37581,
13,
76,
538,
10034,
78,
11,
4888,
62,
5219,
28,
14202,
8,
201,
198,
220,
220,
220,
10088,
13,
17077,
62,
1640,
62,
48381,
62,
8524,
62,
49625,
2902,
7,
201,
198,
220,
220,
220,
220,
220,
220,
220,
14267,
62,
15414,
28,
17821,
11,
2604,
62,
4873,
28,
37581,
13,
41143,
278,
62,
6404,
62,
4873,
201,
198,
220,
220,
220,
1267,
201,
198
] | 2.55268 | 541 |
from django.test import TestCase
from app.calc import add, subtract | [
6738,
42625,
14208,
13,
9288,
1330,
6208,
20448,
198,
6738,
598,
13,
9948,
66,
1330,
751,
11,
34128
] | 3.722222 | 18 |
import re
import os
import argparse
import sys
import pprint
if __name__ == "__main__":
parser = argparse.ArgumentParser()
parser.add_argument("talysdirectory")
parser.add_argument("bruslib")
args = parser.parse_args()
# Regex to extract mass+symbol of element
pattern = re.compile("(\d{1,3}[a-zA-Z]{1,3})")
# Make the paths absolute (technical detail)
talys_directory = os.path.abspath(args.talysdirectory)
bruslib_directory = os.path.abspath(args.bruslib)
# Get the data
resdata = load_results(talys_directory)
brusdata = load_bruslib(bruslib_directory)
# resdata and brusdata are dicts of the form
# {MassElement:[Temperature,ReactionRate]}
# for example:
# {151Sm:[[0,0.1],[0.1,2.1E-8]...], 152S:[...]}
# For illustration:
compare(brusdata, resdata)
| [
11748,
302,
198,
11748,
28686,
198,
11748,
1822,
29572,
198,
11748,
25064,
198,
11748,
279,
4798,
628,
628,
198,
361,
11593,
3672,
834,
6624,
366,
834,
12417,
834,
1298,
198,
220,
220,
220,
30751,
796,
1822,
29572,
13,
28100,
1713,
46677,
3419,
198,
220,
220,
220,
30751,
13,
2860,
62,
49140,
7203,
83,
26266,
34945,
4943,
198,
220,
220,
220,
30751,
13,
2860,
62,
49140,
7203,
1671,
385,
8019,
4943,
198,
220,
220,
220,
26498,
796,
30751,
13,
29572,
62,
22046,
3419,
198,
220,
220,
220,
1303,
797,
25636,
284,
7925,
2347,
10,
1837,
23650,
286,
5002,
198,
220,
220,
220,
3912,
796,
302,
13,
5589,
576,
7203,
38016,
67,
90,
16,
11,
18,
92,
58,
64,
12,
89,
32,
12,
57,
60,
90,
16,
11,
18,
30072,
4943,
198,
220,
220,
220,
1303,
6889,
262,
13532,
4112,
357,
47944,
3703,
8,
198,
220,
220,
220,
3305,
893,
62,
34945,
220,
796,
28686,
13,
6978,
13,
397,
2777,
776,
7,
22046,
13,
83,
26266,
34945,
8,
198,
220,
220,
220,
865,
385,
8019,
62,
34945,
796,
28686,
13,
6978,
13,
397,
2777,
776,
7,
22046,
13,
1671,
385,
8019,
8,
198,
220,
220,
220,
1303,
3497,
262,
1366,
198,
220,
220,
220,
581,
7890,
220,
796,
3440,
62,
43420,
7,
83,
26266,
62,
34945,
8,
198,
220,
220,
220,
865,
385,
7890,
796,
3440,
62,
1671,
385,
8019,
7,
1671,
385,
8019,
62,
34945,
8,
198,
220,
220,
220,
1303,
581,
7890,
290,
865,
385,
7890,
389,
8633,
82,
286,
262,
1296,
198,
220,
220,
220,
1303,
1391,
20273,
20180,
33250,
42492,
11,
3041,
2673,
32184,
48999,
198,
220,
220,
220,
1303,
329,
1672,
25,
198,
220,
220,
220,
1303,
1391,
24309,
7556,
25,
30109,
15,
11,
15,
13,
16,
38430,
15,
13,
16,
11,
17,
13,
16,
36,
12,
23,
60,
986,
4357,
24848,
50,
33250,
22345,
92,
628,
220,
220,
220,
1303,
1114,
20936,
25,
198,
220,
220,
220,
8996,
7,
1671,
385,
7890,
11,
581,
7890,
8,
198
] | 2.516616 | 331 |
#!/usr/bin/env python3
import json
import os
from hdwallet import HDWallet
# Test Values
base_path: str = os.path.dirname(__file__)
file_path: str = os.path.abspath(os.path.join(base_path, "values.json"))
values = open(file_path, "r", encoding="utf-8")
_: dict = json.loads(values.read())
values.close()
| [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
18,
198,
198,
11748,
33918,
198,
11748,
28686,
198,
198,
6738,
289,
67,
44623,
1330,
5572,
47152,
198,
198,
2,
6208,
27068,
198,
8692,
62,
6978,
25,
965,
796,
28686,
13,
6978,
13,
15908,
3672,
7,
834,
7753,
834,
8,
198,
7753,
62,
6978,
25,
965,
796,
28686,
13,
6978,
13,
397,
2777,
776,
7,
418,
13,
6978,
13,
22179,
7,
8692,
62,
6978,
11,
366,
27160,
13,
17752,
48774,
198,
27160,
796,
1280,
7,
7753,
62,
6978,
11,
366,
81,
1600,
21004,
2625,
40477,
12,
23,
4943,
198,
62,
25,
8633,
796,
33918,
13,
46030,
7,
27160,
13,
961,
28955,
198,
27160,
13,
19836,
3419,
628
] | 2.678261 | 115 |
import numpy as np
import numpy.random as npr
from scipy import optimize
import matplotlib as mpl
import matplotlib.pyplot as plt
import pypmc
from mnist import MNIST
from sklearn.decomposition import PCA
import sys
sys.path.append('..')
import flymc as ff
# Set hyperparameters
stepsize = 0.001 # size of Metropolis-Hastings step in theta
th0 = 0.20 # scale of weights
N_steps = 3000
N_ess = 2000
# Cosmetic settings
mpl.rcParams['axes.linewidth'] = 3
mpl.rcParams['lines.linewidth'] = 7
mpl.rcParams['toolbar'] = "None"
mpl.rcParams['figure.facecolor'] = "1"
if __name__ == "__main__":
main()
| [
11748,
299,
32152,
355,
45941,
198,
11748,
299,
32152,
13,
25120,
355,
299,
1050,
198,
6738,
629,
541,
88,
1330,
27183,
198,
11748,
2603,
29487,
8019,
355,
285,
489,
198,
11748,
2603,
29487,
8019,
13,
9078,
29487,
355,
458,
83,
198,
11748,
12972,
4426,
66,
198,
6738,
285,
77,
396,
1330,
29060,
8808,
198,
6738,
1341,
35720,
13,
12501,
296,
9150,
1330,
4217,
32,
628,
198,
11748,
25064,
198,
17597,
13,
6978,
13,
33295,
10786,
492,
11537,
198,
11748,
6129,
23209,
355,
31246,
198,
198,
2,
5345,
8718,
17143,
7307,
198,
9662,
7857,
796,
657,
13,
8298,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
2546,
286,
3395,
25986,
12,
39,
459,
654,
2239,
287,
262,
8326,
198,
400,
15,
796,
657,
13,
1238,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
5046,
286,
19590,
198,
198,
45,
62,
20214,
796,
20343,
198,
45,
62,
408,
796,
4751,
198,
198,
2,
46161,
6460,
198,
76,
489,
13,
6015,
10044,
4105,
17816,
897,
274,
13,
2815,
413,
5649,
20520,
796,
513,
198,
76,
489,
13,
6015,
10044,
4105,
17816,
6615,
13,
2815,
413,
5649,
20520,
796,
767,
198,
76,
489,
13,
6015,
10044,
4105,
17816,
25981,
5657,
20520,
796,
366,
14202,
1,
198,
76,
489,
13,
6015,
10044,
4105,
17816,
26875,
13,
2550,
8043,
20520,
796,
366,
16,
1,
198,
198,
361,
11593,
3672,
834,
6624,
366,
834,
12417,
834,
1298,
198,
220,
220,
220,
1388,
3419,
198
] | 2.552846 | 246 |
x = 10
y = 5
print("x = " + str(x)) # + is concatination and not addition, will be explained later
print("y = " + str(y))
# equal
print("x == y = " + str(x == y))
# not equal
print("x != y = " + str(x != y))
# greater than
print("x > y = " + str(x > y))
# greater than or equal
print("x >= y = " + str(x >= y))
# less than
print("x < y = " + str(x < y))
# less than or equal
print("x <= y = " + str(x <= y)) | [
87,
796,
838,
198,
88,
796,
642,
198,
198,
4798,
7203,
87,
796,
366,
1343,
965,
7,
87,
4008,
220,
1303,
1343,
318,
1673,
265,
1883,
290,
407,
3090,
11,
481,
307,
4893,
1568,
198,
4798,
7203,
88,
796,
366,
1343,
965,
7,
88,
4008,
628,
198,
2,
4961,
198,
4798,
7203,
87,
6624,
331,
796,
366,
1343,
965,
7,
87,
6624,
331,
4008,
198,
198,
2,
407,
4961,
198,
4798,
7203,
87,
14512,
331,
796,
366,
1343,
965,
7,
87,
14512,
331,
4008,
198,
198,
2,
3744,
621,
198,
4798,
7203,
87,
1875,
331,
796,
366,
1343,
965,
7,
87,
1875,
331,
4008,
198,
198,
2,
3744,
621,
393,
4961,
198,
4798,
7203,
87,
18189,
331,
796,
366,
1343,
965,
7,
87,
18189,
331,
4008,
198,
198,
2,
1342,
621,
198,
4798,
7203,
87,
1279,
331,
796,
366,
1343,
965,
7,
87,
1279,
331,
4008,
198,
198,
2,
1342,
621,
393,
4961,
198,
4798,
7203,
87,
19841,
331,
796,
366,
1343,
965,
7,
87,
19841,
331,
4008
] | 2.47619 | 168 |
import pytest
import sys, os
myPath = os.path.dirname(os.path.abspath(__file__))
sys.path.insert(0, myPath + '/../')
from traintorch import *
import numpy as np
import pandas as pd
| [
11748,
12972,
9288,
198,
11748,
25064,
11,
28686,
198,
1820,
15235,
796,
28686,
13,
6978,
13,
15908,
3672,
7,
418,
13,
6978,
13,
397,
2777,
776,
7,
834,
7753,
834,
4008,
198,
17597,
13,
6978,
13,
28463,
7,
15,
11,
616,
15235,
1343,
31051,
40720,
11537,
198,
198,
6738,
491,
2913,
273,
354,
1330,
1635,
198,
11748,
299,
32152,
355,
45941,
198,
11748,
19798,
292,
355,
279,
67,
198
] | 2.637681 | 69 |
from fractions import Fraction
from toolkit import *
def bezout(a, b):
"""
:return s and t st. sa + tb = (a,b)
"""
s, t, sn, tn, r = 1, 0, 0, 1, 1
while r != 0:
q, r = divmod(a, b)
st, tt = sn * (-q) + s, tn * (-q) + t
s, t = sn, tn
sn, tn = st, tt
a, b = b, r
return s, t
for i in range(10):
x, y = randint(1), randint(1)
# print(x, y)
if continued_fraction_bezout(x, y) == bezout(x, y):
print('yes')
| [
6738,
49876,
1330,
376,
7861,
198,
6738,
2891,
15813,
1330,
1635,
628,
198,
4299,
307,
89,
448,
7,
64,
11,
275,
2599,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
1058,
7783,
264,
290,
256,
336,
13,
473,
1343,
256,
65,
796,
357,
64,
11,
65,
8,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
264,
11,
256,
11,
3013,
11,
256,
77,
11,
374,
796,
352,
11,
657,
11,
657,
11,
352,
11,
352,
198,
220,
220,
220,
981,
374,
14512,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
10662,
11,
374,
796,
2659,
4666,
7,
64,
11,
275,
8,
198,
220,
220,
220,
220,
220,
220,
220,
336,
11,
256,
83,
796,
3013,
1635,
13841,
80,
8,
1343,
264,
11,
256,
77,
1635,
13841,
80,
8,
1343,
256,
198,
220,
220,
220,
220,
220,
220,
220,
264,
11,
256,
796,
3013,
11,
256,
77,
198,
220,
220,
220,
220,
220,
220,
220,
3013,
11,
256,
77,
796,
336,
11,
256,
83,
198,
220,
220,
220,
220,
220,
220,
220,
257,
11,
275,
796,
275,
11,
374,
198,
220,
220,
220,
1441,
264,
11,
256,
628,
198,
198,
1640,
1312,
287,
2837,
7,
940,
2599,
198,
220,
220,
220,
2124,
11,
331,
796,
43720,
600,
7,
16,
828,
43720,
600,
7,
16,
8,
198,
220,
220,
220,
1303,
3601,
7,
87,
11,
331,
8,
198,
220,
220,
220,
611,
3767,
62,
69,
7861,
62,
1350,
89,
448,
7,
87,
11,
331,
8,
6624,
307,
89,
448,
7,
87,
11,
331,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
10786,
8505,
11537,
198
] | 1.825279 | 269 |
__version__ = '0.36.0.dev2370'
| [
834,
9641,
834,
796,
705,
15,
13,
2623,
13,
15,
13,
7959,
1954,
2154,
6,
198
] | 1.9375 | 16 |
from django.conf.urls.defaults import *
from django.contrib import admin
from tiger.views import course_request_create, course_request_update
from tiger.views import course_list, course_detail
from tiger.views import *
from tiger.models import *
#admin.autodiscover()
urlpatterns = patterns('',
# Courses
url(r'courses/$',
course_list,
name='course_list'),
# Course Requests
url(r'courses/(?P<slug>[\w-]+)/$',
course_request_create,
name='course_request_create'),
url(r'requests/$',
course_request_list,
name='course_request_list'),
url('requests/(?P<id>[\w-]+)/$',
course_request_detail,
name='course_request_detail'),
url(r'requests/create/$',
course_request_create,
name='course_request_create_blank'),
url(r'requests/(?P<id>[\w-]+)/update/$',
course_request_update,
name='course_request_update'),
url(r'requests/(?P<id>[\w-]+)/cancel/$',
course_request_cancel,
name='course_request_cancel'),
)
| [
6738,
42625,
14208,
13,
10414,
13,
6371,
82,
13,
12286,
82,
1330,
1635,
198,
6738,
42625,
14208,
13,
3642,
822,
1330,
13169,
198,
198,
6738,
26241,
13,
33571,
1330,
1781,
62,
25927,
62,
17953,
11,
1781,
62,
25927,
62,
19119,
198,
6738,
26241,
13,
33571,
1330,
1781,
62,
4868,
11,
1781,
62,
49170,
198,
6738,
26241,
13,
33571,
1330,
1635,
198,
6738,
26241,
13,
27530,
1330,
1635,
198,
198,
2,
28482,
13,
2306,
375,
29392,
3419,
198,
198,
6371,
33279,
82,
796,
7572,
10786,
3256,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
2734,
8448,
198,
220,
220,
220,
220,
220,
220,
220,
19016,
7,
81,
6,
66,
39975,
32624,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1781,
62,
4868,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1438,
11639,
17319,
62,
4868,
33809,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
20537,
9394,
3558,
198,
220,
220,
220,
220,
220,
220,
220,
19016,
7,
81,
6,
66,
39975,
29006,
30,
47,
27,
6649,
1018,
36937,
59,
86,
12,
48688,
20679,
3,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1781,
62,
25927,
62,
17953,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1438,
11639,
17319,
62,
25927,
62,
17953,
33809,
198,
220,
220,
220,
220,
220,
220,
220,
19016,
7,
81,
821,
421,
3558,
32624,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1781,
62,
25927,
62,
4868,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1438,
11639,
17319,
62,
25927,
62,
4868,
33809,
198,
220,
220,
220,
220,
220,
220,
220,
19016,
10786,
8897,
3558,
29006,
30,
47,
27,
312,
36937,
59,
86,
12,
48688,
20679,
3,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1781,
62,
25927,
62,
49170,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1438,
11639,
17319,
62,
25927,
62,
49170,
33809,
198,
220,
220,
220,
220,
220,
220,
220,
19016,
7,
81,
821,
421,
3558,
14,
17953,
32624,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1781,
62,
25927,
62,
17953,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1438,
11639,
17319,
62,
25927,
62,
17953,
62,
27190,
33809,
198,
220,
220,
220,
220,
220,
220,
220,
19016,
7,
81,
821,
421,
3558,
29006,
30,
47,
27,
312,
36937,
59,
86,
12,
48688,
20679,
19119,
32624,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1781,
62,
25927,
62,
19119,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1438,
11639,
17319,
62,
25927,
62,
19119,
33809,
198,
220,
220,
220,
220,
220,
220,
220,
19016,
7,
81,
821,
421,
3558,
29006,
30,
47,
27,
312,
36937,
59,
86,
12,
48688,
20679,
66,
21130,
32624,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1781,
62,
25927,
62,
66,
21130,
11,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1438,
11639,
17319,
62,
25927,
62,
66,
21130,
33809,
198,
198,
8,
628,
198
] | 2.12616 | 539 |
import base64
import json
import re
import os
import numpy as np
import tensorflow as tf
from flask import Flask, render_template, request
from scipy.misc import imread, imresize
app = Flask(__name__)
global model
# load model
with open('model/model_in_json.json', 'r') as f:
model_json = json.load(f)
model = tf.keras.models.model_from_json(model_json)
model.load_weights("model/model.h5")
@app.route('/')
@app.route('/predict/', methods=['GET', 'POST'])
if __name__ == '__main__':
app.debug = True
port = int(os.environ.get("PORT", 5000))
app.run(host='0.0.0.0', port=port)
| [
11748,
2779,
2414,
198,
11748,
33918,
198,
11748,
302,
198,
11748,
28686,
198,
11748,
299,
32152,
355,
45941,
198,
11748,
11192,
273,
11125,
355,
48700,
198,
6738,
42903,
1330,
46947,
11,
8543,
62,
28243,
11,
2581,
198,
6738,
629,
541,
88,
13,
44374,
1330,
545,
961,
11,
545,
411,
1096,
198,
198,
1324,
796,
46947,
7,
834,
3672,
834,
8,
198,
198,
20541,
2746,
198,
2,
3440,
2746,
198,
4480,
1280,
10786,
19849,
14,
19849,
62,
259,
62,
17752,
13,
17752,
3256,
705,
81,
11537,
355,
277,
25,
198,
220,
220,
220,
2746,
62,
17752,
796,
33918,
13,
2220,
7,
69,
8,
198,
19849,
796,
48700,
13,
6122,
292,
13,
27530,
13,
19849,
62,
6738,
62,
17752,
7,
19849,
62,
17752,
8,
198,
19849,
13,
2220,
62,
43775,
7203,
19849,
14,
19849,
13,
71,
20,
4943,
628,
198,
31,
1324,
13,
38629,
10786,
14,
11537,
628,
198,
31,
1324,
13,
38629,
10786,
14,
79,
17407,
14,
3256,
5050,
28,
17816,
18851,
3256,
705,
32782,
6,
12962,
628,
198,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
198,
220,
220,
220,
598,
13,
24442,
796,
6407,
198,
220,
220,
220,
2493,
796,
493,
7,
418,
13,
268,
2268,
13,
1136,
7203,
15490,
1600,
23336,
4008,
198,
220,
220,
220,
598,
13,
5143,
7,
4774,
11639,
15,
13,
15,
13,
15,
13,
15,
3256,
2493,
28,
634,
8,
198,
220,
198
] | 2.599138 | 232 |
# File: awssystemsmanager_connector.py
#
# Copyright (c) 2019-2022 Splunk Inc.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software distributed under
# the License is distributed on an "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND,
# either express or implied. See the License for the specific language governing permissions
# and limitations under the License.
#
#
# Phantom App imports
import ast
import base64
import json
import os
import sys
import tempfile
import time
from datetime import datetime
import botocore.paginate as bp
import botocore.response as br
import phantom.app as phantom
import phantom.rules as ph_rules
import requests
from boto3 import Session, client
from botocore.config import Config
from bs4 import UnicodeDammit
from phantom.action_result import ActionResult
from phantom.base_connector import BaseConnector
from phantom.vault import Vault
# Usage of the consts file is recommended
from awssystemsmanager_consts import *
if __name__ == '__main__':
import argparse
import pudb
pudb.set_trace()
argparser = argparse.ArgumentParser()
argparser.add_argument('input_test_json', help='Input Test JSON file')
argparser.add_argument('-u', '--username', help='username', required=False)
argparser.add_argument('-p', '--password', help='password', required=False)
argparser.add_argument('-v', '--verify', action='store_true', help='verify', required=False, default=False)
args = argparser.parse_args()
session_id = None
username = args.username
password = args.password
verify = args.verify
if username is not None and password is None:
# User specified a username but not a password, so ask
import getpass
password = getpass.getpass("Password: ")
if username and password:
login_url = BaseConnector._get_phantom_base_url() + "login"
try:
print("Accessing the Login page")
r = requests.get(login_url, verify=verify, timeout=DEFAULT_REQUEST_TIMEOUT)
csrftoken = r.cookies['csrftoken']
data = dict()
data['username'] = username
data['password'] = password
data['csrfmiddlewaretoken'] = csrftoken
headers = dict()
headers['Cookie'] = 'csrftoken=' + csrftoken
headers['Referer'] = login_url
print("Logging into Platform to get the session id")
r2 = requests.post(login_url, verify=verify, data=data, headers=headers, timeout=DEFAULT_REQUEST_TIMEOUT)
session_id = r2.cookies['sessionid']
except Exception as e:
print("Unable to get session id from the platform. Error: {}".format(str(e)))
sys.exit(1)
with open(args.input_test_json) as f:
in_json = f.read()
in_json = json.loads(in_json)
print(json.dumps(in_json, indent=4))
connector = AwsSystemsManagerConnector()
connector.print_progress_message = True
if session_id is not None:
in_json['user_session_token'] = session_id
connector._set_csrf_info(csrftoken, headers['Referer'])
ret_val = connector._handle_action(json.dumps(in_json), None)
print(json.dumps(json.loads(ret_val), indent=4))
sys.exit(0)
| [
2,
9220,
25,
3253,
824,
6781,
82,
37153,
62,
8443,
273,
13,
9078,
198,
2,
198,
2,
15069,
357,
66,
8,
13130,
12,
1238,
1828,
13341,
2954,
3457,
13,
198,
2,
198,
2,
49962,
739,
262,
24843,
13789,
11,
10628,
362,
13,
15,
357,
1169,
366,
34156,
15341,
198,
2,
345,
743,
407,
779,
428,
2393,
2845,
287,
11846,
351,
262,
13789,
13,
198,
2,
921,
743,
7330,
257,
4866,
286,
262,
13789,
379,
198,
2,
198,
2,
220,
220,
220,
220,
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,
9387,
739,
198,
2,
262,
13789,
318,
9387,
319,
281,
366,
1921,
3180,
1,
29809,
1797,
11,
42881,
34764,
11015,
6375,
7102,
49828,
11053,
3963,
15529,
509,
12115,
11,
198,
2,
2035,
4911,
393,
17142,
13,
4091,
262,
13789,
329,
262,
2176,
3303,
15030,
21627,
198,
2,
290,
11247,
739,
262,
13789,
13,
198,
2,
198,
2,
198,
2,
14407,
2034,
17944,
198,
11748,
6468,
198,
11748,
2779,
2414,
198,
11748,
33918,
198,
11748,
28686,
198,
11748,
25064,
198,
11748,
20218,
7753,
198,
11748,
640,
198,
6738,
4818,
8079,
1330,
4818,
8079,
198,
198,
11748,
10214,
420,
382,
13,
79,
363,
4559,
355,
275,
79,
198,
11748,
10214,
420,
382,
13,
26209,
355,
865,
198,
11748,
36381,
13,
1324,
355,
36381,
198,
11748,
36381,
13,
38785,
355,
872,
62,
38785,
198,
11748,
7007,
198,
6738,
275,
2069,
18,
1330,
23575,
11,
5456,
198,
6738,
10214,
420,
382,
13,
11250,
1330,
17056,
198,
6738,
275,
82,
19,
1330,
34371,
14550,
2781,
198,
6738,
36381,
13,
2673,
62,
20274,
1330,
7561,
23004,
198,
6738,
36381,
13,
8692,
62,
8443,
273,
1330,
7308,
34525,
198,
6738,
36381,
13,
85,
1721,
1330,
23450,
198,
198,
2,
29566,
286,
262,
1500,
82,
2393,
318,
7151,
198,
6738,
3253,
824,
6781,
82,
37153,
62,
1102,
6448,
1330,
1635,
628,
628,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
628,
220,
220,
220,
1330,
1822,
29572,
628,
220,
220,
220,
1330,
279,
463,
65,
628,
220,
220,
220,
279,
463,
65,
13,
2617,
62,
40546,
3419,
628,
220,
220,
220,
1822,
48610,
796,
1822,
29572,
13,
28100,
1713,
46677,
3419,
628,
220,
220,
220,
1822,
48610,
13,
2860,
62,
49140,
10786,
15414,
62,
9288,
62,
17752,
3256,
1037,
11639,
20560,
6208,
19449,
2393,
11537,
198,
220,
220,
220,
1822,
48610,
13,
2860,
62,
49140,
10786,
12,
84,
3256,
705,
438,
29460,
3256,
1037,
11639,
29460,
3256,
2672,
28,
25101,
8,
198,
220,
220,
220,
1822,
48610,
13,
2860,
62,
49140,
10786,
12,
79,
3256,
705,
438,
28712,
3256,
1037,
11639,
28712,
3256,
2672,
28,
25101,
8,
198,
220,
220,
220,
1822,
48610,
13,
2860,
62,
49140,
10786,
12,
85,
3256,
705,
438,
332,
1958,
3256,
2223,
11639,
8095,
62,
7942,
3256,
1037,
11639,
332,
1958,
3256,
2672,
28,
25101,
11,
4277,
28,
25101,
8,
628,
220,
220,
220,
26498,
796,
1822,
48610,
13,
29572,
62,
22046,
3419,
198,
220,
220,
220,
6246,
62,
312,
796,
6045,
628,
220,
220,
220,
20579,
796,
26498,
13,
29460,
198,
220,
220,
220,
9206,
796,
26498,
13,
28712,
198,
220,
220,
220,
11767,
796,
26498,
13,
332,
1958,
628,
220,
220,
220,
611,
20579,
318,
407,
6045,
290,
9206,
318,
6045,
25,
628,
220,
220,
220,
220,
220,
220,
220,
1303,
11787,
7368,
257,
20579,
475,
407,
257,
9206,
11,
523,
1265,
198,
220,
220,
220,
220,
220,
220,
220,
1330,
651,
6603,
198,
220,
220,
220,
220,
220,
220,
220,
9206,
796,
651,
6603,
13,
1136,
6603,
7203,
35215,
25,
366,
8,
628,
220,
220,
220,
611,
20579,
290,
9206,
25,
198,
220,
220,
220,
220,
220,
220,
220,
17594,
62,
6371,
796,
7308,
34525,
13557,
1136,
62,
746,
11456,
62,
8692,
62,
6371,
3419,
1343,
366,
38235,
1,
198,
220,
220,
220,
220,
220,
220,
220,
1949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
7203,
15457,
278,
262,
23093,
2443,
4943,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
374,
796,
7007,
13,
1136,
7,
38235,
62,
6371,
11,
11767,
28,
332,
1958,
11,
26827,
28,
7206,
38865,
62,
2200,
35780,
62,
34694,
12425,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
269,
27891,
701,
4233,
796,
374,
13,
27916,
444,
17816,
6359,
81,
701,
4233,
20520,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1366,
796,
8633,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1366,
17816,
29460,
20520,
796,
20579,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1366,
17816,
28712,
20520,
796,
9206,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1366,
17816,
6359,
41871,
27171,
1574,
30001,
20520,
796,
269,
27891,
701,
4233,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
24697,
796,
8633,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
24697,
17816,
34,
18055,
20520,
796,
705,
6359,
81,
701,
4233,
11639,
1343,
269,
27891,
701,
4233,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
24697,
17816,
8134,
11882,
20520,
796,
17594,
62,
6371,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
7203,
11187,
2667,
656,
19193,
284,
651,
262,
6246,
4686,
4943,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
374,
17,
796,
7007,
13,
7353,
7,
38235,
62,
6371,
11,
11767,
28,
332,
1958,
11,
1366,
28,
7890,
11,
24697,
28,
50145,
11,
26827,
28,
7206,
38865,
62,
2200,
35780,
62,
34694,
12425,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
6246,
62,
312,
796,
374,
17,
13,
27916,
444,
17816,
29891,
312,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
2845,
35528,
355,
304,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
7203,
3118,
540,
284,
651,
6246,
4686,
422,
262,
3859,
13,
13047,
25,
23884,
1911,
18982,
7,
2536,
7,
68,
22305,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
25064,
13,
37023,
7,
16,
8,
628,
220,
220,
220,
351,
1280,
7,
22046,
13,
15414,
62,
9288,
62,
17752,
8,
355,
277,
25,
198,
220,
220,
220,
220,
220,
220,
220,
287,
62,
17752,
796,
277,
13,
961,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
287,
62,
17752,
796,
33918,
13,
46030,
7,
259,
62,
17752,
8,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
7,
17752,
13,
67,
8142,
7,
259,
62,
17752,
11,
33793,
28,
19,
4008,
628,
220,
220,
220,
220,
220,
220,
220,
21716,
796,
5851,
82,
11964,
82,
13511,
34525,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
21716,
13,
4798,
62,
33723,
62,
20500,
796,
6407,
628,
220,
220,
220,
220,
220,
220,
220,
611,
6246,
62,
312,
318,
407,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
287,
62,
17752,
17816,
7220,
62,
29891,
62,
30001,
20520,
796,
6246,
62,
312,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
21716,
13557,
2617,
62,
6359,
41871,
62,
10951,
7,
6359,
81,
701,
4233,
11,
24697,
17816,
8134,
11882,
6,
12962,
628,
220,
220,
220,
220,
220,
220,
220,
1005,
62,
2100,
796,
21716,
13557,
28144,
62,
2673,
7,
17752,
13,
67,
8142,
7,
259,
62,
17752,
828,
6045,
8,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
7,
17752,
13,
67,
8142,
7,
17752,
13,
46030,
7,
1186,
62,
2100,
828,
33793,
28,
19,
4008,
628,
220,
220,
220,
25064,
13,
37023,
7,
15,
8,
198
] | 2.725943 | 1,299 |
from app import db
| [
6738,
598,
1330,
20613,
628,
198
] | 3.5 | 6 |
from datetime import date, timedelta
if __name__ == '__main__':
print(get_report_months())
| [
6738,
4818,
8079,
1330,
3128,
11,
28805,
12514,
198,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
198,
220,
220,
220,
3601,
7,
1136,
62,
13116,
62,
41537,
28955,
198
] | 2.909091 | 33 |
from tkinter import *
from tkinter import messagebox
from tkinter import ttk #treeview
import sqlite3
root = Tk()
root.title('Libreta de Clientes')
conn = sqlite3.connect('gestorCliente.db') #coneccion a la base de datos
c = conn.cursor() #cursor para ejecutar consultas
#creación de base de datos
c.execute("""
CREATE TABLE if not exists cliente (
id INTEGER PRIMARY KEY AUTOINCREMENT,
cedula TEXT NOT NULL,
nombre TEXT NOT NULL,
empresa TEXT NOT NULL
);
""")
#defincion de funciones
#funcion que renderiza los clientes
#funcion que guarda los datos de nuevos clientes en la BD
#FUNCION DE ELIMINAR CLIENTE
btn_new = Button(root, text='Nuevo Cliente', command=new_cliente)
btn_new.grid(row=0, column=0, padx=5,pady=5)
btn_del = Button(root, text='Eliminar Cliente', command=del_cliente)
btn_del.grid(row=0, column=1, padx=5,pady=5)
tree = ttk.Treeview(root) #representancion de informacion en forma jerarquica en una tabla
tree['columns'] =('Cedula', 'Nombre', 'Empresa') #columnas
tree.column('#0', width=0, stretch=NO)# ES LA COLUMNA INICIAL PERO SE COLOCA STRETCH PARA QUE NO APARESCA y width de 0
tree.column('Cedula') #configuracion de los nombres que va a tener cada columna
tree.column('Nombre')#configuracion de los nombres que va a tener cada columna
tree.column('Empresa')#configuracion de los nombres que va a tener cada columna
tree.heading('Cedula', text='Cedula') #los textos de heading que van a tener las tablas
tree.heading('Nombre', text='Nombre')#los textos de heading que van a tener las tablas
tree.heading('Empresa', text='Empresa')#los textos de heading que van a tener las tablas
tree.grid(row=1, column=0, columnspan=2)
render_clientes() #con el objetivo de que actualice los clientes en la tabla
root.mainloop()
| [
6738,
256,
74,
3849,
1330,
1635,
201,
198,
6738,
256,
74,
3849,
1330,
3275,
3524,
201,
198,
6738,
256,
74,
3849,
1330,
256,
30488,
1303,
21048,
1177,
201,
198,
11748,
44161,
578,
18,
201,
198,
201,
198,
15763,
796,
309,
74,
3419,
201,
198,
15763,
13,
7839,
10786,
25835,
1186,
64,
390,
20985,
274,
11537,
201,
198,
201,
198,
37043,
796,
44161,
578,
18,
13,
8443,
10786,
3495,
273,
11792,
68,
13,
9945,
11537,
1303,
49180,
535,
295,
257,
8591,
2779,
390,
4818,
418,
201,
198,
66,
796,
48260,
13,
66,
21471,
3419,
1303,
66,
21471,
31215,
304,
73,
721,
315,
283,
5725,
292,
201,
198,
201,
198,
2,
7513,
32009,
18840,
390,
2779,
390,
4818,
418,
201,
198,
66,
13,
41049,
7203,
15931,
201,
198,
220,
220,
220,
220,
220,
220,
220,
29244,
6158,
43679,
611,
407,
7160,
5456,
68,
357,
201,
198,
220,
220,
220,
220,
220,
220,
220,
4686,
17828,
7156,
1137,
4810,
3955,
13153,
35374,
47044,
46,
30158,
2200,
10979,
11,
201,
198,
220,
220,
220,
220,
220,
220,
220,
269,
276,
4712,
40383,
5626,
15697,
11,
201,
198,
220,
220,
220,
220,
220,
220,
220,
299,
2381,
260,
40383,
5626,
15697,
11,
201,
198,
220,
220,
220,
220,
220,
220,
220,
795,
79,
14625,
40383,
5626,
15697,
201,
198,
220,
220,
220,
220,
220,
220,
220,
5619,
201,
198,
220,
220,
220,
13538,
4943,
201,
198,
2,
4299,
1939,
295,
390,
25439,
295,
274,
201,
198,
201,
198,
2,
20786,
295,
8358,
8543,
23638,
22346,
5456,
274,
201,
198,
220,
220,
220,
220,
201,
198,
201,
198,
201,
198,
2,
20786,
295,
8358,
4860,
64,
22346,
4818,
418,
390,
299,
518,
85,
418,
5456,
274,
551,
8591,
28023,
201,
198,
201,
198,
2,
42296,
34,
2849,
5550,
17852,
3955,
1268,
1503,
45148,
36,
201,
198,
201,
198,
201,
198,
201,
198,
46118,
62,
3605,
796,
20969,
7,
15763,
11,
2420,
11639,
45,
518,
13038,
20985,
68,
3256,
3141,
28,
3605,
62,
16366,
68,
8,
201,
198,
46118,
62,
3605,
13,
25928,
7,
808,
28,
15,
11,
5721,
28,
15,
11,
14841,
87,
28,
20,
11,
79,
4597,
28,
20,
8,
201,
198,
201,
198,
46118,
62,
12381,
796,
20969,
7,
15763,
11,
2420,
11639,
36,
2475,
22050,
20985,
68,
3256,
3141,
28,
12381,
62,
16366,
68,
8,
201,
198,
46118,
62,
12381,
13,
25928,
7,
808,
28,
15,
11,
5721,
28,
16,
11,
14841,
87,
28,
20,
11,
79,
4597,
28,
20,
8,
201,
198,
201,
198,
21048,
796,
256,
30488,
13,
27660,
1177,
7,
15763,
8,
1303,
15603,
1192,
295,
390,
4175,
49443,
551,
1296,
64,
13665,
283,
421,
3970,
551,
555,
64,
7400,
5031,
201,
198,
21048,
17816,
28665,
82,
20520,
796,
10786,
34,
276,
4712,
3256,
705,
45,
2381,
260,
3256,
705,
36,
3149,
14625,
11537,
220,
220,
1303,
28665,
292,
201,
198,
21048,
13,
28665,
10786,
2,
15,
3256,
9647,
28,
15,
11,
7539,
28,
15285,
8,
2,
13380,
9131,
20444,
5883,
4535,
3268,
2149,
12576,
19878,
46,
7946,
20444,
4503,
32,
3563,
26087,
3398,
350,
24401,
1195,
8924,
8005,
3486,
1503,
1546,
8141,
331,
9647,
390,
657,
201,
198,
21048,
13,
28665,
10786,
34,
276,
4712,
11537,
1303,
11250,
333,
49443,
390,
22346,
299,
2381,
411,
8358,
46935,
257,
256,
877,
269,
4763,
951,
388,
2616,
201,
198,
21048,
13,
28665,
10786,
45,
2381,
260,
11537,
2,
11250,
333,
49443,
390,
22346,
299,
2381,
411,
8358,
46935,
257,
256,
877,
269,
4763,
951,
388,
2616,
201,
198,
21048,
13,
28665,
10786,
36,
3149,
14625,
11537,
2,
11250,
333,
49443,
390,
22346,
299,
2381,
411,
8358,
46935,
257,
256,
877,
269,
4763,
951,
388,
2616,
201,
198,
201,
198,
21048,
13,
33878,
10786,
34,
276,
4712,
3256,
2420,
11639,
34,
276,
4712,
11537,
1303,
33280,
2420,
418,
390,
9087,
8358,
5719,
257,
256,
877,
39990,
7400,
21921,
201,
198,
21048,
13,
33878,
10786,
45,
2381,
260,
3256,
2420,
11639,
45,
2381,
260,
11537,
2,
33280,
2420,
418,
390,
9087,
8358,
5719,
257,
256,
877,
39990,
7400,
21921,
201,
198,
21048,
13,
33878,
10786,
36,
3149,
14625,
3256,
2420,
11639,
36,
3149,
14625,
11537,
2,
33280,
2420,
418,
390,
9087,
8358,
5719,
257,
256,
877,
39990,
7400,
21921,
201,
198,
21048,
13,
25928,
7,
808,
28,
16,
11,
5721,
28,
15,
11,
5721,
12626,
28,
17,
8,
201,
198,
201,
198,
201,
198,
201,
198,
13287,
62,
16366,
274,
3419,
1303,
1102,
1288,
26181,
316,
23593,
390,
8358,
4036,
501,
22346,
5456,
274,
551,
8591,
7400,
5031,
201,
198,
15763,
13,
12417,
26268,
3419,
201,
198,
201,
198,
201,
198
] | 2.469657 | 758 |
import numpy as np
def PlotPlanet(ax,R=1.0,Center=[0.0,0.0,0.0],zorder=10,NoonTop=True):
'''
Plot the planet in the centre of a set of Axes.
Inputs
======
ax : matplotlib.pyplot.Axes instance
This is the set of axes to plot on.
R : float
Radius to plot planet with.
Center : float
3-element array-like object containing the x, y and z
coordinates in the plot at which to center the planet.
zorder : float
This controls whether the planet appears above or below other
elements of the plot.
'''
a = 2*np.pi*np.arange(361,dtype='float32')/360
x = R*np.sin(a) + Center[0]
y = R*np.cos(a) + Center[1]
if NoonTop:
ax.fill(y,x,color=[1.0,1.0,1.0],zorder=zorder)
ax.plot(y,x,color=[0,0,0],zorder=zorder+1)
ax.fill(y[180:360],x[180:360],color=[0.0,0.0,0.0],zorder=zorder+1)
else:
ax.fill(x,y,color=[1.0,1.0,1.0],zorder=zorder)
ax.plot(x,y,color=[0,0,0],zorder=zorder+1)
ax.fill(x[180:360],y[180:360],color=[0.0,0.0,0.0],zorder=zorder+1)
| [
11748,
299,
32152,
355,
45941,
198,
198,
4299,
28114,
41801,
7,
897,
11,
49,
28,
16,
13,
15,
11,
23656,
41888,
15,
13,
15,
11,
15,
13,
15,
11,
15,
13,
15,
4357,
89,
2875,
28,
940,
11,
45,
2049,
9126,
28,
17821,
2599,
198,
197,
7061,
6,
198,
197,
43328,
262,
5440,
287,
262,
7372,
286,
257,
900,
286,
12176,
274,
13,
198,
197,
198,
197,
20560,
82,
198,
197,
50155,
198,
197,
897,
1058,
2603,
29487,
8019,
13,
9078,
29487,
13,
31554,
274,
4554,
198,
197,
197,
1212,
318,
262,
900,
286,
34197,
284,
7110,
319,
13,
198,
197,
49,
1058,
12178,
198,
197,
197,
15546,
3754,
284,
7110,
5440,
351,
13,
198,
197,
23656,
1058,
12178,
198,
197,
197,
18,
12,
30854,
7177,
12,
2339,
2134,
7268,
262,
2124,
11,
331,
290,
1976,
220,
198,
197,
197,
37652,
17540,
287,
262,
7110,
379,
543,
284,
3641,
262,
5440,
13,
198,
197,
89,
2875,
1058,
12178,
198,
197,
197,
1212,
6973,
1771,
262,
5440,
3568,
2029,
393,
2174,
584,
220,
198,
197,
197,
68,
3639,
286,
262,
7110,
13,
198,
197,
198,
197,
7061,
6,
198,
197,
198,
197,
64,
796,
362,
9,
37659,
13,
14415,
9,
37659,
13,
283,
858,
7,
35195,
11,
67,
4906,
11639,
22468,
2624,
11537,
14,
15277,
198,
197,
87,
796,
371,
9,
37659,
13,
31369,
7,
64,
8,
1343,
3337,
58,
15,
60,
198,
197,
88,
796,
371,
9,
37659,
13,
6966,
7,
64,
8,
1343,
3337,
58,
16,
60,
198,
197,
198,
197,
361,
41035,
9126,
25,
198,
197,
197,
897,
13,
20797,
7,
88,
11,
87,
11,
8043,
41888,
16,
13,
15,
11,
16,
13,
15,
11,
16,
13,
15,
4357,
89,
2875,
28,
89,
2875,
8,
198,
197,
197,
897,
13,
29487,
7,
88,
11,
87,
11,
8043,
41888,
15,
11,
15,
11,
15,
4357,
89,
2875,
28,
89,
2875,
10,
16,
8,
198,
197,
197,
897,
13,
20797,
7,
88,
58,
15259,
25,
15277,
4357,
87,
58,
15259,
25,
15277,
4357,
8043,
41888,
15,
13,
15,
11,
15,
13,
15,
11,
15,
13,
15,
4357,
89,
2875,
28,
89,
2875,
10,
16,
8,
198,
197,
17772,
25,
198,
197,
197,
897,
13,
20797,
7,
87,
11,
88,
11,
8043,
41888,
16,
13,
15,
11,
16,
13,
15,
11,
16,
13,
15,
4357,
89,
2875,
28,
89,
2875,
8,
198,
197,
197,
897,
13,
29487,
7,
87,
11,
88,
11,
8043,
41888,
15,
11,
15,
11,
15,
4357,
89,
2875,
28,
89,
2875,
10,
16,
8,
198,
197,
197,
897,
13,
20797,
7,
87,
58,
15259,
25,
15277,
4357,
88,
58,
15259,
25,
15277,
4357,
8043,
41888,
15,
13,
15,
11,
15,
13,
15,
11,
15,
13,
15,
4357,
89,
2875,
28,
89,
2875,
10,
16,
8,
628
] | 2.130719 | 459 |
# CPSC 452 HW1 - Row Transposition Cipher
# Authors: Jake Cliff, Kenny Chao, and Scott Ng
import sys
import cipherCheck
import math
| [
2,
32084,
34,
4153,
17,
44884,
16,
532,
11314,
3602,
9150,
44334,
198,
2,
46665,
25,
14757,
23501,
11,
22102,
41024,
11,
290,
4746,
34786,
198,
11748,
25064,
198,
11748,
38012,
9787,
198,
11748,
10688,
198,
220,
220,
220,
220
] | 3.4 | 40 |
from annogesiclib.gff3 import Gff3Parser
| [
6738,
1529,
519,
274,
291,
8019,
13,
70,
487,
18,
1330,
402,
487,
18,
46677,
628,
628,
628,
628,
198
] | 2.45 | 20 |
import asyncio
if __name__ == '__main__':
asyncio.run(main())
| [
11748,
30351,
952,
628,
628,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
198,
220,
220,
220,
30351,
952,
13,
5143,
7,
12417,
28955,
198
] | 2.5 | 28 |
#!/usr/bin/env python
#
# Copyright (c) 2019, Arista Networks EOS+
# All rights reserved.
#
# Redistribution and use in source and binary forms, with or without
# modification, are permitted provided that the following conditions are
# met:
#
# Redistributions of source code must retain the above copyright notice,
# this list of conditions and the following disclaimer.
#
# Redistributions in binary form must reproduce the above copyright
# notice, this list of conditions and the following disclaimer in the
# documentation and/or other materials provided with the distribution.
#
# Neither the name of Arista Networks nor the names of its
# contributors may be used to endorse or promote products derived from
# this software without specific prior written permission.
#
# THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS
# 'AS IS' AND ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT
# LIMITED TO, THE IMPLIED WARRANTIES OF MERCHANTABILITY AND FITNESS FOR
# A PARTICULAR PURPOSE ARE DISCLAIMED. IN NO EVENT SHALL ARISTA NETWORKS
# BE LIABLE FOR ANY DIRECT, INDIRECT, INCIDENTAL, SPECIAL, EXEMPLARY, OR
# CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, PROCUREMENT OF
# SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR
# BUSINESS INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY,
# WHETHER IN CONTRACT, STRICT LIABILITY, OR TORT (INCLUDING NEGLIGENCE
# OR OTHERWISE) ARISING IN ANY WAY OUT OF THE USE OF THIS SOFTWARE, EVEN
# IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE.
#
import re
import time
from jinja2 import meta
import jinja2
import yaml
from cvprac.cvp_client import CvpClient
from cvprac.cvp_client_errors import CvpLoginError, CvpApiError
import argparse
import json
# Checking some Enviromental Variables
#import sys
#print '\n'.join(sys.path)
import imp
print "cvprac is here %s" %str(imp.find_module('cvprac'))
# Setting up some formated print outputs
import pprint
pp2 = pprint.PrettyPrinter(indent=2)
pp4 = pprint.PrettyPrinter(indent=4)
# Disable HTTPS Insecure Cert Warnings
import requests
from requests.packages.urllib3.exceptions import InsecureRequestWarning
requests.packages.urllib3.disable_warnings(InsecureRequestWarning)
def connect(module):
''' Connects to CVP device using user provided credentials from playbook.
:param module: Ansible module with parameters and client connection.
:return: CvpClient object with connection instantiated.
'''
client = CvpClient()
try:
client.connect([module['params']['host']],
module['params']['username'],
module['params']['password'],
protocol=module['params']['protocol'],
port=module['params']['port'],
)
except CvpLoginError, e:
module['fail']=str(e)
return client
def device_info(module):
''' Get dictionary of device info from CVP.
:param module: Ansible module with parameters and client connection.
:return: Dict of device info from CVP or exit with failure if no
info for device is found.
'''
device_info = module['client'].api.get_device_by_name(module['params']['device'])
if not device_info:
device_info['warning']="Device with name '%s' does not exist." % module['params']['device']
else:
device_info['configlets'] = module['client'].api.get_configlets_by_netelement_id(device_info['systemMacAddress'])['configletList']
return device_info
def container_info(module):
''' Get dictionary of container info from CVP.
:param module: Ansible module with parameters and client connection.
:return: Dict of container info from CVP or exit with failure if no
info for device is found.
'''
container_info = module['client'].api.get_container_by_name(module['params']['container'])
if container_info == None:
container_info = {}
container_info['warning'] = "Container with name '%s' does not exist." % module['params']['container']
else:
container_info['configlets'] = module['client'].api.get_configlets_by_container_id(container_info['key'])
return container_info
def process_configlet(module, configlet):
''' Check the current status of a configlet.
Returns a list of associated containers / devices
Returns None if the configlet has no associations.
If action = add apply configlet to device or container
if device specified only apply to device
If action = delete removes configlet from device or container
param module: Ansible module with parameters and client connection.
configlet: Name of Configlet to process
return: Dict of action taken, containers/devices affected and counts of same
'''
result = {}
# Find out if configlet is associated with any containers or devices
configlet_info = module['client'].api.get_configlet_by_name(configlet)
result['start_container_count']= configlet_info["containerCount"]
result['start_device_count'] = configlet_info["netElementCount"]
# Get details of container
if module['params']['container'] != 'None':
container_data = container_info(module)
if 'Warning' in container_data:
result['data']=container_data
container_data = "None"
container_list = module['client'].api.get_applied_containers(configlet)['data']
# Remove configlet from container if action = delete
if module['params']['action'] == "delete":
for container in container_list:
if module['params']['container'] in container['containerName']:
if configlet_info["containerCount"] > 0 and module['params']['device'] == 'None':
# Remove configlet from spcified container in module params
# If none specified then do not remove configlet
# If a device is specified in module params then do not remove configlet
result['action'] = 'delete_from_container'
if container_data != "None":
result['data'] = module['client'].api.remove_configlets_from_container("Ansible Removed Configlet",
container_data, [configlet_info])
else:
result['data'] = {'error':'container not found %s' %module['params']['container']}
if module['params']['action'] == "add":
if module['params']['device'] == 'None':
# Add configlet to spcified container in module params
# If none specified then do not add configlet
# If a device is specified in module params then do not add configlet
result['action'] = 'add_to_container'
if container_data != "None":
result['data'] = module['client'].api.apply_configlets_to_container("Ansible Add Configlet",
container_data, [configlet_info])
else:
result['data'] = {'error':'container not found %s' %module['params']['container']}
# Get details of device
# Remove configlet from specified device in module params
# If none specified then do not remove configlet
if module['params']['device'] != 'None':
device_data = device_info(module)
if "Warning" in device_data:
result['data']=device_data
device_data = "None"
# Remove configlet from device if action = delete
if module['params']['action'] == "delete":
device_list = module['client'].api.get_applied_devices(configlet)['data']
for device in device_list:
# If configlet applied to device then delete it.
if module['params']['device'] in device['hostName']:
if configlet_info["netElementCount"] > 0 and device_data != "None":
result['action'] = 'delete_from_device'
result['data'] = module['client'].api.remove_configlets_from_device("Ansible Removed Configlet",
device_data, [configlet_info])
# Add configlet to device if action = add
if module['params']['action'] == "add" and device_data != "None":
result['action'] = 'add_to_device'
result['data'] = module['client'].api.apply_configlets_to_device("Ansible Added Configlet", device_data,
[configlet_info],create_task=True)
# Check to see if any containers or devices have been added or removed
configlet_info = module['client'].api.get_configlet_by_name(configlet)
result['end_container_count']= configlet_info["containerCount"]
result['end_device_count'] = configlet_info["netElementCount"]
# Added
if result['end_container_count'] > result['start_container_count']:
result['added_container'] = container_data['name']
else:
result['added_container'] = False
if result['end_device_count'] > result['start_device_count']:
result['added_device'] = device_data['fqdn']
else:
result['added_device'] = False
# Removed
if result['end_container_count'] < result['start_container_count']:
result['removed_container'] = container_data['name']
else:
result['removed_container'] = False
if result['end_device_count'] < result['start_device_count']:
result['removed_device'] = device_data['fqdn']
else:
result['removed_device'] = False
return result
#def process_container(module, container, parent):
# ''' Check for existence of a Container and its parent in CVP.
# Returns True if the Containerand Parent exist
# Creates Container if Parent exists but Container doesn't and
# Returns True
# Returns False if the Parent container does not exist and dose not
# create the Container specified.
# '''
# containers = module['client'].api.get_containers()
#
# # Ensure the parent exists
# parent = next((item for item in containers['data'] if
# item['name'] == parent), None)
# if not parent:
# print'Parent container does not exist.'
#
# cont = next((item for item in containers['data'] if
# item['name'] == container), None)
# if not cont:
# module['client'].api.add_container(container, parent['name'],
# parent['key'])
# return True
#
# return False
def config_from_template(module):
''' Load the Jinja template and apply user provided parameters in necessary
places. Fail if template is not found. Fail if rendered template does
not reference the correct port. Fail if the template requires a VLAN
but the user did not provide one with the port_vlan parameter.
:param module: Ansible module with parameters and client connection.
:return: String of Jinja template rendered with parameters or exit with
failure.
'''
template = False
if module['params']['template']:
template_loader = jinja2.FileSystemLoader('./templates')
env = jinja2.Environment(loader=template_loader,
undefined=jinja2.DebugUndefined)
template = env.get_template(module['params']['template'])
if not template:
print'Could not find template - %s'% module['params']['template']
templateData = {}
templateData["data"] = yaml.safe_load(module['params']['data'])
templateData["device"] = module['params']['device']
templateData["container"] = module['params']['container']
temp_source = env.loader.get_source(env, module['params']['template'])[0]
parsed_content = env.parse(temp_source)
temp_vars = list(meta.find_undeclared_variables(parsed_content))
for var in temp_vars:
if str(var) not in templateData:
print 'Template %s requires %s value.'%(module['params']['template'],var)
print 'Please re-run with %s provided.'%(var)
try:
template = template.render(templateData)
except Exception as templateError:
print'Template - %s: does not render correctly: %s'%(module['params']['template'],templateError)
else:
print'Template - required but not provided'
return template
def configlet_action(module):
''' Act upon specified Configlet based on options provided.
- show - display contents of existing config let
- add - update or add new configlet to CVP
- delete - delete existing configlet
:param module: Ansible module with parameters and client connection.
:return: Dict of information to updated results with.
The configlet will be named as follows:
If associated with a device the configlet name will be
device_configletName if configletName has been provided
otherwise it will be device_template
if none of the above have been provided it will be configletName
if that was not provided a default name of Ansible_Test will be used
'''
result = dict()
result['configletAction']=module['params']['action']
changed = False
configlet_found = False
existing_config = 'None'
# Create Configlet Name
if module['params']['device'] != 'None' and module['params']['configletName'] != 'None':
configlet_name = str(module['params']['device'])+'_'+str(module['params']['configletName'])
elif module['params']['device'] != 'None' and module['params']['template'] != 'None':
configlet_name = str(module['params']['device'])+'_'+str(re.split('\.',module['params']['template'])[0])
elif module['params']['configletName'] != 'None':
configlet_name = str(module['params']['configletName'])
else:
configlet_name = "Ansible_Temp"
result['configletName'] = configlet_name
# Find Configlet in CVP if it exists
configlet_list = module['client'].api.get_configlets()['data']
for configlet in configlet_list:
if str(configlet['name']) == str(configlet_name):
configlet_data = module['client'].api.get_configlet_by_name(configlet_name)
existing_config = configlet_data['config']
configlet_found = True
# Create New config if required
if module['params']['template']:
config = config_from_template(module)
# Return current config if found and action was show
if module['params']['action'] == 'show':
if configlet_found:
result['currentConfigBlock'] = existing_config
result['newConfigBlock'] = "No Config - show only existing"
else:
result['currentConfigBlock'] = "No Config - Configlet Not Found"
result['newConfigBlock'] = "No Config - show only existing"
# Amend or Create Configlet/Config if action was add
elif module['params']['action'] == 'add':
if configlet_found:
result['currentConfigBlock'] = existing_config
result['newConfigBlock'] = config
resp = module['client'].api.update_configlet(config, configlet_data['key'],
configlet_data['name'])
module['client'].api.add_note_to_configlet(configlet_data['key'],
"## Managed by Ansible ##")
result.update(process_configlet(module, configlet_name))
changed = True
else:
result['currentConfigBlock'] = "New Configlet - No Config to return"
result['newConfigBlock'] = config
resp = module['client'].api.add_configlet(configlet_name,config)
module['client'].api.add_note_to_configlet(resp,
"## Managed by Ansible ##")
result.update(process_configlet(module, configlet_name))
changed = True
# Delete Configlet if it exists
elif module['params']['action'] == 'delete':
if configlet_found:
result['currentConfigBlock'] = existing_config
result['newConfigBlock'] = "No Config - Configlet Deleted"
result.update(process_configlet(module, configlet_name))
if result['end_container_count'] > 0 or result['end_device_count'] > 0:
changed = False
result['newConfigBlock'] = config
else:
resp = module['client'].api.delete_configlet(configlet_data['name'], configlet_data['key'])
changed = True
result['newConfigBlock'] = "No Config - Configlet Deleted"
else:
result['currentConfigBlock'] = "No Config - Configlet Not Found"
result['newConfigBlock'] = "No Config - Configlet Not Found"
else:
result['currentConfigBlock'] = "No Config - Invalid action"
result['newConfigBlock'] = "No Config - Invalid action"
# Return Results from operations
return [changed,result]
def parseArgs():
"""Gathers comand line options for the script, generates help text and performs some error checking"""
usage = "usage: %prog [options]"
parser = argparse.ArgumentParser(description="Create a configlet in CVP CVP")
parser.add_argument("--username",required=True, help='Username to log into CVP')
parser.add_argument("--password",required=True, help='Password for CVP user to login')
parser.add_argument("--host",required=True, help='CVP Host IP or Name')
parser.add_argument("--protocol", default='HTTPS', help='HTTP or HTTPs')
parser.add_argument("--port", default=443 ,help='TCP port Number default 443')
parser.add_argument("--container",default='None', help='Container to add configlet to')
parser.add_argument("--parent", default="Tennant", help='Parent container for target container')
parser.add_argument("--device", default='None', help='Device to add configlet to')
parser.add_argument("--configletName", default='None', help='Name of Configlet, can be auto-generated')
parser.add_argument("--template",required=True, default='None', help='Jinja2 Template used for Configlet')
parser.add_argument("--data",required=True, help='Yaml Data File required for Configlet Data')
parser.add_argument("--action",required=True, default='show', choices=['show', 'add', 'delete'],help='show,add,delete')
args = parser.parse_args()
return (args)
def main():
""" main entry point for module execution
"""
module = {}
#module['params'] = parseArgs()
module['params'] = vars(parseArgs())
result = dict(changed=False)
print "### Connecting to CVP ###"
module['client'] = connect(module)
# Before Starting check for existing tasks
# Pass config and module params to configlet_action to act on configlet
print "### Creating Configlet ###"
result['changed'],result['configlet_data'] = configlet_action(module)
# Check if the configlet is applied to a device or container
# Device will take priority of Container
configlet_type = "None"
if module['params']['device'] != "None":
device_data = device_info(module)
if 'warning' not in device_data:
configletList = []
print "Debug device_data-configlets:"
for configlet in device_data['configlets']:
configletList.append(configlet['name'])
pp2.pprint(configletList)
for configlet in device_data['configlets']:
# Check if Configlet is applied to Device
if configlet['name'] == result['configlet_data']['configletName']:
configlet_type = "device"
if module['params']['container'] != "None" and module['params']['device'] == "None":
container_data = container_info(module)
if 'warning' not in container_data:
configletList = []
print "Debug container_data-configlets:"
for configlet in container_data['configlets']['configletList']:
configletList.append(configlet['name'])
pp2.pprint(configletList)
for configlet in container_data['configlets']['configletList']:
# Check if Configlet is applied to Container
if configlet['name'] == result['configlet_data']['configletName']:
configlet_type = "container"
result['configlet_data']['configletType'] = configlet_type
# Check Results of configlet_action and act accordingly
if result['changed']:
pass
print "\nModule Result:"
pp4.pprint(result)
print "\nModule Data:"
pp4.pprint(module)
if __name__ == '__main__':
main()
| [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
198,
2,
198,
2,
15069,
357,
66,
8,
13130,
11,
943,
12523,
27862,
412,
2640,
10,
198,
2,
1439,
2489,
10395,
13,
198,
2,
198,
2,
2297,
396,
3890,
290,
779,
287,
2723,
290,
13934,
5107,
11,
351,
393,
1231,
198,
2,
17613,
11,
389,
10431,
2810,
326,
262,
1708,
3403,
389,
198,
2,
1138,
25,
198,
2,
198,
2,
220,
220,
2297,
396,
2455,
507,
286,
2723,
2438,
1276,
12377,
262,
2029,
6634,
4003,
11,
198,
2,
220,
220,
428,
1351,
286,
3403,
290,
262,
1708,
37592,
13,
198,
2,
198,
2,
220,
220,
2297,
396,
2455,
507,
287,
13934,
1296,
1276,
22919,
262,
2029,
6634,
198,
2,
220,
220,
4003,
11,
428,
1351,
286,
3403,
290,
262,
1708,
37592,
287,
262,
198,
2,
220,
220,
10314,
290,
14,
273,
584,
5696,
2810,
351,
262,
6082,
13,
198,
2,
198,
2,
220,
220,
16126,
262,
1438,
286,
943,
12523,
27862,
4249,
262,
3891,
286,
663,
198,
2,
220,
220,
20420,
743,
307,
973,
284,
11438,
393,
7719,
3186,
10944,
422,
198,
2,
220,
220,
428,
3788,
1231,
2176,
3161,
3194,
7170,
13,
198,
2,
198,
2,
12680,
47466,
3180,
36592,
2389,
1961,
11050,
3336,
27975,
38162,
9947,
367,
15173,
4877,
5357,
27342,
9865,
3843,
20673,
198,
2,
705,
1921,
3180,
6,
5357,
15529,
7788,
32761,
6375,
8959,
49094,
34764,
11015,
11,
47783,
2751,
11,
21728,
5626,
198,
2,
40880,
5390,
11,
3336,
8959,
49094,
34764,
11015,
3963,
34482,
3398,
1565,
5603,
25382,
5357,
376,
46144,
7473,
198,
2,
317,
16652,
2149,
37232,
33079,
48933,
15986,
13954,
48778,
1961,
13,
3268,
8005,
49261,
50163,
5923,
1797,
5603,
49791,
50,
198,
2,
9348,
43031,
19146,
7473,
15529,
42242,
11,
3268,
17931,
23988,
11,
19387,
25256,
1847,
11,
38846,
11,
7788,
3620,
6489,
13153,
11,
6375,
198,
2,
7102,
5188,
10917,
3525,
12576,
29506,
25552,
357,
1268,
39149,
2751,
11,
21728,
5626,
40880,
5390,
11,
41755,
11335,
10979,
3963,
198,
2,
28932,
2257,
2043,
37780,
21090,
50,
6375,
49254,
26,
406,
18420,
3963,
23210,
11,
42865,
11,
6375,
4810,
19238,
29722,
26,
6375,
198,
2,
43949,
44180,
23255,
49,
8577,
24131,
8,
29630,
36,
5959,
7257,
2937,
1961,
5357,
6177,
15529,
3336,
15513,
3963,
43031,
25382,
11,
198,
2,
7655,
2767,
16879,
3268,
27342,
10659,
11,
19269,
18379,
43031,
25382,
11,
6375,
309,
9863,
357,
1268,
39149,
2751,
399,
7156,
43,
3528,
18310,
198,
2,
6375,
25401,
54,
24352,
8,
5923,
1797,
2751,
3268,
15529,
34882,
16289,
3963,
3336,
23210,
3963,
12680,
47466,
11,
45886,
198,
2,
16876,
5984,
29817,
1961,
3963,
3336,
28069,
11584,
25382,
3963,
13558,
3398,
29506,
11879,
13,
198,
2,
628,
198,
11748,
302,
198,
11748,
640,
198,
6738,
474,
259,
6592,
17,
1330,
13634,
198,
11748,
474,
259,
6592,
17,
198,
11748,
331,
43695,
198,
6738,
269,
85,
1050,
330,
13,
33967,
79,
62,
16366,
1330,
327,
36133,
11792,
198,
6738,
269,
85,
1050,
330,
13,
33967,
79,
62,
16366,
62,
48277,
1330,
327,
36133,
47790,
12331,
11,
327,
36133,
32,
14415,
12331,
198,
11748,
1822,
29572,
198,
11748,
33918,
198,
198,
2,
39432,
617,
2039,
37040,
296,
2470,
15965,
2977,
198,
2,
11748,
25064,
198,
2,
4798,
705,
59,
77,
4458,
22179,
7,
17597,
13,
6978,
8,
198,
11748,
848,
198,
4798,
366,
33967,
1050,
330,
318,
994,
4064,
82,
1,
4064,
2536,
7,
11011,
13,
19796,
62,
21412,
10786,
33967,
1050,
330,
6,
4008,
198,
198,
2,
25700,
510,
617,
1296,
515,
3601,
23862,
198,
11748,
279,
4798,
198,
381,
17,
796,
279,
4798,
13,
35700,
6836,
3849,
7,
521,
298,
28,
17,
8,
198,
381,
19,
796,
279,
4798,
13,
35700,
6836,
3849,
7,
521,
298,
28,
19,
8,
198,
198,
2,
31529,
38288,
554,
22390,
14965,
39567,
654,
198,
11748,
7007,
198,
6738,
7007,
13,
43789,
13,
333,
297,
571,
18,
13,
1069,
11755,
1330,
554,
22390,
18453,
20361,
198,
8897,
3558,
13,
43789,
13,
333,
297,
571,
18,
13,
40223,
62,
40539,
654,
7,
818,
22390,
18453,
20361,
8,
198,
198,
4299,
2018,
7,
21412,
2599,
198,
220,
220,
220,
705,
7061,
8113,
82,
284,
327,
8859,
3335,
1262,
2836,
2810,
18031,
422,
41794,
13,
198,
220,
220,
220,
1058,
17143,
8265,
25,
28038,
856,
8265,
351,
10007,
290,
5456,
4637,
13,
198,
220,
220,
220,
1058,
7783,
25,
327,
36133,
11792,
2134,
351,
4637,
9113,
12931,
13,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
5456,
796,
327,
36133,
11792,
3419,
198,
220,
220,
220,
1949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
5456,
13,
8443,
26933,
21412,
17816,
37266,
6,
7131,
6,
4774,
20520,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8265,
17816,
37266,
6,
7131,
6,
29460,
6,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8265,
17816,
37266,
6,
7131,
6,
28712,
6,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8435,
28,
21412,
17816,
37266,
6,
7131,
6,
11235,
4668,
6,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2493,
28,
21412,
17816,
37266,
6,
7131,
6,
634,
6,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1267,
198,
220,
220,
220,
2845,
327,
36133,
47790,
12331,
11,
304,
25,
198,
220,
220,
220,
220,
220,
220,
220,
8265,
17816,
32165,
20520,
28,
2536,
7,
68,
8,
198,
220,
220,
220,
1441,
5456,
198,
198,
4299,
3335,
62,
10951,
7,
21412,
2599,
198,
220,
220,
220,
705,
7061,
3497,
22155,
286,
3335,
7508,
422,
327,
8859,
13,
198,
220,
220,
220,
1058,
17143,
8265,
25,
28038,
856,
8265,
351,
10007,
290,
5456,
4637,
13,
198,
220,
220,
220,
1058,
7783,
25,
360,
713,
286,
3335,
7508,
422,
327,
8859,
393,
8420,
351,
5287,
611,
645,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7508,
329,
3335,
318,
1043,
13,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
3335,
62,
10951,
796,
8265,
17816,
16366,
6,
4083,
15042,
13,
1136,
62,
25202,
62,
1525,
62,
3672,
7,
21412,
17816,
37266,
6,
7131,
6,
25202,
6,
12962,
198,
220,
220,
220,
611,
407,
3335,
62,
10951,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3335,
62,
10951,
17816,
43917,
20520,
2625,
24728,
351,
1438,
705,
4,
82,
6,
857,
407,
2152,
526,
4064,
8265,
17816,
37266,
6,
7131,
6,
25202,
20520,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3335,
62,
10951,
17816,
11250,
5289,
20520,
796,
8265,
17816,
16366,
6,
4083,
15042,
13,
1136,
62,
11250,
5289,
62,
1525,
62,
3262,
30854,
62,
312,
7,
25202,
62,
10951,
17816,
10057,
14155,
20231,
6,
12962,
17816,
11250,
1616,
8053,
20520,
198,
220,
220,
220,
1441,
3335,
62,
10951,
198,
198,
4299,
9290,
62,
10951,
7,
21412,
2599,
198,
220,
220,
220,
705,
7061,
3497,
22155,
286,
9290,
7508,
422,
327,
8859,
13,
198,
220,
220,
220,
1058,
17143,
8265,
25,
28038,
856,
8265,
351,
10007,
290,
5456,
4637,
13,
198,
220,
220,
220,
1058,
7783,
25,
360,
713,
286,
9290,
7508,
422,
327,
8859,
393,
8420,
351,
5287,
611,
645,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
7508,
329,
3335,
318,
1043,
13,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
9290,
62,
10951,
796,
8265,
17816,
16366,
6,
4083,
15042,
13,
1136,
62,
34924,
62,
1525,
62,
3672,
7,
21412,
17816,
37266,
6,
7131,
6,
34924,
6,
12962,
198,
220,
220,
220,
611,
9290,
62,
10951,
6624,
6045,
25,
198,
220,
220,
220,
220,
220,
220,
220,
9290,
62,
10951,
796,
23884,
198,
220,
220,
220,
220,
220,
220,
220,
9290,
62,
10951,
17816,
43917,
20520,
796,
366,
29869,
351,
1438,
705,
4,
82,
6,
857,
407,
2152,
526,
4064,
8265,
17816,
37266,
6,
7131,
6,
34924,
20520,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
9290,
62,
10951,
17816,
11250,
5289,
20520,
796,
8265,
17816,
16366,
6,
4083,
15042,
13,
1136,
62,
11250,
5289,
62,
1525,
62,
34924,
62,
312,
7,
34924,
62,
10951,
17816,
2539,
6,
12962,
198,
220,
220,
220,
1441,
9290,
62,
10951,
198,
198,
4299,
1429,
62,
11250,
1616,
7,
21412,
11,
4566,
1616,
2599,
198,
220,
220,
220,
705,
7061,
6822,
262,
1459,
3722,
286,
257,
4566,
1616,
13,
198,
220,
220,
220,
16409,
257,
1351,
286,
3917,
16472,
1220,
4410,
198,
220,
220,
220,
16409,
6045,
611,
262,
4566,
1616,
468,
645,
15814,
13,
198,
220,
220,
220,
1002,
2223,
796,
751,
4174,
4566,
1616,
284,
3335,
393,
9290,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
3335,
7368,
691,
4174,
284,
3335,
220,
198,
220,
220,
220,
1002,
2223,
796,
12233,
20694,
4566,
1616,
422,
3335,
393,
9290,
198,
220,
220,
220,
5772,
8265,
25,
28038,
856,
8265,
351,
10007,
290,
5456,
4637,
13,
198,
220,
220,
220,
4566,
1616,
25,
6530,
286,
17056,
1616,
284,
1429,
198,
220,
220,
220,
1441,
25,
360,
713,
286,
2223,
2077,
11,
16472,
14,
42034,
5676,
290,
9853,
286,
976,
198,
220,
220,
220,
705,
7061,
628,
220,
220,
220,
1255,
796,
23884,
198,
220,
220,
220,
1303,
9938,
503,
611,
4566,
1616,
318,
3917,
351,
597,
16472,
393,
4410,
198,
220,
220,
220,
4566,
1616,
62,
10951,
796,
8265,
17816,
16366,
6,
4083,
15042,
13,
1136,
62,
11250,
1616,
62,
1525,
62,
3672,
7,
11250,
1616,
8,
198,
220,
220,
220,
1255,
17816,
9688,
62,
34924,
62,
9127,
20520,
28,
4566,
1616,
62,
10951,
14692,
34924,
12332,
8973,
198,
220,
220,
220,
1255,
17816,
9688,
62,
25202,
62,
9127,
20520,
796,
4566,
1616,
62,
10951,
14692,
3262,
20180,
12332,
8973,
628,
220,
220,
220,
1303,
3497,
3307,
286,
9290,
198,
220,
220,
220,
611,
8265,
17816,
37266,
6,
7131,
6,
34924,
20520,
14512,
705,
14202,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
9290,
62,
7890,
796,
9290,
62,
10951,
7,
21412,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
705,
20361,
6,
287,
9290,
62,
7890,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1255,
17816,
7890,
20520,
28,
34924,
62,
7890,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9290,
62,
7890,
796,
366,
14202,
1,
198,
220,
220,
220,
220,
220,
220,
220,
9290,
62,
4868,
796,
8265,
17816,
16366,
6,
4083,
15042,
13,
1136,
62,
1324,
18511,
62,
3642,
50221,
7,
11250,
1616,
8,
17816,
7890,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
17220,
4566,
1616,
422,
9290,
611,
2223,
796,
12233,
198,
220,
220,
220,
220,
220,
220,
220,
611,
8265,
17816,
37266,
6,
7131,
6,
2673,
20520,
6624,
366,
33678,
1298,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
9290,
287,
9290,
62,
4868,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
8265,
17816,
37266,
6,
7131,
6,
34924,
20520,
287,
9290,
17816,
34924,
5376,
6,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
4566,
1616,
62,
10951,
14692,
34924,
12332,
8973,
1875,
657,
290,
8265,
17816,
37266,
6,
7131,
6,
25202,
20520,
6624,
705,
14202,
10354,
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,
17220,
4566,
1616,
422,
599,
66,
1431,
9290,
287,
8265,
42287,
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,
1002,
4844,
7368,
788,
466,
407,
4781,
4566,
1616,
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,
1002,
257,
3335,
318,
7368,
287,
8265,
42287,
788,
466,
407,
4781,
4566,
1616,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1255,
17816,
2673,
20520,
796,
705,
33678,
62,
6738,
62,
34924,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
9290,
62,
7890,
14512,
366,
14202,
1298,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1255,
17816,
7890,
20520,
796,
8265,
17816,
16366,
6,
4083,
15042,
13,
28956,
62,
11250,
5289,
62,
6738,
62,
34924,
7203,
2025,
82,
856,
28252,
17056,
1616,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9290,
62,
7890,
11,
685,
11250,
1616,
62,
10951,
12962,
198,
220,
220,
220,
220,
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,
220,
220,
220,
220,
1255,
17816,
7890,
20520,
796,
1391,
6,
18224,
10354,
6,
34924,
407,
1043,
4064,
82,
6,
4064,
21412,
17816,
37266,
6,
7131,
6,
34924,
20520,
92,
198,
220,
220,
220,
220,
220,
220,
220,
611,
8265,
17816,
37266,
6,
7131,
6,
2673,
20520,
6624,
366,
2860,
1298,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
8265,
17816,
37266,
6,
7131,
6,
25202,
20520,
6624,
705,
14202,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
3060,
4566,
1616,
284,
599,
66,
1431,
9290,
287,
8265,
42287,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
1002,
4844,
7368,
788,
466,
407,
751,
4566,
1616,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
1002,
257,
3335,
318,
7368,
287,
8265,
42287,
788,
466,
407,
751,
4566,
1616,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1255,
17816,
2673,
20520,
796,
705,
2860,
62,
1462,
62,
34924,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
9290,
62,
7890,
14512,
366,
14202,
1298,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1255,
17816,
7890,
20520,
796,
8265,
17816,
16366,
6,
4083,
15042,
13,
39014,
62,
11250,
5289,
62,
1462,
62,
34924,
7203,
2025,
82,
856,
3060,
17056,
1616,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9290,
62,
7890,
11,
685,
11250,
1616,
62,
10951,
12962,
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,
1255,
17816,
7890,
20520,
796,
1391,
6,
18224,
10354,
6,
34924,
407,
1043,
4064,
82,
6,
4064,
21412,
17816,
37266,
6,
7131,
6,
34924,
20520,
92,
628,
220,
220,
220,
1303,
3497,
3307,
286,
3335,
198,
220,
220,
220,
1303,
17220,
4566,
1616,
422,
7368,
3335,
287,
8265,
42287,
198,
220,
220,
220,
1303,
1002,
4844,
7368,
788,
466,
407,
4781,
4566,
1616,
198,
220,
220,
220,
611,
8265,
17816,
37266,
6,
7131,
6,
25202,
20520,
14512,
705,
14202,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
3335,
62,
7890,
796,
3335,
62,
10951,
7,
21412,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
366,
20361,
1,
287,
3335,
62,
7890,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1255,
17816,
7890,
20520,
28,
25202,
62,
7890,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3335,
62,
7890,
796,
366,
14202,
1,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
17220,
4566,
1616,
422,
3335,
611,
2223,
796,
12233,
198,
220,
220,
220,
220,
220,
220,
220,
611,
8265,
17816,
37266,
6,
7131,
6,
2673,
20520,
6624,
366,
33678,
1298,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3335,
62,
4868,
796,
8265,
17816,
16366,
6,
4083,
15042,
13,
1136,
62,
1324,
18511,
62,
42034,
7,
11250,
1616,
8,
17816,
7890,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
3335,
287,
3335,
62,
4868,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
1002,
4566,
1616,
5625,
284,
3335,
788,
12233,
340,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
8265,
17816,
37266,
6,
7131,
6,
25202,
20520,
287,
3335,
17816,
4774,
5376,
6,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
4566,
1616,
62,
10951,
14692,
3262,
20180,
12332,
8973,
1875,
657,
290,
3335,
62,
7890,
14512,
366,
14202,
1298,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1255,
17816,
2673,
20520,
796,
705,
33678,
62,
6738,
62,
25202,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1255,
17816,
7890,
20520,
796,
8265,
17816,
16366,
6,
4083,
15042,
13,
28956,
62,
11250,
5289,
62,
6738,
62,
25202,
7203,
2025,
82,
856,
28252,
17056,
1616,
1600,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3335,
62,
7890,
11,
685,
11250,
1616,
62,
10951,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
1303,
3060,
4566,
1616,
284,
3335,
611,
2223,
796,
751,
198,
220,
220,
220,
220,
220,
220,
220,
611,
8265,
17816,
37266,
6,
7131,
6,
2673,
20520,
6624,
366,
2860,
1,
290,
3335,
62,
7890,
14512,
366,
14202,
1298,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1255,
17816,
2673,
20520,
796,
705,
2860,
62,
1462,
62,
25202,
6,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1255,
17816,
7890,
20520,
796,
8265,
17816,
16366,
6,
4083,
15042,
13,
39014,
62,
11250,
5289,
62,
1462,
62,
25202,
7203,
2025,
82,
856,
10687,
17056,
1616,
1600,
3335,
62,
7890,
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,
220,
220,
220,
220,
220,
220,
220,
220,
685,
11250,
1616,
62,
10951,
4357,
17953,
62,
35943,
28,
17821,
8,
198,
220,
220,
220,
1303,
6822,
284,
766,
611,
597,
16472,
393,
4410,
423,
587,
2087,
393,
4615,
198,
220,
220,
220,
4566,
1616,
62,
10951,
796,
8265,
17816,
16366,
6,
4083,
15042,
13,
1136,
62,
11250,
1616,
62,
1525,
62,
3672,
7,
11250,
1616,
8,
198,
220,
220,
220,
1255,
17816,
437,
62,
34924,
62,
9127,
20520,
28,
4566,
1616,
62,
10951,
14692,
34924,
12332,
8973,
198,
220,
220,
220,
1255,
17816,
437,
62,
25202,
62,
9127,
20520,
796,
4566,
1616,
62,
10951,
14692,
3262,
20180,
12332,
8973,
198,
220,
220,
220,
1303,
10687,
198,
220,
220,
220,
611,
1255,
17816,
437,
62,
34924,
62,
9127,
20520,
1875,
1255,
17816,
9688,
62,
34924,
62,
9127,
6,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
1255,
17816,
29373,
62,
34924,
20520,
796,
9290,
62,
7890,
17816,
3672,
20520,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1255,
17816,
29373,
62,
34924,
20520,
796,
10352,
198,
220,
220,
220,
611,
1255,
17816,
437,
62,
25202,
62,
9127,
20520,
1875,
1255,
17816,
9688,
62,
25202,
62,
9127,
6,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
1255,
17816,
29373,
62,
25202,
20520,
796,
3335,
62,
7890,
17816,
69,
80,
32656,
20520,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1255,
17816,
29373,
62,
25202,
20520,
796,
10352,
198,
220,
220,
220,
1303,
28252,
198,
220,
220,
220,
611,
1255,
17816,
437,
62,
34924,
62,
9127,
20520,
1279,
1255,
17816,
9688,
62,
34924,
62,
9127,
6,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
1255,
17816,
2787,
2668,
62,
34924,
20520,
796,
9290,
62,
7890,
17816,
3672,
20520,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1255,
17816,
2787,
2668,
62,
34924,
20520,
796,
10352,
198,
220,
220,
220,
611,
1255,
17816,
437,
62,
25202,
62,
9127,
20520,
1279,
1255,
17816,
9688,
62,
25202,
62,
9127,
6,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
1255,
17816,
2787,
2668,
62,
25202,
20520,
796,
3335,
62,
7890,
17816,
69,
80,
32656,
20520,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1255,
17816,
2787,
2668,
62,
25202,
20520,
796,
10352,
198,
220,
220,
220,
1441,
1255,
628,
198,
2,
4299,
1429,
62,
34924,
7,
21412,
11,
9290,
11,
2560,
2599,
198,
2,
220,
220,
220,
705,
7061,
6822,
329,
6224,
286,
257,
43101,
290,
663,
2560,
287,
327,
8859,
13,
198,
2,
220,
220,
220,
16409,
6407,
611,
262,
43101,
392,
16774,
2152,
198,
2,
220,
220,
220,
7921,
274,
43101,
611,
16774,
7160,
475,
43101,
1595,
470,
290,
198,
2,
220,
220,
220,
16409,
6407,
198,
2,
220,
220,
220,
16409,
10352,
611,
262,
16774,
9290,
857,
407,
2152,
290,
10742,
407,
198,
2,
220,
220,
220,
2251,
262,
43101,
7368,
13,
198,
2,
220,
220,
220,
705,
7061,
198,
2,
220,
220,
220,
16472,
796,
8265,
17816,
16366,
6,
4083,
15042,
13,
1136,
62,
3642,
50221,
3419,
198,
2,
198,
2,
220,
220,
220,
1303,
48987,
262,
2560,
7160,
198,
2,
220,
220,
220,
2560,
796,
1306,
19510,
9186,
329,
2378,
287,
16472,
17816,
7890,
20520,
611,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2378,
17816,
3672,
20520,
6624,
2560,
828,
6045,
8,
198,
2,
220,
220,
220,
611,
407,
2560,
25,
198,
2,
220,
220,
220,
220,
220,
220,
220,
3601,
6,
24546,
9290,
857,
407,
2152,
2637,
198,
2,
198,
2,
220,
220,
220,
542,
796,
1306,
19510,
9186,
329,
2378,
287,
16472,
17816,
7890,
20520,
611,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2378,
17816,
3672,
20520,
6624,
9290,
828,
6045,
8,
198,
2,
220,
220,
220,
611,
407,
542,
25,
198,
2,
220,
220,
220,
220,
220,
220,
220,
8265,
17816,
16366,
6,
4083,
15042,
13,
2860,
62,
34924,
7,
34924,
11,
2560,
17816,
3672,
6,
4357,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2560,
17816,
2539,
6,
12962,
198,
2,
220,
220,
220,
220,
220,
220,
220,
1441,
6407,
198,
2,
198,
2,
220,
220,
220,
1441,
10352,
628,
198,
4299,
4566,
62,
6738,
62,
28243,
7,
21412,
2599,
198,
220,
220,
220,
705,
7061,
8778,
262,
17297,
6592,
11055,
290,
4174,
2836,
2810,
10007,
287,
3306,
198,
220,
220,
220,
220,
220,
220,
220,
4113,
13,
18448,
611,
11055,
318,
407,
1043,
13,
18448,
611,
15111,
11055,
857,
198,
220,
220,
220,
220,
220,
220,
220,
407,
4941,
262,
3376,
2493,
13,
18448,
611,
262,
11055,
4433,
257,
569,
25697,
198,
220,
220,
220,
220,
220,
220,
220,
475,
262,
2836,
750,
407,
2148,
530,
351,
262,
2493,
62,
85,
9620,
11507,
13,
628,
220,
220,
220,
1058,
17143,
8265,
25,
28038,
856,
8265,
351,
10007,
290,
5456,
4637,
13,
198,
220,
220,
220,
1058,
7783,
25,
10903,
286,
17297,
6592,
11055,
15111,
351,
10007,
393,
8420,
351,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5287,
13,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
11055,
796,
10352,
198,
220,
220,
220,
611,
8265,
17816,
37266,
6,
7131,
6,
28243,
6,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
11055,
62,
29356,
796,
474,
259,
6592,
17,
13,
8979,
11964,
17401,
7,
4458,
14,
11498,
17041,
11537,
198,
220,
220,
220,
220,
220,
220,
220,
17365,
796,
474,
259,
6592,
17,
13,
31441,
7,
29356,
28,
28243,
62,
29356,
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,
28721,
28,
18594,
6592,
17,
13,
27509,
31319,
18156,
8,
198,
220,
220,
220,
220,
220,
220,
220,
11055,
796,
17365,
13,
1136,
62,
28243,
7,
21412,
17816,
37266,
6,
7131,
6,
28243,
6,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
611,
407,
11055,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
6,
23722,
407,
1064,
11055,
532,
4064,
82,
6,
4,
8265,
17816,
37266,
6,
7131,
6,
28243,
20520,
628,
220,
220,
220,
220,
220,
220,
220,
11055,
6601,
796,
23884,
198,
220,
220,
220,
220,
220,
220,
220,
11055,
6601,
14692,
7890,
8973,
796,
331,
43695,
13,
21230,
62,
2220,
7,
21412,
17816,
37266,
6,
7131,
6,
7890,
6,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
11055,
6601,
14692,
25202,
8973,
796,
8265,
17816,
37266,
6,
7131,
6,
25202,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
11055,
6601,
14692,
34924,
8973,
796,
8265,
17816,
37266,
6,
7131,
6,
34924,
20520,
628,
220,
220,
220,
220,
220,
220,
220,
20218,
62,
10459,
796,
17365,
13,
29356,
13,
1136,
62,
10459,
7,
24330,
11,
8265,
17816,
37266,
6,
7131,
6,
28243,
6,
12962,
58,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
44267,
62,
11299,
796,
17365,
13,
29572,
7,
29510,
62,
10459,
8,
198,
220,
220,
220,
220,
220,
220,
220,
20218,
62,
85,
945,
796,
1351,
7,
28961,
13,
19796,
62,
917,
68,
565,
1144,
62,
25641,
2977,
7,
79,
945,
276,
62,
11299,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
329,
1401,
287,
20218,
62,
85,
945,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
965,
7,
7785,
8,
407,
287,
11055,
6601,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
705,
30800,
4064,
82,
4433,
4064,
82,
1988,
2637,
4,
7,
21412,
17816,
37266,
6,
7131,
6,
28243,
6,
4357,
7785,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
705,
5492,
302,
12,
5143,
351,
4064,
82,
2810,
2637,
4,
7,
7785,
8,
198,
220,
220,
220,
220,
220,
220,
220,
1949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
11055,
796,
11055,
13,
13287,
7,
28243,
6601,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2845,
35528,
355,
11055,
12331,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
6,
30800,
532,
4064,
82,
25,
857,
407,
8543,
9380,
25,
4064,
82,
6,
4,
7,
21412,
17816,
37266,
6,
7131,
6,
28243,
6,
4357,
28243,
12331,
8,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
6,
30800,
532,
2672,
475,
407,
2810,
6,
198,
220,
220,
220,
1441,
11055,
198,
198,
4299,
4566,
1616,
62,
2673,
7,
21412,
2599,
198,
220,
220,
220,
705,
7061,
2191,
2402,
7368,
17056,
1616,
1912,
319,
3689,
2810,
13,
198,
220,
220,
220,
220,
220,
220,
220,
532,
905,
532,
3359,
10154,
286,
4683,
4566,
1309,
198,
220,
220,
220,
220,
220,
220,
220,
532,
751,
532,
4296,
393,
751,
649,
4566,
1616,
284,
327,
8859,
198,
220,
220,
220,
220,
220,
220,
220,
532,
12233,
532,
12233,
4683,
4566,
1616,
628,
220,
220,
220,
1058,
17143,
8265,
25,
28038,
856,
8265,
351,
10007,
290,
5456,
4637,
13,
198,
220,
220,
220,
1058,
7783,
25,
360,
713,
286,
1321,
284,
6153,
2482,
351,
13,
628,
220,
220,
220,
383,
4566,
1616,
481,
307,
3706,
355,
5679,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1002,
3917,
351,
257,
3335,
262,
4566,
1616,
1438,
481,
307,
198,
220,
220,
220,
220,
220,
220,
220,
3335,
62,
11250,
1616,
5376,
611,
4566,
1616,
5376,
468,
587,
2810,
198,
220,
220,
220,
220,
220,
220,
220,
4306,
340,
481,
307,
3335,
62,
28243,
198,
220,
220,
220,
220,
220,
220,
220,
611,
4844,
286,
262,
2029,
423,
587,
2810,
340,
481,
307,
4566,
1616,
5376,
198,
220,
220,
220,
220,
220,
220,
220,
611,
326,
373,
407,
2810,
257,
4277,
1438,
286,
28038,
856,
62,
14402,
481,
307,
973,
198,
220,
220,
220,
705,
7061,
198,
220,
220,
220,
1255,
796,
8633,
3419,
198,
220,
220,
220,
1255,
17816,
11250,
1616,
12502,
20520,
28,
21412,
17816,
37266,
6,
7131,
6,
2673,
20520,
198,
220,
220,
220,
3421,
796,
10352,
198,
220,
220,
220,
4566,
1616,
62,
9275,
796,
10352,
198,
220,
220,
220,
4683,
62,
11250,
796,
705,
14202,
6,
198,
220,
220,
220,
1303,
13610,
17056,
1616,
6530,
198,
220,
220,
220,
611,
8265,
17816,
37266,
6,
7131,
6,
25202,
20520,
14512,
705,
14202,
6,
290,
8265,
17816,
37266,
6,
7131,
6,
11250,
1616,
5376,
20520,
14512,
705,
14202,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
4566,
1616,
62,
3672,
796,
965,
7,
21412,
17816,
37266,
6,
7131,
6,
25202,
6,
12962,
10,
6,
62,
6,
10,
2536,
7,
21412,
17816,
37266,
6,
7131,
6,
11250,
1616,
5376,
6,
12962,
198,
220,
220,
220,
1288,
361,
8265,
17816,
37266,
6,
7131,
6,
25202,
20520,
14512,
705,
14202,
6,
290,
8265,
17816,
37266,
6,
7131,
6,
28243,
20520,
14512,
705,
14202,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
4566,
1616,
62,
3672,
796,
965,
7,
21412,
17816,
37266,
6,
7131,
6,
25202,
6,
12962,
10,
6,
62,
6,
10,
2536,
7,
260,
13,
35312,
10786,
59,
2637,
11,
21412,
17816,
37266,
6,
7131,
6,
28243,
6,
12962,
58,
15,
12962,
198,
220,
220,
220,
1288,
361,
8265,
17816,
37266,
6,
7131,
6,
11250,
1616,
5376,
20520,
14512,
705,
14202,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
4566,
1616,
62,
3672,
796,
965,
7,
21412,
17816,
37266,
6,
7131,
6,
11250,
1616,
5376,
6,
12962,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
4566,
1616,
62,
3672,
796,
366,
2025,
82,
856,
62,
30782,
1,
198,
220,
220,
220,
1255,
17816,
11250,
1616,
5376,
20520,
796,
4566,
1616,
62,
3672,
198,
220,
220,
220,
1303,
9938,
17056,
1616,
287,
327,
8859,
611,
340,
7160,
198,
220,
220,
220,
4566,
1616,
62,
4868,
796,
8265,
17816,
16366,
6,
4083,
15042,
13,
1136,
62,
11250,
5289,
3419,
17816,
7890,
20520,
198,
220,
220,
220,
329,
4566,
1616,
287,
4566,
1616,
62,
4868,
25,
198,
220,
220,
220,
220,
220,
220,
220,
611,
965,
7,
11250,
1616,
17816,
3672,
6,
12962,
6624,
965,
7,
11250,
1616,
62,
3672,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4566,
1616,
62,
7890,
796,
8265,
17816,
16366,
6,
4083,
15042,
13,
1136,
62,
11250,
1616,
62,
1525,
62,
3672,
7,
11250,
1616,
62,
3672,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4683,
62,
11250,
796,
4566,
1616,
62,
7890,
17816,
11250,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4566,
1616,
62,
9275,
796,
6407,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
198,
220,
220,
220,
1303,
13610,
968,
4566,
611,
2672,
198,
220,
220,
220,
611,
8265,
17816,
37266,
6,
7131,
6,
28243,
6,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
4566,
796,
4566,
62,
6738,
62,
28243,
7,
21412,
8,
628,
220,
220,
220,
1303,
8229,
1459,
4566,
611,
1043,
290,
2223,
373,
905,
198,
220,
220,
220,
611,
8265,
17816,
37266,
6,
7131,
6,
2673,
20520,
6624,
705,
12860,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
611,
4566,
1616,
62,
9275,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1255,
17816,
14421,
16934,
12235,
20520,
796,
4683,
62,
11250,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1255,
17816,
3605,
16934,
12235,
20520,
796,
366,
2949,
17056,
532,
905,
691,
4683,
1,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1255,
17816,
14421,
16934,
12235,
20520,
796,
366,
2949,
17056,
532,
17056,
1616,
1892,
4062,
1,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1255,
17816,
3605,
16934,
12235,
20520,
796,
366,
2949,
17056,
532,
905,
691,
4683,
1,
628,
220,
220,
220,
1303,
32218,
393,
13610,
17056,
1616,
14,
16934,
611,
2223,
373,
751,
198,
220,
220,
220,
1288,
361,
8265,
17816,
37266,
6,
7131,
6,
2673,
20520,
6624,
705,
2860,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
611,
4566,
1616,
62,
9275,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1255,
17816,
14421,
16934,
12235,
20520,
796,
4683,
62,
11250,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1255,
17816,
3605,
16934,
12235,
20520,
796,
4566,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1217,
796,
8265,
17816,
16366,
6,
4083,
15042,
13,
19119,
62,
11250,
1616,
7,
11250,
11,
4566,
1616,
62,
7890,
17816,
2539,
6,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4566,
1616,
62,
7890,
17816,
3672,
6,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8265,
17816,
16366,
6,
4083,
15042,
13,
2860,
62,
11295,
62,
1462,
62,
11250,
1616,
7,
11250,
1616,
62,
7890,
17816,
2539,
6,
4357,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
366,
2235,
1869,
1886,
416,
28038,
856,
22492,
4943,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1255,
13,
19119,
7,
14681,
62,
11250,
1616,
7,
21412,
11,
4566,
1616,
62,
3672,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3421,
796,
6407,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1255,
17816,
14421,
16934,
12235,
20520,
796,
366,
3791,
17056,
1616,
532,
1400,
17056,
284,
1441,
1,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1255,
17816,
3605,
16934,
12235,
20520,
796,
4566,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1217,
796,
8265,
17816,
16366,
6,
4083,
15042,
13,
2860,
62,
11250,
1616,
7,
11250,
1616,
62,
3672,
11,
11250,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8265,
17816,
16366,
6,
4083,
15042,
13,
2860,
62,
11295,
62,
1462,
62,
11250,
1616,
7,
4363,
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,
366,
2235,
1869,
1886,
416,
28038,
856,
22492,
4943,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1255,
13,
19119,
7,
14681,
62,
11250,
1616,
7,
21412,
11,
4566,
1616,
62,
3672,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3421,
796,
6407,
628,
220,
220,
220,
1303,
23520,
17056,
1616,
611,
340,
7160,
198,
220,
220,
220,
1288,
361,
8265,
17816,
37266,
6,
7131,
6,
2673,
20520,
6624,
705,
33678,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
611,
4566,
1616,
62,
9275,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1255,
17816,
14421,
16934,
12235,
20520,
796,
4683,
62,
11250,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1255,
17816,
3605,
16934,
12235,
20520,
796,
366,
2949,
17056,
532,
17056,
1616,
1024,
33342,
1,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1255,
13,
19119,
7,
14681,
62,
11250,
1616,
7,
21412,
11,
4566,
1616,
62,
3672,
4008,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
1255,
17816,
437,
62,
34924,
62,
9127,
20520,
1875,
657,
393,
1255,
17816,
437,
62,
25202,
62,
9127,
20520,
1875,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3421,
796,
10352,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1255,
17816,
3605,
16934,
12235,
20520,
796,
4566,
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,
1217,
796,
220,
8265,
17816,
16366,
6,
4083,
15042,
13,
33678,
62,
11250,
1616,
7,
11250,
1616,
62,
7890,
17816,
3672,
6,
4357,
4566,
1616,
62,
7890,
17816,
2539,
6,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3421,
796,
6407,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1255,
17816,
3605,
16934,
12235,
20520,
796,
366,
2949,
17056,
532,
17056,
1616,
1024,
33342,
1,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1255,
17816,
14421,
16934,
12235,
20520,
796,
366,
2949,
17056,
532,
17056,
1616,
1892,
4062,
1,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1255,
17816,
3605,
16934,
12235,
20520,
796,
366,
2949,
17056,
532,
17056,
1616,
1892,
4062,
1,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1255,
17816,
14421,
16934,
12235,
20520,
796,
366,
2949,
17056,
532,
17665,
2223,
1,
198,
220,
220,
220,
220,
220,
220,
220,
1255,
17816,
3605,
16934,
12235,
20520,
796,
366,
2949,
17056,
532,
17665,
2223,
1,
628,
220,
220,
220,
1303,
8229,
15691,
422,
4560,
198,
220,
220,
220,
1441,
685,
40985,
11,
20274,
60,
198,
198,
4299,
21136,
42035,
33529,
198,
220,
220,
220,
37227,
38,
1032,
82,
401,
392,
1627,
3689,
329,
262,
4226,
11,
18616,
1037,
2420,
290,
17706,
617,
4049,
10627,
37811,
198,
220,
220,
220,
8748,
796,
366,
26060,
25,
4064,
1676,
70,
685,
25811,
30866,
198,
220,
220,
220,
30751,
796,
1822,
29572,
13,
28100,
1713,
46677,
7,
11213,
2625,
16447,
257,
4566,
1616,
287,
327,
8859,
327,
8859,
4943,
198,
220,
220,
220,
30751,
13,
2860,
62,
49140,
7203,
438,
29460,
1600,
35827,
28,
17821,
11,
1037,
11639,
5842,
13292,
284,
2604,
656,
327,
8859,
11537,
198,
220,
220,
220,
30751,
13,
2860,
62,
49140,
7203,
438,
28712,
1600,
35827,
28,
17821,
11,
1037,
11639,
35215,
329,
327,
8859,
2836,
284,
17594,
11537,
198,
220,
220,
220,
30751,
13,
2860,
62,
49140,
7203,
438,
4774,
1600,
35827,
28,
17821,
11,
1037,
11639,
34,
8859,
14504,
6101,
393,
6530,
11537,
198,
220,
220,
220,
30751,
13,
2860,
62,
49140,
7203,
438,
11235,
4668,
1600,
4277,
11639,
6535,
28820,
3256,
1037,
11639,
40717,
393,
14626,
82,
11537,
198,
220,
220,
220,
30751,
13,
2860,
62,
49140,
7203,
438,
634,
1600,
4277,
28,
34938,
837,
16794,
11639,
4825,
47,
2493,
7913,
4277,
40384,
11537,
198,
220,
220,
220,
30751,
13,
2860,
62,
49140,
7203,
438,
34924,
1600,
12286,
11639,
14202,
3256,
1037,
11639,
29869,
284,
751,
4566,
1616,
284,
11537,
198,
220,
220,
220,
30751,
13,
2860,
62,
49140,
7203,
438,
8000,
1600,
4277,
2625,
43139,
415,
1600,
1037,
11639,
24546,
9290,
329,
2496,
9290,
11537,
198,
220,
220,
220,
30751,
13,
2860,
62,
49140,
7203,
438,
25202,
1600,
4277,
11639,
14202,
3256,
1037,
11639,
24728,
284,
751,
4566,
1616,
284,
11537,
198,
220,
220,
220,
30751,
13,
2860,
62,
49140,
7203,
438,
11250,
1616,
5376,
1600,
4277,
11639,
14202,
3256,
1037,
11639,
5376,
286,
17056,
1616,
11,
460,
307,
8295,
12,
27568,
11537,
198,
220,
220,
220,
30751,
13,
2860,
62,
49140,
7203,
438,
28243,
1600,
35827,
28,
17821,
11,
4277,
11639,
14202,
3256,
1037,
11639,
41,
259,
6592,
17,
37350,
973,
329,
17056,
1616,
11537,
198,
220,
220,
220,
30751,
13,
2860,
62,
49140,
7203,
438,
7890,
1600,
35827,
28,
17821,
11,
1037,
11639,
56,
43695,
6060,
9220,
2672,
329,
17056,
1616,
6060,
11537,
198,
220,
220,
220,
30751,
13,
2860,
62,
49140,
7203,
438,
2673,
1600,
35827,
28,
17821,
11,
4277,
11639,
12860,
3256,
7747,
28,
17816,
12860,
3256,
705,
2860,
3256,
705,
33678,
6,
4357,
16794,
11639,
12860,
11,
2860,
11,
33678,
11537,
198,
220,
220,
220,
26498,
796,
30751,
13,
29572,
62,
22046,
3419,
198,
220,
220,
220,
1441,
357,
22046,
8,
198,
220,
220,
220,
220,
198,
198,
4299,
1388,
33529,
198,
220,
220,
220,
37227,
1388,
5726,
966,
329,
8265,
9706,
198,
220,
220,
220,
37227,
628,
220,
220,
220,
8265,
796,
23884,
198,
220,
220,
220,
1303,
21412,
17816,
37266,
20520,
796,
21136,
42035,
3419,
198,
220,
220,
220,
8265,
17816,
37266,
20520,
796,
410,
945,
7,
29572,
42035,
28955,
198,
220,
220,
220,
1255,
796,
8633,
7,
40985,
28,
25101,
8,
198,
220,
220,
220,
3601,
366,
21017,
8113,
278,
284,
327,
8859,
44386,
1,
198,
220,
220,
220,
8265,
17816,
16366,
20520,
796,
2018,
7,
21412,
8,
198,
220,
220,
220,
1303,
7413,
17962,
2198,
329,
4683,
8861,
198,
220,
220,
220,
220,
628,
220,
220,
220,
1303,
6251,
4566,
290,
8265,
42287,
284,
4566,
1616,
62,
2673,
284,
719,
319,
4566,
1616,
198,
220,
220,
220,
3601,
366,
21017,
30481,
17056,
1616,
44386,
1,
198,
220,
220,
220,
1255,
17816,
40985,
6,
4357,
20274,
17816,
11250,
1616,
62,
7890,
20520,
796,
4566,
1616,
62,
2673,
7,
21412,
8,
628,
220,
220,
220,
1303,
6822,
611,
262,
4566,
1616,
318,
5625,
284,
257,
3335,
393,
9290,
198,
220,
220,
220,
1303,
16232,
481,
1011,
8475,
286,
43101,
198,
220,
220,
220,
4566,
1616,
62,
4906,
796,
366,
14202,
1,
198,
220,
220,
220,
611,
8265,
17816,
37266,
6,
7131,
6,
25202,
20520,
14512,
366,
14202,
1298,
198,
220,
220,
220,
220,
220,
220,
220,
3335,
62,
7890,
796,
3335,
62,
10951,
7,
21412,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
705,
43917,
6,
407,
287,
3335,
62,
7890,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4566,
1616,
8053,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
366,
27509,
3335,
62,
7890,
12,
11250,
5289,
11097,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
4566,
1616,
287,
3335,
62,
7890,
17816,
11250,
5289,
6,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4566,
1616,
8053,
13,
33295,
7,
11250,
1616,
17816,
3672,
6,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9788,
17,
13,
381,
22272,
7,
11250,
1616,
8053,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
4566,
1616,
287,
3335,
62,
7890,
17816,
11250,
5289,
6,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
6822,
611,
17056,
1616,
318,
5625,
284,
16232,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
4566,
1616,
17816,
3672,
20520,
6624,
1255,
17816,
11250,
1616,
62,
7890,
6,
7131,
6,
11250,
1616,
5376,
6,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4566,
1616,
62,
4906,
796,
366,
25202,
1,
198,
220,
220,
220,
611,
8265,
17816,
37266,
6,
7131,
6,
34924,
20520,
14512,
366,
14202,
1,
290,
8265,
17816,
37266,
6,
7131,
6,
25202,
20520,
6624,
366,
14202,
1298,
198,
220,
220,
220,
220,
220,
220,
220,
9290,
62,
7890,
796,
9290,
62,
10951,
7,
21412,
8,
198,
220,
220,
220,
220,
220,
220,
220,
611,
705,
43917,
6,
407,
287,
9290,
62,
7890,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4566,
1616,
8053,
796,
17635,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
3601,
366,
27509,
9290,
62,
7890,
12,
11250,
5289,
11097,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
4566,
1616,
287,
9290,
62,
7890,
17816,
11250,
5289,
6,
7131,
6,
11250,
1616,
8053,
6,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4566,
1616,
8053,
13,
33295,
7,
11250,
1616,
17816,
3672,
6,
12962,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9788,
17,
13,
381,
22272,
7,
11250,
1616,
8053,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
329,
4566,
1616,
287,
9290,
62,
7890,
17816,
11250,
5289,
6,
7131,
6,
11250,
1616,
8053,
6,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
6822,
611,
17056,
1616,
318,
5625,
284,
43101,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
4566,
1616,
17816,
3672,
20520,
6624,
1255,
17816,
11250,
1616,
62,
7890,
6,
7131,
6,
11250,
1616,
5376,
6,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4566,
1616,
62,
4906,
796,
366,
34924,
1,
198,
220,
220,
220,
1255,
17816,
11250,
1616,
62,
7890,
6,
7131,
6,
11250,
1616,
6030,
20520,
796,
4566,
1616,
62,
4906,
628,
220,
220,
220,
1303,
6822,
15691,
286,
4566,
1616,
62,
2673,
290,
719,
16062,
198,
220,
220,
220,
611,
1255,
17816,
40985,
6,
5974,
198,
220,
220,
220,
220,
220,
220,
220,
1208,
628,
220,
220,
220,
3601,
37082,
77,
26796,
25414,
11097,
198,
220,
220,
220,
9788,
19,
13,
381,
22272,
7,
20274,
8,
198,
220,
220,
220,
3601,
37082,
77,
26796,
6060,
11097,
198,
220,
220,
220,
9788,
19,
13,
381,
22272,
7,
21412,
8,
628,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
198,
220,
220,
220,
1388,
3419,
198
] | 2.573959 | 8,187 |
# -*- coding: utf-8 -*-
#
# Copyright (C) 2019-2020 CERN.
#
# invenio-app-ils is free software; you can redistribute it and/or modify it
# under the terms of the MIT License; see LICENSE file for more details.
"""Acquisition indexer APIs."""
from datetime import datetime
from celery import shared_task
from flask import current_app
from invenio_indexer.api import RecordIndexer
from invenio_app_ils.indexer import ReferencedRecordsIndexer
from .api import ORDER_PID_TYPE, VENDOR_PID_TYPE
from .proxies import current_ils_acq
@shared_task(ignore_result=True)
def vendor_index_referenced_records(vendor):
"""Index referenced records."""
indexer = ReferencedRecordsIndexer()
indexed = dict(pid_type=VENDOR_PID_TYPE, record=vendor)
referenced = []
# fetch and index orders
Order = current_ils_acq.order_record_cls
OrderSearch = current_ils_acq.order_search_cls
for order in (
OrderSearch().search_by_vendor_pid(vendor_pid=vendor["pid"]).scan()
):
order = Order.get_record_by_pid(order["pid"])
referenced.append(dict(pid_type=ORDER_PID_TYPE, record=order))
indexer.index(indexed, referenced)
class VendorIndexer(RecordIndexer):
"""Indexer class for Vendor record."""
def index(self, vendor, arguments=None, **kwargs):
"""Index an Vendor."""
super().index(vendor)
eta = datetime.utcnow() + current_app.config["ILS_INDEXER_TASK_DELAY"]
vendor_index_referenced_records.apply_async((vendor,), eta=eta)
| [
2,
532,
9,
12,
19617,
25,
3384,
69,
12,
23,
532,
9,
12,
198,
2,
198,
2,
15069,
357,
34,
8,
13130,
12,
42334,
327,
28778,
13,
198,
2,
198,
2,
287,
574,
952,
12,
1324,
12,
4487,
318,
1479,
3788,
26,
345,
460,
17678,
4163,
340,
290,
14,
273,
13096,
340,
198,
2,
739,
262,
2846,
286,
262,
17168,
13789,
26,
766,
38559,
24290,
2393,
329,
517,
3307,
13,
198,
198,
37811,
12832,
421,
10027,
6376,
263,
23113,
526,
15931,
198,
198,
6738,
4818,
8079,
1330,
4818,
8079,
198,
198,
6738,
18725,
1924,
1330,
4888,
62,
35943,
198,
6738,
42903,
1330,
1459,
62,
1324,
198,
6738,
287,
574,
952,
62,
9630,
263,
13,
15042,
1330,
13266,
15732,
263,
198,
198,
6738,
287,
574,
952,
62,
1324,
62,
4487,
13,
9630,
263,
1330,
6524,
14226,
771,
6690,
3669,
15732,
263,
198,
198,
6738,
764,
15042,
1330,
38678,
62,
47,
2389,
62,
25216,
11,
569,
10619,
1581,
62,
47,
2389,
62,
25216,
198,
6738,
764,
1676,
87,
444,
1330,
1459,
62,
4487,
62,
330,
80,
628,
198,
31,
28710,
62,
35943,
7,
46430,
62,
20274,
28,
17821,
8,
198,
4299,
18371,
62,
9630,
62,
5420,
14226,
771,
62,
8344,
3669,
7,
85,
18738,
2599,
198,
220,
220,
220,
37227,
15732,
20717,
4406,
526,
15931,
198,
220,
220,
220,
6376,
263,
796,
6524,
14226,
771,
6690,
3669,
15732,
263,
3419,
198,
220,
220,
220,
41497,
796,
8633,
7,
35317,
62,
4906,
28,
53,
10619,
1581,
62,
47,
2389,
62,
25216,
11,
1700,
28,
85,
18738,
8,
198,
220,
220,
220,
20717,
796,
17635,
628,
220,
220,
220,
1303,
21207,
290,
6376,
6266,
198,
220,
220,
220,
8284,
796,
1459,
62,
4487,
62,
330,
80,
13,
2875,
62,
22105,
62,
565,
82,
198,
220,
220,
220,
8284,
18243,
796,
1459,
62,
4487,
62,
330,
80,
13,
2875,
62,
12947,
62,
565,
82,
198,
220,
220,
220,
329,
1502,
287,
357,
198,
220,
220,
220,
220,
220,
220,
220,
8284,
18243,
22446,
12947,
62,
1525,
62,
85,
18738,
62,
35317,
7,
85,
18738,
62,
35317,
28,
85,
18738,
14692,
35317,
8973,
737,
35836,
3419,
198,
220,
220,
220,
15179,
198,
220,
220,
220,
220,
220,
220,
220,
1502,
796,
8284,
13,
1136,
62,
22105,
62,
1525,
62,
35317,
7,
2875,
14692,
35317,
8973,
8,
198,
220,
220,
220,
220,
220,
220,
220,
20717,
13,
33295,
7,
11600,
7,
35317,
62,
4906,
28,
12532,
1137,
62,
47,
2389,
62,
25216,
11,
1700,
28,
2875,
4008,
628,
220,
220,
220,
6376,
263,
13,
9630,
7,
9630,
276,
11,
20717,
8,
628,
198,
4871,
39896,
15732,
263,
7,
23739,
15732,
263,
2599,
198,
220,
220,
220,
37227,
15732,
263,
1398,
329,
39896,
1700,
526,
15931,
628,
220,
220,
220,
825,
6376,
7,
944,
11,
18371,
11,
7159,
28,
14202,
11,
12429,
46265,
22046,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
15732,
281,
39896,
526,
15931,
198,
220,
220,
220,
220,
220,
220,
220,
2208,
22446,
9630,
7,
85,
18738,
8,
198,
220,
220,
220,
220,
220,
220,
220,
2123,
64,
796,
4818,
8079,
13,
315,
66,
2197,
3419,
1343,
1459,
62,
1324,
13,
11250,
14692,
45484,
62,
12115,
6369,
1137,
62,
51,
1921,
42,
62,
35,
3698,
4792,
8973,
198,
220,
220,
220,
220,
220,
220,
220,
18371,
62,
9630,
62,
5420,
14226,
771,
62,
8344,
3669,
13,
39014,
62,
292,
13361,
19510,
85,
18738,
11,
828,
2123,
64,
28,
17167,
8,
198
] | 2.653779 | 569 |
# -*- coding: utf-8 -*-
# Copyright 2019 Cohesity Inc.
class TypeOracleProtectionSourceEnum(object):
"""Implementation of the 'Type_OracleProtectionSource' enum.
Specifies the type of the managed Object in Oracle Protection Source.
'kRACRootContainer' indicates the entity is a root container to an Oracle
Real Application clusters(Oracle RAC).
'kRootContainer' indicates the entity is a root container to an Oracle
standalone server.
'kHost' indicates the entity is an Oracle host.
'kDatabase' indicates the entity is an Oracle Database.
'kTableSpace' indicates the entity is an Oracle table space.
'kTable' indicates the entity is an Oracle table.
Attributes:
KRACROOTCONTAINER: TODO: type description here.
KROOTCONTAINER: TODO: type description here.
KHOST: TODO: type description here.
KDATABASE: TODO: type description here.
KTABLESPACE: TODO: type description here.
KTABLE: TODO: type description here.
"""
KRACROOTCONTAINER = 'kRACRootContainer'
KROOTCONTAINER = 'kRootContainer'
KHOST = 'kHost'
KDATABASE = 'kDatabase'
KTABLESPACE = 'kTableSpace'
KTABLE = 'kTable'
| [
2,
532,
9,
12,
19617,
25,
3384,
69,
12,
23,
532,
9,
12,
198,
2,
15069,
13130,
1766,
956,
414,
3457,
13,
198,
198,
4871,
5994,
48625,
19703,
3213,
7416,
4834,
388,
7,
15252,
2599,
628,
220,
220,
220,
37227,
3546,
32851,
286,
262,
705,
6030,
62,
48625,
19703,
3213,
7416,
6,
33829,
13,
628,
220,
220,
220,
18291,
6945,
262,
2099,
286,
262,
5257,
9515,
287,
18650,
9985,
8090,
13,
198,
220,
220,
220,
705,
74,
49,
2246,
30016,
29869,
6,
9217,
262,
9312,
318,
257,
6808,
9290,
284,
281,
18650,
198,
220,
220,
220,
6416,
15678,
23163,
7,
48625,
371,
2246,
737,
198,
220,
220,
220,
705,
74,
30016,
29869,
6,
9217,
262,
9312,
318,
257,
6808,
9290,
284,
281,
18650,
198,
220,
220,
220,
27669,
4382,
13,
198,
220,
220,
220,
705,
74,
17932,
6,
9217,
262,
9312,
318,
281,
18650,
2583,
13,
198,
220,
220,
220,
705,
74,
38105,
6,
9217,
262,
9312,
318,
281,
18650,
24047,
13,
198,
220,
220,
220,
705,
74,
10962,
14106,
6,
9217,
262,
9312,
318,
281,
18650,
3084,
2272,
13,
198,
220,
220,
220,
705,
74,
10962,
6,
9217,
262,
9312,
318,
281,
18650,
3084,
13,
628,
220,
220,
220,
49213,
25,
198,
220,
220,
220,
220,
220,
220,
220,
29430,
2246,
13252,
2394,
10943,
30339,
1137,
25,
16926,
46,
25,
2099,
6764,
994,
13,
198,
220,
220,
220,
220,
220,
220,
220,
509,
13252,
2394,
10943,
30339,
1137,
25,
16926,
46,
25,
2099,
6764,
994,
13,
198,
220,
220,
220,
220,
220,
220,
220,
40249,
10892,
25,
16926,
46,
25,
2099,
6764,
994,
13,
198,
220,
220,
220,
220,
220,
220,
220,
43943,
1404,
6242,
11159,
25,
16926,
46,
25,
2099,
6764,
994,
13,
198,
220,
220,
220,
220,
220,
220,
220,
509,
5603,
9148,
1546,
47,
11598,
25,
16926,
46,
25,
2099,
6764,
994,
13,
198,
220,
220,
220,
220,
220,
220,
220,
509,
38148,
25,
16926,
46,
25,
2099,
6764,
994,
13,
628,
220,
220,
220,
37227,
628,
220,
220,
220,
29430,
2246,
13252,
2394,
10943,
30339,
1137,
796,
705,
74,
49,
2246,
30016,
29869,
6,
628,
220,
220,
220,
509,
13252,
2394,
10943,
30339,
1137,
796,
705,
74,
30016,
29869,
6,
628,
220,
220,
220,
40249,
10892,
796,
705,
74,
17932,
6,
628,
220,
220,
220,
43943,
1404,
6242,
11159,
796,
705,
74,
38105,
6,
628,
220,
220,
220,
509,
5603,
9148,
1546,
47,
11598,
796,
705,
74,
10962,
14106,
6,
628,
220,
220,
220,
509,
38148,
796,
705,
74,
10962,
6,
628
] | 2.892086 | 417 |
"""
Prime Sum
Problem Description
Given an even number A ( greater than 2 ), return two prime numbers whose sum will be equal to given number. If there are more than one solutions possible, return the lexicographically smaller solution.
If [a, b] is one solution with a <= b, and [c,d] is another solution with c <= d, then
[a, b] < [c, d], If a < c OR a==c AND b < d.
NOTE: A solution will always exist. Read Goldbach's conjecture.
Problem Constraints
4 <= A <= 2*107
Input Format
First and only argument of input is an even number A.
Output Format
Return a integer array of size 2 containing primes whose sum will be equal to given number.
Example Input
4
Example Output
[2, 2]
Example Explanation
There is only 1 solution for A = 4.
"""
| [
37811,
198,
26405,
5060,
198,
40781,
12489,
198,
15056,
281,
772,
1271,
317,
357,
3744,
621,
362,
10612,
1441,
734,
6994,
3146,
3025,
2160,
481,
307,
4961,
284,
1813,
1271,
13,
220,
220,
1002,
612,
389,
517,
621,
530,
8136,
1744,
11,
1441,
262,
31191,
291,
33145,
4833,
4610,
13,
198,
1532,
685,
64,
11,
275,
60,
318,
530,
4610,
351,
257,
19841,
275,
11,
290,
685,
66,
11,
67,
60,
318,
1194,
4610,
351,
269,
19841,
288,
11,
788,
220,
198,
58,
64,
11,
275,
60,
1279,
685,
66,
11,
288,
4357,
1002,
257,
1279,
269,
6375,
257,
855,
66,
5357,
275,
1279,
288,
13,
220,
198,
16580,
25,
317,
4610,
481,
1464,
2152,
13,
4149,
3561,
19496,
338,
46768,
13,
220,
220,
220,
220,
220,
628,
198,
40781,
1482,
2536,
6003,
198,
19,
19841,
317,
19841,
362,
9,
15982,
628,
198,
20560,
18980,
198,
5962,
290,
691,
4578,
286,
5128,
318,
281,
772,
1271,
317,
13,
628,
198,
26410,
18980,
198,
13615,
257,
18253,
7177,
286,
2546,
362,
7268,
778,
999,
3025,
2160,
481,
307,
4961,
284,
1813,
1271,
13,
628,
198,
16281,
23412,
198,
604,
628,
198,
16281,
25235,
198,
685,
17,
11,
362,
60,
628,
198,
16281,
50125,
341,
198,
1318,
318,
691,
352,
4610,
329,
317,
796,
604,
13,
198,
198,
37811,
198
] | 3.509174 | 218 |
from tensorflow.keras import layers
from tensorflow.keras.activations import swish
from tensorflow.nn import relu6
class DenselyConnected(layers.Layer):
"""Densely Connected Layer followed by Batch Normalization (optional) and Dropout (optional)
Args:
units (int): dimensionality of the output space
batch_normalization (bool): whether to use Batch Normalization, default: False
dropout (float): the dropout rate, default: 0
kwargs (keyword arguments): the arguments for Dense Layer
"""
class DenseSkipConnection(layers.Layer):
"""Implementation of a skip connection for densely connected layer
Args:
units (int): dimensionality of the output space
batch_normalization (bool): whether to use Batch Normalization, default: False
dropout (float): the dropout rate, default: 0
activation (keras Activation): activation to be applied, default: relu
kwargs (keyword arguments): the arguments for Dense Layer
""" | [
6738,
11192,
273,
11125,
13,
6122,
292,
1330,
11685,
198,
6738,
11192,
273,
11125,
13,
6122,
292,
13,
15791,
602,
1330,
1509,
680,
198,
6738,
11192,
273,
11125,
13,
20471,
1330,
823,
84,
21,
628,
628,
198,
198,
4871,
360,
1072,
306,
13313,
276,
7,
75,
6962,
13,
49925,
2599,
198,
220,
220,
220,
37227,
35,
1072,
306,
8113,
276,
34398,
3940,
416,
347,
963,
14435,
1634,
357,
25968,
8,
290,
14258,
448,
357,
25968,
8,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
4991,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
600,
2599,
15793,
1483,
286,
262,
5072,
2272,
198,
220,
220,
220,
220,
220,
220,
220,
15458,
62,
11265,
1634,
357,
30388,
2599,
1771,
284,
779,
347,
963,
14435,
1634,
11,
4277,
25,
10352,
198,
220,
220,
220,
220,
220,
220,
220,
4268,
448,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
22468,
2599,
262,
4268,
448,
2494,
11,
4277,
25,
657,
198,
220,
220,
220,
220,
220,
220,
220,
479,
86,
22046,
357,
2539,
4775,
7159,
2599,
262,
7159,
329,
360,
1072,
34398,
198,
220,
220,
220,
37227,
628,
198,
4871,
360,
1072,
50232,
32048,
7,
75,
6962,
13,
49925,
2599,
198,
220,
220,
220,
37227,
3546,
32851,
286,
257,
14267,
4637,
329,
42255,
5884,
7679,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
4991,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
600,
2599,
15793,
1483,
286,
262,
5072,
2272,
198,
220,
220,
220,
220,
220,
220,
220,
15458,
62,
11265,
1634,
220,
220,
220,
357,
30388,
2599,
1771,
284,
779,
347,
963,
14435,
1634,
11,
4277,
25,
10352,
198,
220,
220,
220,
220,
220,
220,
220,
4268,
448,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
357,
22468,
2599,
262,
4268,
448,
2494,
11,
4277,
25,
657,
198,
220,
220,
220,
220,
220,
220,
220,
14916,
357,
6122,
292,
13144,
341,
2599,
14916,
284,
307,
5625,
11,
4277,
25,
823,
84,
198,
220,
220,
220,
220,
220,
220,
220,
479,
86,
22046,
220,
220,
220,
357,
2539,
4775,
7159,
2599,
262,
7159,
329,
360,
1072,
34398,
198,
220,
220,
220,
37227
] | 2.75641 | 390 |
import random
import hashlib
# inp = raw_input()
enc = "3f6f706b513c5f65557a6e5a5d736979666663686073677975547a7e516665776a68696a657d6963777572674f7269716f59666f5857605a20566e7b7b5c5a75636c60596b6f68607f76547970717f784d6e6073515a5c686a81756e74755c63667468595d7f76736d5e696e5e607d63"
# print enc
for i in range(1337,7331):
ciper = enc.decode('hex')
ciper = [ord(j) for j in ciper]
x = ff4(f3(i,len(ciper)),ciper)
x = f1(ff2(x))
flag = check(x)
if flag !="Wrong Flag !":
print flag
break
# print encrypt(raw_input())
# hashlib.md5("reverse_a_function_with_a_bit_of_cryptography_isnt_that_hard_or_is_it_?_but_if_u_got_this_message_u_r_awesome_:*").hexdigest()
# reverse_a_function_with_a_bit_of_cryptography_isnt_that_hard_or_is_it_?_but_if_u_got_this_message_u_r_awesome_:*
| [
11748,
4738,
201,
198,
11748,
12234,
8019,
201,
198,
201,
198,
2,
287,
79,
796,
8246,
62,
15414,
3419,
201,
198,
12685,
796,
366,
18,
69,
21,
69,
35402,
65,
48645,
66,
20,
69,
35916,
3553,
64,
21,
68,
20,
64,
20,
67,
22,
30803,
3720,
19060,
21,
27412,
31980,
2623,
40393,
38172,
2857,
64,
22,
68,
47493,
36879,
39509,
64,
3104,
38205,
64,
37680,
67,
38205,
26514,
39251,
2075,
4524,
69,
22,
2075,
5607,
1433,
69,
3270,
27310,
69,
3365,
3553,
32417,
64,
21261,
2791,
68,
22,
65,
22,
65,
20,
66,
20,
64,
38219,
2623,
66,
1899,
45734,
65,
21,
69,
3104,
31980,
69,
29143,
31714,
24038,
1558,
69,
37688,
67,
21,
68,
31980,
2327,
1314,
64,
20,
66,
33808,
64,
23,
1558,
3980,
68,
4524,
38172,
66,
21,
2623,
3134,
38472,
35124,
67,
22,
69,
32059,
2623,
67,
20,
68,
38205,
68,
20,
68,
31980,
67,
5066,
1,
201,
198,
2,
3601,
2207,
201,
198,
201,
198,
1640,
1312,
287,
2837,
7,
1485,
2718,
11,
22,
31697,
2599,
201,
198,
220,
220,
220,
269,
9346,
796,
2207,
13,
12501,
1098,
10786,
33095,
11537,
201,
198,
220,
220,
220,
269,
9346,
796,
685,
585,
7,
73,
8,
329,
474,
287,
269,
9346,
60,
201,
198,
220,
220,
220,
2124,
796,
31246,
19,
7,
69,
18,
7,
72,
11,
11925,
7,
979,
525,
36911,
979,
525,
8,
201,
198,
220,
220,
220,
2124,
796,
277,
16,
7,
487,
17,
7,
87,
4008,
201,
198,
220,
220,
220,
6056,
796,
2198,
7,
87,
8,
201,
198,
220,
220,
220,
611,
6056,
5145,
2625,
39213,
506,
19762,
5145,
1298,
201,
198,
220,
220,
220,
220,
197,
4798,
6056,
201,
198,
220,
220,
220,
220,
197,
9032,
201,
198,
2,
3601,
34117,
7,
1831,
62,
15414,
28955,
201,
198,
2,
12234,
8019,
13,
9132,
20,
7203,
50188,
62,
64,
62,
8818,
62,
4480,
62,
64,
62,
2545,
62,
1659,
62,
29609,
4867,
62,
271,
429,
62,
5562,
62,
10424,
62,
273,
62,
271,
62,
270,
62,
30,
62,
4360,
62,
361,
62,
84,
62,
23442,
62,
5661,
62,
20500,
62,
84,
62,
81,
62,
707,
5927,
62,
25,
9,
11074,
33095,
12894,
395,
3419,
201,
198,
2,
9575,
62,
64,
62,
8818,
62,
4480,
62,
64,
62,
2545,
62,
1659,
62,
29609,
4867,
62,
271,
429,
62,
5562,
62,
10424,
62,
273,
62,
271,
62,
270,
62,
30,
62,
4360,
62,
361,
62,
84,
62,
23442,
62,
5661,
62,
20500,
62,
84,
62,
81,
62,
707,
5927,
62,
25,
9,
201,
198,
201,
198
] | 1.962085 | 422 |
# Copyright (c) Alibaba, Inc. and its affiliates.
import argparse
import os
import sys
import unittest
file_dir = os.path.join(os.path.dirname(__file__), '..')
sys.path.append(file_dir)
parser = argparse.ArgumentParser('test runner')
parser.add_argument('--list_tests', action='store_true', help='list all tests')
parser.add_argument('--pattern', default='test_*.py', help='test file pattern')
parser.add_argument('--test_dir',
default='tests',
help='directory to be tested')
args = parser.parse_args()
if __name__ == '__main__':
main()
| [
2,
15069,
357,
66,
8,
41992,
11,
3457,
13,
290,
663,
29116,
13,
198,
198,
11748,
1822,
29572,
198,
11748,
28686,
220,
198,
11748,
25064,
198,
11748,
555,
715,
395,
198,
198,
7753,
62,
15908,
796,
28686,
13,
6978,
13,
22179,
7,
418,
13,
6978,
13,
15908,
3672,
7,
834,
7753,
834,
828,
705,
492,
11537,
198,
17597,
13,
6978,
13,
33295,
7,
7753,
62,
15908,
8,
198,
198,
48610,
796,
1822,
29572,
13,
28100,
1713,
46677,
10786,
9288,
17490,
11537,
198,
48610,
13,
2860,
62,
49140,
10786,
438,
4868,
62,
41989,
3256,
2223,
11639,
8095,
62,
7942,
3256,
1037,
11639,
4868,
477,
5254,
11537,
198,
48610,
13,
2860,
62,
49140,
10786,
438,
33279,
3256,
4277,
11639,
9288,
62,
24620,
9078,
3256,
1037,
11639,
9288,
2393,
3912,
11537,
198,
48610,
13,
2860,
62,
49140,
10786,
438,
9288,
62,
15908,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
4277,
11639,
41989,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1037,
11639,
34945,
284,
307,
6789,
11537,
198,
22046,
796,
30751,
13,
29572,
62,
22046,
3419,
628,
628,
198,
361,
11593,
3672,
834,
6624,
705,
834,
12417,
834,
10354,
198,
220,
220,
220,
1388,
3419,
198
] | 2.677273 | 220 |
from flask_sqlalchemy import SQLAlchemy
DB = SQLAlchemy()
| [
6738,
42903,
62,
25410,
282,
26599,
1330,
16363,
2348,
26599,
198,
198,
11012,
796,
16363,
2348,
26599,
3419,
198
] | 3.105263 | 19 |
# Django
from django import forms
from django.utils.translation import gettext as _
from django.conf import settings
# Models
from django.contrib.auth.models import User
from users.models import ExperienceCompany, PositionCompany, Profile
# Utils
from users.utils import GENERES
from services.email import EmailService
import threading
import random
| [
198,
2,
37770,
198,
6738,
42625,
14208,
1330,
5107,
198,
6738,
42625,
14208,
13,
26791,
13,
41519,
1330,
651,
5239,
355,
4808,
198,
6738,
42625,
14208,
13,
10414,
1330,
6460,
198,
198,
2,
32329,
198,
6738,
42625,
14208,
13,
3642,
822,
13,
18439,
13,
27530,
1330,
11787,
198,
6738,
2985,
13,
27530,
1330,
16386,
39154,
11,
23158,
39154,
11,
13118,
198,
198,
2,
7273,
4487,
198,
6738,
2985,
13,
26791,
1330,
24700,
1137,
1546,
198,
6738,
2594,
13,
12888,
1330,
9570,
16177,
198,
11748,
4704,
278,
198,
11748,
4738,
628,
198
] | 3.901099 | 91 |
import json
import pytest
import requests
from django.test import TestCase
from seahub import settings
from tests.api.apitestbase import ApiTestBase
from tests.api.urls import SERVER_INFO_URL
| [
11748,
33918,
198,
11748,
12972,
9288,
198,
11748,
7007,
198,
198,
6738,
42625,
14208,
13,
9288,
1330,
6208,
20448,
198,
198,
6738,
384,
993,
549,
1330,
6460,
198,
6738,
5254,
13,
15042,
13,
499,
270,
395,
8692,
1330,
5949,
72,
14402,
14881,
198,
6738,
5254,
13,
15042,
13,
6371,
82,
1330,
18871,
5959,
62,
10778,
62,
21886,
198
] | 3.344828 | 58 |
from datetime import datetime
from mdf import (
MDFContext,
varnode,
nansumnode,
evalnode,
now,
shift,
)
from numpy.testing.utils import assert_array_almost_equal
from pandas.core import datetools
import pandas as pd
import unittest
A = varnode()
@nansumnode
@evalnode
@evalnode
| [
6738,
4818,
8079,
1330,
4818,
8079,
198,
6738,
285,
7568,
1330,
357,
198,
220,
220,
220,
337,
8068,
21947,
11,
198,
220,
220,
220,
1401,
17440,
11,
198,
220,
220,
220,
299,
504,
4182,
1098,
11,
198,
220,
220,
220,
5418,
17440,
11,
198,
220,
220,
220,
783,
11,
198,
220,
220,
220,
6482,
11,
198,
8,
198,
6738,
299,
32152,
13,
33407,
13,
26791,
1330,
6818,
62,
18747,
62,
28177,
62,
40496,
198,
6738,
19798,
292,
13,
7295,
1330,
4818,
316,
10141,
198,
198,
11748,
19798,
292,
355,
279,
67,
198,
11748,
555,
715,
395,
198,
198,
32,
796,
1401,
17440,
3419,
198,
198,
31,
77,
504,
4182,
1098,
198,
198,
31,
18206,
17440,
198,
198,
31,
18206,
17440,
198
] | 2.545455 | 121 |
#!/usr/bin/env python3
from __future__ import annotations
import math
import pathlib
from ipaddress import IPv6Address
from pprint import pprint
from datetime import datetime, timedelta
import numpy as np
import scipy.stats as stats
import matplotlib.pyplot as plt
import matplotlib.dates as mdates
from analysis.parser.pyshark_pcap import main as parse
from analysis.graph.util import savefig
plt.rcParams['text.usetex'] = True
plt.rcParams['font.size'] = 12
if __name__ == "__main__":
import argparse
parser = argparse.ArgumentParser(description='Messages sent and received')
parser.add_argument('--log-dir', type=pathlib.Path, default=["results"], nargs='+', help='The directory which contains the log output')
parser.add_argument("--tx-ymax", type=float, default=None, help="The tx ymax")
parser.add_argument("--rx-ymax", type=float, default=None, help="The rx ymax")
args = parser.parse_args()
for log_dir in args.log_dir:
print(f"Graphing for {log_dir}")
main(log_dir, args.tx_ymax, args.rx_ymax)
| [
2,
48443,
14629,
14,
8800,
14,
24330,
21015,
18,
198,
6738,
11593,
37443,
834,
1330,
37647,
198,
198,
11748,
10688,
198,
11748,
3108,
8019,
198,
6738,
20966,
21975,
1330,
25961,
21,
20231,
198,
6738,
279,
4798,
1330,
279,
4798,
198,
6738,
4818,
8079,
1330,
4818,
8079,
11,
28805,
12514,
198,
198,
11748,
299,
32152,
355,
45941,
198,
11748,
629,
541,
88,
13,
34242,
355,
9756,
198,
198,
11748,
2603,
29487,
8019,
13,
9078,
29487,
355,
458,
83,
198,
11748,
2603,
29487,
8019,
13,
19581,
355,
285,
19581,
198,
198,
6738,
3781,
13,
48610,
13,
79,
893,
71,
668,
62,
79,
11128,
1330,
1388,
355,
21136,
198,
6738,
3781,
13,
34960,
13,
22602,
1330,
3613,
5647,
198,
198,
489,
83,
13,
6015,
10044,
4105,
17816,
5239,
13,
385,
316,
1069,
20520,
796,
6407,
198,
489,
83,
13,
6015,
10044,
4105,
17816,
10331,
13,
7857,
20520,
796,
1105,
628,
198,
361,
11593,
3672,
834,
6624,
366,
834,
12417,
834,
1298,
198,
220,
220,
220,
1330,
1822,
29572,
628,
220,
220,
220,
30751,
796,
1822,
29572,
13,
28100,
1713,
46677,
7,
11213,
11639,
36479,
1095,
1908,
290,
2722,
11537,
198,
220,
220,
220,
30751,
13,
2860,
62,
49140,
10786,
438,
6404,
12,
15908,
3256,
2099,
28,
6978,
8019,
13,
15235,
11,
4277,
28,
14692,
43420,
33116,
299,
22046,
11639,
10,
3256,
1037,
11639,
464,
8619,
543,
4909,
262,
2604,
5072,
11537,
198,
220,
220,
220,
30751,
13,
2860,
62,
49140,
7203,
438,
17602,
12,
4948,
897,
1600,
2099,
28,
22468,
11,
4277,
28,
14202,
11,
1037,
2625,
464,
27765,
331,
9806,
4943,
198,
220,
220,
220,
30751,
13,
2860,
62,
49140,
7203,
438,
40914,
12,
4948,
897,
1600,
2099,
28,
22468,
11,
4277,
28,
14202,
11,
1037,
2625,
464,
374,
87,
331,
9806,
4943,
628,
220,
220,
220,
26498,
796,
30751,
13,
29572,
62,
22046,
3419,
628,
220,
220,
220,
329,
2604,
62,
15908,
287,
26498,
13,
6404,
62,
15908,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3601,
7,
69,
1,
38,
2416,
722,
329,
1391,
6404,
62,
15908,
92,
4943,
198,
220,
220,
220,
220,
220,
220,
220,
1388,
7,
6404,
62,
15908,
11,
26498,
13,
17602,
62,
4948,
897,
11,
26498,
13,
40914,
62,
4948,
897,
8,
198
] | 2.864499 | 369 |
# Definition for an interval.
# class Interval:
# def __init__(self, s=0, e=0):
# self.start = s
# self.end = e
| [
2,
30396,
329,
281,
16654,
13,
198,
2,
1398,
4225,
2100,
25,
198,
2,
220,
220,
220,
220,
825,
11593,
15003,
834,
7,
944,
11,
264,
28,
15,
11,
304,
28,
15,
2599,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
9688,
796,
264,
198,
2,
220,
220,
220,
220,
220,
220,
220,
220,
2116,
13,
437,
796,
304,
198
] | 2.0625 | 64 |
import requests
import os
import json
import time
from nose.tools import with_setup
base_url = 'http://localhost:8080/api'
adm_user = '[email protected]'
user = '[email protected]'
test_data = type('',(object,),{})()
@with_setup(setup_db, teardown_db)
| [
11748,
7007,
198,
11748,
28686,
198,
11748,
33918,
198,
11748,
640,
198,
6738,
9686,
13,
31391,
1330,
351,
62,
40406,
198,
198,
8692,
62,
6371,
796,
705,
4023,
1378,
36750,
25,
1795,
1795,
14,
15042,
6,
198,
324,
76,
62,
7220,
796,
705,
9288,
31,
7220,
13,
785,
6,
198,
7220,
796,
705,
847,
31,
7220,
13,
785,
6,
198,
9288,
62,
7890,
796,
2099,
10786,
3256,
7,
15252,
11,
828,
90,
30072,
3419,
628,
198,
31,
4480,
62,
40406,
7,
40406,
62,
9945,
11,
573,
446,
593,
62,
9945,
8,
198
] | 2.695652 | 92 |
from django.shortcuts import render, get_object_or_404, redirect
from .models import passport_holder
from .forms import passport_holder_form
# Create your views here. | [
6738,
42625,
14208,
13,
19509,
23779,
1330,
8543,
11,
651,
62,
15252,
62,
273,
62,
26429,
11,
18941,
198,
6738,
764,
27530,
1330,
17981,
62,
13829,
198,
6738,
764,
23914,
1330,
17981,
62,
13829,
62,
687,
198,
2,
13610,
534,
5009,
994,
13
] | 3.860465 | 43 |
from __future__ import unicode_literals
import config.current_user
from django.conf import settings
import django.contrib.gis.db.models.fields
from django.db import migrations, models
import django.db.models.deletion
import django.db.models.manager
| [
6738,
11593,
37443,
834,
1330,
28000,
1098,
62,
17201,
874,
198,
198,
11748,
4566,
13,
14421,
62,
7220,
198,
6738,
42625,
14208,
13,
10414,
1330,
6460,
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,
198,
11748,
42625,
14208,
13,
9945,
13,
27530,
13,
2934,
1616,
295,
198,
11748,
42625,
14208,
13,
9945,
13,
27530,
13,
37153,
628,
198
] | 3.272727 | 77 |
#!/usr/bin/python
# This file defines the output and input pins for the T-Shirt Launcher
# Define our relay outputs
# Each output is triggered via a ULN2803 Darlington Driver
TSHIRT1=4
TSHIRT2=17
TSHIRT3=22
TSHIRT4=18
# Define our LED outputs
# LED status for each barrel
LED1=2
LED2=14
LED3=3
LED4=15
# Either for errors or for the championship games- confetti
LED5=24
# Define our input buttons here
# BUTTON1 is for Selecting
BUTTON1=27
# BUTTON2 is for firing a t-shirt
BUTTON2=23
# This is how long we hold open the solenoid
# This build now uses Toro TPV100 Series Sprinkler Valves (175PSI with 1000PSI burst)
valve_sleep_time=.16
| [
2,
48443,
14629,
14,
8800,
14,
29412,
198,
198,
2,
770,
2393,
15738,
262,
5072,
290,
5128,
20567,
329,
262,
309,
12,
2484,
2265,
26385,
198,
198,
2,
2896,
500,
674,
24248,
23862,
198,
2,
5501,
5072,
318,
13973,
2884,
257,
44475,
45,
21033,
18,
7491,
17299,
12434,
198,
4694,
39,
48771,
16,
28,
19,
198,
4694,
39,
48771,
17,
28,
1558,
198,
4694,
39,
48771,
18,
28,
1828,
198,
4694,
39,
48771,
19,
28,
1507,
198,
198,
2,
2896,
500,
674,
12365,
23862,
198,
2,
12365,
3722,
329,
1123,
9036,
198,
30465,
16,
28,
17,
198,
30465,
17,
28,
1415,
198,
30465,
18,
28,
18,
198,
30465,
19,
28,
1314,
198,
198,
2,
15467,
329,
8563,
393,
329,
262,
12184,
1830,
12,
1013,
24851,
198,
30465,
20,
28,
1731,
198,
198,
2,
2896,
500,
674,
5128,
12163,
994,
198,
2,
21728,
11357,
16,
318,
329,
9683,
278,
220,
198,
47526,
11357,
16,
28,
1983,
198,
198,
2,
21728,
11357,
17,
318,
329,
9645,
257,
256,
12,
15600,
198,
47526,
11357,
17,
28,
1954,
198,
198,
2,
770,
318,
703,
890,
356,
1745,
1280,
262,
1540,
268,
1868,
198,
2,
770,
1382,
783,
3544,
42952,
24525,
53,
3064,
7171,
5522,
676,
1754,
3254,
1158,
357,
17430,
3705,
40,
351,
8576,
3705,
40,
11173,
8,
198,
2100,
303,
62,
42832,
62,
2435,
28,
13,
1433,
198
] | 2.866667 | 225 |
import os
import yaml
import functools
import subprocess
import boto3.ec2
from botocore.exceptions import ClientError
from typing import Dict, List, Tuple
from dataclasses import dataclass
# use a global EC2 handle.
ec2 = boto3.client("ec2")
def run(command) -> Dict:
"""Execute a command after an initial dry-run"""
try:
command(DryRun=True)
except ClientError as err:
if "DryRunOperation" not in str(err):
raise
return command(DryRun=False)
def start(ids: List[str]):
"""Start one or more instances"""
return functools.partial(ec2.start_instances, InstanceIds=ids)
def stop(ids: List[str]):
"""Stop one or more instances"""
return functools.partial(ec2.stop_instances, InstanceIds=ids)
def describe(ids: List[str]):
"""Describe one or more instances"""
return functools.partial(ec2.describe_instances, InstanceIds=ids)
@dataclass(frozen=True)
@dataclass(frozen=True)
| [
198,
11748,
28686,
198,
11748,
331,
43695,
198,
11748,
1257,
310,
10141,
198,
11748,
850,
14681,
198,
198,
11748,
275,
2069,
18,
13,
721,
17,
198,
6738,
10214,
420,
382,
13,
1069,
11755,
1330,
20985,
12331,
198,
198,
6738,
19720,
1330,
360,
713,
11,
7343,
11,
309,
29291,
198,
6738,
4818,
330,
28958,
1330,
4818,
330,
31172,
198,
198,
2,
779,
257,
3298,
13182,
17,
5412,
13,
198,
721,
17,
796,
275,
2069,
18,
13,
16366,
7203,
721,
17,
4943,
628,
198,
4299,
1057,
7,
21812,
8,
4613,
360,
713,
25,
198,
220,
220,
220,
37227,
23002,
1133,
257,
3141,
706,
281,
4238,
5894,
12,
5143,
37811,
198,
220,
220,
220,
1949,
25,
198,
220,
220,
220,
220,
220,
220,
220,
3141,
7,
35,
563,
10987,
28,
17821,
8,
198,
220,
220,
220,
2845,
20985,
12331,
355,
11454,
25,
198,
220,
220,
220,
220,
220,
220,
220,
611,
366,
35,
563,
10987,
32180,
1,
407,
287,
965,
7,
8056,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
628,
220,
220,
220,
1441,
3141,
7,
35,
563,
10987,
28,
25101,
8,
628,
198,
4299,
923,
7,
2340,
25,
7343,
58,
2536,
60,
2599,
198,
220,
220,
220,
37227,
10434,
530,
393,
517,
10245,
37811,
198,
220,
220,
220,
1441,
1257,
310,
10141,
13,
47172,
7,
721,
17,
13,
9688,
62,
8625,
1817,
11,
2262,
590,
7390,
82,
28,
2340,
8,
628,
198,
4299,
2245,
7,
2340,
25,
7343,
58,
2536,
60,
2599,
198,
220,
220,
220,
37227,
19485,
530,
393,
517,
10245,
37811,
198,
220,
220,
220,
1441,
1257,
310,
10141,
13,
47172,
7,
721,
17,
13,
11338,
62,
8625,
1817,
11,
2262,
590,
7390,
82,
28,
2340,
8,
628,
198,
4299,
6901,
7,
2340,
25,
7343,
58,
2536,
60,
2599,
198,
220,
220,
220,
37227,
24564,
4892,
530,
393,
517,
10245,
37811,
198,
220,
220,
220,
1441,
1257,
310,
10141,
13,
47172,
7,
721,
17,
13,
20147,
4892,
62,
8625,
1817,
11,
2262,
590,
7390,
82,
28,
2340,
8,
628,
198,
31,
19608,
330,
31172,
7,
69,
42005,
28,
17821,
8,
628,
198,
31,
19608,
330,
31172,
7,
69,
42005,
28,
17821,
8,
198
] | 2.65 | 360 |
# Character field ID when accessed: 600020000
# ObjectID: 1000000
# ParentID: 9201051
# Object Position X: -937
# Object Position Y: 2658
| [
2,
15684,
2214,
4522,
618,
17535,
25,
39064,
2167,
405,
198,
2,
9515,
2389,
25,
1802,
2388,
198,
2,
16774,
2389,
25,
860,
1264,
2713,
16,
198,
2,
9515,
23158,
1395,
25,
532,
24,
2718,
198,
2,
9515,
23158,
575,
25,
2608,
3365,
198
] | 3.136364 | 44 |
"""
IDE: Visual Code
Author: Mani
Date: 01-05-2020
"""
from module.module import Module
# This method returns the information about the installed modules / packages
| [
37811,
198,
220,
220,
220,
33497,
25,
15612,
6127,
198,
220,
220,
220,
6434,
25,
1869,
72,
198,
220,
220,
220,
7536,
25,
5534,
12,
2713,
12,
42334,
198,
37811,
198,
6738,
8265,
13,
21412,
1330,
19937,
198,
220,
220,
220,
1303,
770,
2446,
5860,
262,
1321,
546,
262,
6589,
13103,
1220,
10392,
198
] | 3.351852 | 54 |
"""14. Longest Common Prefix
Write a function to find the longest common prefix string amongst
an array of strings.
"""
| [
37811,
1415,
13,
5882,
395,
8070,
3771,
13049,
198,
16594,
257,
2163,
284,
1064,
262,
14069,
2219,
21231,
4731,
12077,
198,
272,
7177,
286,
13042,
13,
198,
37811,
628
] | 4.172414 | 29 |
# TASK:
# Вхідні дані: 3 дійсних числа -- аргументи командного рядка.
# Вихідні дані: результат обчислення формули
# SOLUTION:
# Importing modules to work with embedded functions
import sys
import math
# Assigning variables values of three cmd-line arguments
x = float(sys.argv[1])
mu = float(sys.argv[2])
sigma = float(sys.argv[3])
# Calculate given formula
result = (1/(sigma*math.sqrt(2*math.pi)))*math.exp(-((math.pow((x-mu), 2)/2*sigma**2)))
print(result)
| [
2,
309,
1921,
42,
25,
198,
2,
12466,
240,
141,
227,
141,
244,
43666,
22177,
141,
244,
12466,
112,
16142,
22177,
141,
244,
25,
513,
12466,
112,
141,
244,
140,
117,
21727,
22177,
18849,
141,
227,
220,
141,
229,
18849,
21727,
30143,
16142,
1377,
12466,
108,
21169,
140,
111,
35072,
43108,
16843,
22177,
20375,
18849,
12466,
118,
25443,
120,
16142,
22177,
43666,
22177,
25443,
111,
15166,
220,
21169,
40623,
43666,
31583,
16142,
13,
198,
2,
12466,
240,
18849,
141,
227,
141,
244,
43666,
22177,
141,
244,
12466,
112,
16142,
22177,
141,
244,
25,
220,
21169,
16843,
140,
115,
35072,
30143,
45367,
20375,
16142,
20375,
12466,
122,
140,
109,
141,
229,
18849,
21727,
30143,
16843,
22177,
22177,
40623,
220,
141,
226,
15166,
21169,
43108,
35072,
30143,
18849,
198,
198,
2,
36817,
35354,
25,
198,
2,
17267,
278,
13103,
284,
670,
351,
14553,
5499,
198,
11748,
25064,
198,
11748,
10688,
220,
198,
198,
2,
2195,
38944,
9633,
3815,
286,
1115,
23991,
12,
1370,
7159,
198,
87,
796,
12178,
7,
17597,
13,
853,
85,
58,
16,
12962,
198,
30300,
796,
12178,
7,
17597,
13,
853,
85,
58,
17,
12962,
198,
82,
13495,
796,
12178,
7,
17597,
13,
853,
85,
58,
18,
12962,
198,
198,
2,
27131,
378,
1813,
10451,
198,
20274,
796,
357,
16,
29006,
82,
13495,
9,
11018,
13,
31166,
17034,
7,
17,
9,
11018,
13,
14415,
22305,
9,
11018,
13,
11201,
32590,
19510,
11018,
13,
79,
322,
19510,
87,
12,
30300,
828,
362,
20679,
17,
9,
82,
13495,
1174,
17,
22305,
198,
198,
4798,
7,
20274,
8,
198
] | 1.81323 | 257 |
import os
from sonar.testbench import Testbench, Module, TestVector, Thread
from sonar.interfaces import AXIS, SAXILite
from sonar_strToInt import strToInt
handler_wrapper = Testbench.default('handler_wrapper')
filepath = os.path.join(os.path.dirname(__file__), 'build/handler_wrapper/')
dut = Module.default("DUT")
dut.add_clock_port('clock', '20ns')
dut.add_reset_port('reset_n')
dut.add_port('address_offset', 'input', 16)
# dut.add_port('interrupt_0', 'output')
# dut.add_port('interrupt_1', 'output')
axis_handler = AXIS('axis_handler', 'slave', 'clock', c_struct='axis_word', c_stream='uaxis_n')
axis_handler.port.init_channels('default', 64, False)
dut.add_interface(axis_handler)
ctrl_bus_0 = SAXILite('s_axi_ctrl_bus_00', 'clock', 'reset_n')
ctrl_bus_0.add_register('config', 0x10)
ctrl_bus_0.add_register('arg', 0x18)
ctrl_bus_0.add_register('counter', 0x20)
ctrl_bus_0.add_register('barrier', 0x28)
ctrl_bus_0.add_register('memory', 0x30)
ctrl_bus_0.set_address('4K', 0) # address range is 4K at an offset of 0
ctrl_bus_0.port.init_channels(mode='default', dataWidth=32, addrWidth=6)
dut.add_interface(ctrl_bus_0)
ctrl_bus_1 = SAXILite('s_axi_ctrl_bus_01', 'clock', 'reset_n')
ctrl_bus_1.add_register('config', 0x10)
ctrl_bus_1.add_register('arg', 0x18)
ctrl_bus_1.add_register('counter', 0x20)
ctrl_bus_1.add_register('barrier', 0x28)
ctrl_bus_1.add_register('memory', 0x30)
ctrl_bus_1.set_address('4K', 0) # address range is 4K at an offset of 0
ctrl_bus_1.port.init_channels(mode='default', dataWidth=32, addrWidth=6)
dut.add_interface(ctrl_bus_1)
handler_wrapper.add_module(dut)
################################################################################
# Test Vectors
################################################################################
# Initialization thread (added to each test vector to reset everything)
initT = Thread()
initT.init_signals()
initT.wait_negedge('clock')
initT.add_delay('40ns')
initT.set_signal('reset_n', 1)
initT.set_signal('address_offset', 0)
#-------------------------------------------------------------------------------
#
#-------------------------------------------------------------------------------
short_message_A = TestVector()
short_message_A.add_thread(initT)
smA_t1 = Thread()
smA_t1.add_delay('100ns')
smA_t1.init_timer()
# ctrl_bus_0.write(smA_t1, 'counter_threshold', 1)
# ctrl_bus_0.write(smA_t1, 'config', 2)
# ctrl_bus_1.write(smA_t1, 'counter_threshold', 4)
# ctrl_bus_1.write(smA_t1, 'config', 4)
axis_handler.write(smA_t1, strToInt("{AMHeader,0xAA,0x1,0xC,2,0x5,1}"))
axis_handler.write(smA_t1, 5, tlast=1)
# axis_handler.write(smA_t1, strToInt("{AMHeader,0xAA,0x0,0xC,1,0x5,0}"), tlast=1)
smA_t1.set_flag(0)
short_message_A.add_thread(smA_t1)
smA_t2 = short_message_A.add_thread()
smA_t2.wait_flag(0)
smA_t2.add_delay('800ns')
ctrl_bus_1.read(smA_t2, "counter", 5)
# ctrl_bus_0.read(smA_t2, "memory", 1)
smA_t2.print_elapsed_time("short_message_A")
smA_t2.end_vector()
short_message_B = TestVector()
short_message_B.add_thread(initT)
smB_t1 = Thread()
smB_t1.add_delay('100ns')
smB_t1.init_timer()
axis_handler.write(smB_t1, strToInt("{AMHeader,0xAA,0x1,0xC,3,0x5,0}"), tlast=1)
smB_t1.set_flag(0)
short_message_B.add_thread(smB_t1)
smB_t2 = short_message_B.add_thread()
smB_t2.wait_flag(0)
smB_t2.add_delay('800ns')
ctrl_bus_1.read(smB_t2, "barrier", 1)
smB_t2.print_elapsed_time("short_message_B")
smB_t2.end_vector()
handler_wrapper.add_test_vector(short_message_A)
handler_wrapper.add_test_vector(short_message_B)
handler_wrapper.generateTB(filepath, 'sv')
| [
11748,
28686,
198,
198,
6738,
3367,
283,
13,
9288,
26968,
1330,
6208,
26968,
11,
19937,
11,
6208,
38469,
11,
14122,
198,
6738,
3367,
283,
13,
3849,
32186,
1330,
43051,
1797,
11,
14719,
55,
4146,
578,
198,
198,
6738,
3367,
283,
62,
2536,
2514,
5317,
1330,
965,
2514,
5317,
198,
198,
30281,
62,
48553,
796,
6208,
26968,
13,
12286,
10786,
30281,
62,
48553,
11537,
198,
7753,
6978,
796,
28686,
13,
6978,
13,
22179,
7,
418,
13,
6978,
13,
15908,
3672,
7,
834,
7753,
834,
828,
705,
11249,
14,
30281,
62,
48553,
14,
11537,
198,
198,
67,
315,
796,
19937,
13,
12286,
7203,
35,
3843,
4943,
198,
67,
315,
13,
2860,
62,
15750,
62,
634,
10786,
15750,
3256,
705,
1238,
5907,
11537,
198,
67,
315,
13,
2860,
62,
42503,
62,
634,
10786,
42503,
62,
77,
11537,
198,
67,
315,
13,
2860,
62,
634,
10786,
21975,
62,
28968,
3256,
705,
15414,
3256,
1467,
8,
198,
2,
288,
315,
13,
2860,
62,
634,
10786,
3849,
3622,
62,
15,
3256,
705,
22915,
11537,
198,
2,
288,
315,
13,
2860,
62,
634,
10786,
3849,
3622,
62,
16,
3256,
705,
22915,
11537,
198,
198,
22704,
62,
30281,
796,
43051,
1797,
10786,
22704,
62,
30281,
3256,
705,
36341,
3256,
705,
15750,
3256,
269,
62,
7249,
11639,
22704,
62,
4775,
3256,
269,
62,
5532,
11639,
84,
22704,
62,
77,
11537,
198,
22704,
62,
30281,
13,
634,
13,
15003,
62,
354,
8961,
10786,
12286,
3256,
5598,
11,
10352,
8,
198,
67,
315,
13,
2860,
62,
39994,
7,
22704,
62,
30281,
8,
198,
198,
44755,
62,
10885,
62,
15,
796,
14719,
55,
4146,
578,
10786,
82,
62,
897,
72,
62,
44755,
62,
10885,
62,
405,
3256,
705,
15750,
3256,
705,
42503,
62,
77,
11537,
198,
44755,
62,
10885,
62,
15,
13,
2860,
62,
30238,
10786,
11250,
3256,
657,
87,
940,
8,
198,
44755,
62,
10885,
62,
15,
13,
2860,
62,
30238,
10786,
853,
3256,
657,
87,
1507,
8,
198,
44755,
62,
10885,
62,
15,
13,
2860,
62,
30238,
10786,
24588,
3256,
657,
87,
1238,
8,
198,
44755,
62,
10885,
62,
15,
13,
2860,
62,
30238,
10786,
5657,
5277,
3256,
657,
87,
2078,
8,
198,
44755,
62,
10885,
62,
15,
13,
2860,
62,
30238,
10786,
31673,
3256,
657,
87,
1270,
8,
198,
44755,
62,
10885,
62,
15,
13,
2617,
62,
21975,
10786,
19,
42,
3256,
657,
8,
1303,
2209,
2837,
318,
604,
42,
379,
281,
11677,
286,
657,
198,
44755,
62,
10885,
62,
15,
13,
634,
13,
15003,
62,
354,
8961,
7,
14171,
11639,
12286,
3256,
1366,
30916,
28,
2624,
11,
37817,
30916,
28,
21,
8,
198,
67,
315,
13,
2860,
62,
39994,
7,
44755,
62,
10885,
62,
15,
8,
198,
198,
44755,
62,
10885,
62,
16,
796,
14719,
55,
4146,
578,
10786,
82,
62,
897,
72,
62,
44755,
62,
10885,
62,
486,
3256,
705,
15750,
3256,
705,
42503,
62,
77,
11537,
198,
44755,
62,
10885,
62,
16,
13,
2860,
62,
30238,
10786,
11250,
3256,
657,
87,
940,
8,
198,
44755,
62,
10885,
62,
16,
13,
2860,
62,
30238,
10786,
853,
3256,
657,
87,
1507,
8,
198,
44755,
62,
10885,
62,
16,
13,
2860,
62,
30238,
10786,
24588,
3256,
657,
87,
1238,
8,
198,
44755,
62,
10885,
62,
16,
13,
2860,
62,
30238,
10786,
5657,
5277,
3256,
657,
87,
2078,
8,
198,
44755,
62,
10885,
62,
16,
13,
2860,
62,
30238,
10786,
31673,
3256,
657,
87,
1270,
8,
198,
44755,
62,
10885,
62,
16,
13,
2617,
62,
21975,
10786,
19,
42,
3256,
657,
8,
1303,
2209,
2837,
318,
604,
42,
379,
281,
11677,
286,
657,
198,
44755,
62,
10885,
62,
16,
13,
634,
13,
15003,
62,
354,
8961,
7,
14171,
11639,
12286,
3256,
1366,
30916,
28,
2624,
11,
37817,
30916,
28,
21,
8,
198,
67,
315,
13,
2860,
62,
39994,
7,
44755,
62,
10885,
62,
16,
8,
198,
198,
30281,
62,
48553,
13,
2860,
62,
21412,
7,
67,
315,
8,
198,
198,
29113,
29113,
14468,
198,
2,
6208,
569,
478,
669,
198,
29113,
29113,
14468,
198,
198,
2,
20768,
1634,
4704,
357,
29373,
284,
1123,
1332,
15879,
284,
13259,
2279,
8,
198,
15003,
51,
796,
14122,
3419,
198,
15003,
51,
13,
15003,
62,
12683,
874,
3419,
198,
15003,
51,
13,
17077,
62,
710,
2004,
469,
10786,
15750,
11537,
198,
15003,
51,
13,
2860,
62,
40850,
10786,
1821,
5907,
11537,
198,
15003,
51,
13,
2617,
62,
12683,
282,
10786,
42503,
62,
77,
3256,
352,
8,
198,
15003,
51,
13,
2617,
62,
12683,
282,
10786,
21975,
62,
28968,
3256,
657,
8,
198,
198,
2,
10097,
24305,
198,
2,
198,
2,
10097,
24305,
198,
198,
19509,
62,
20500,
62,
32,
796,
6208,
38469,
3419,
198,
19509,
62,
20500,
62,
32,
13,
2860,
62,
16663,
7,
15003,
51,
8,
198,
198,
5796,
32,
62,
83,
16,
796,
14122,
3419,
198,
5796,
32,
62,
83,
16,
13,
2860,
62,
40850,
10786,
3064,
5907,
11537,
198,
5796,
32,
62,
83,
16,
13,
15003,
62,
45016,
3419,
198,
2,
269,
14859,
62,
10885,
62,
15,
13,
13564,
7,
5796,
32,
62,
83,
16,
11,
705,
24588,
62,
400,
10126,
3256,
352,
8,
198,
2,
269,
14859,
62,
10885,
62,
15,
13,
13564,
7,
5796,
32,
62,
83,
16,
11,
705,
11250,
3256,
362,
8,
198,
2,
269,
14859,
62,
10885,
62,
16,
13,
13564,
7,
5796,
32,
62,
83,
16,
11,
705,
24588,
62,
400,
10126,
3256,
604,
8,
198,
2,
269,
14859,
62,
10885,
62,
16,
13,
13564,
7,
5796,
32,
62,
83,
16,
11,
705,
11250,
3256,
604,
8,
198,
22704,
62,
30281,
13,
13564,
7,
5796,
32,
62,
83,
16,
11,
965,
2514,
5317,
7203,
90,
2390,
39681,
11,
15,
87,
3838,
11,
15,
87,
16,
11,
15,
87,
34,
11,
17,
11,
15,
87,
20,
11,
16,
36786,
4008,
198,
22704,
62,
30281,
13,
13564,
7,
5796,
32,
62,
83,
16,
11,
642,
11,
256,
12957,
28,
16,
8,
198,
2,
16488,
62,
30281,
13,
13564,
7,
5796,
32,
62,
83,
16,
11,
965,
2514,
5317,
7203,
90,
2390,
39681,
11,
15,
87,
3838,
11,
15,
87,
15,
11,
15,
87,
34,
11,
16,
11,
15,
87,
20,
11,
15,
92,
12340,
256,
12957,
28,
16,
8,
198,
5796,
32,
62,
83,
16,
13,
2617,
62,
32109,
7,
15,
8,
198,
19509,
62,
20500,
62,
32,
13,
2860,
62,
16663,
7,
5796,
32,
62,
83,
16,
8,
198,
198,
5796,
32,
62,
83,
17,
796,
1790,
62,
20500,
62,
32,
13,
2860,
62,
16663,
3419,
198,
5796,
32,
62,
83,
17,
13,
17077,
62,
32109,
7,
15,
8,
198,
5796,
32,
62,
83,
17,
13,
2860,
62,
40850,
10786,
7410,
5907,
11537,
198,
44755,
62,
10885,
62,
16,
13,
961,
7,
5796,
32,
62,
83,
17,
11,
366,
24588,
1600,
642,
8,
198,
2,
269,
14859,
62,
10885,
62,
15,
13,
961,
7,
5796,
32,
62,
83,
17,
11,
366,
31673,
1600,
352,
8,
198,
5796,
32,
62,
83,
17,
13,
4798,
62,
417,
28361,
62,
2435,
7203,
19509,
62,
20500,
62,
32,
4943,
198,
5796,
32,
62,
83,
17,
13,
437,
62,
31364,
3419,
198,
198,
19509,
62,
20500,
62,
33,
796,
6208,
38469,
3419,
198,
19509,
62,
20500,
62,
33,
13,
2860,
62,
16663,
7,
15003,
51,
8,
198,
198,
5796,
33,
62,
83,
16,
796,
14122,
3419,
198,
5796,
33,
62,
83,
16,
13,
2860,
62,
40850,
10786,
3064,
5907,
11537,
198,
5796,
33,
62,
83,
16,
13,
15003,
62,
45016,
3419,
198,
22704,
62,
30281,
13,
13564,
7,
5796,
33,
62,
83,
16,
11,
965,
2514,
5317,
7203,
90,
2390,
39681,
11,
15,
87,
3838,
11,
15,
87,
16,
11,
15,
87,
34,
11,
18,
11,
15,
87,
20,
11,
15,
92,
12340,
256,
12957,
28,
16,
8,
198,
5796,
33,
62,
83,
16,
13,
2617,
62,
32109,
7,
15,
8,
198,
19509,
62,
20500,
62,
33,
13,
2860,
62,
16663,
7,
5796,
33,
62,
83,
16,
8,
198,
198,
5796,
33,
62,
83,
17,
796,
1790,
62,
20500,
62,
33,
13,
2860,
62,
16663,
3419,
198,
5796,
33,
62,
83,
17,
13,
17077,
62,
32109,
7,
15,
8,
198,
5796,
33,
62,
83,
17,
13,
2860,
62,
40850,
10786,
7410,
5907,
11537,
198,
44755,
62,
10885,
62,
16,
13,
961,
7,
5796,
33,
62,
83,
17,
11,
366,
5657,
5277,
1600,
352,
8,
198,
5796,
33,
62,
83,
17,
13,
4798,
62,
417,
28361,
62,
2435,
7203,
19509,
62,
20500,
62,
33,
4943,
198,
5796,
33,
62,
83,
17,
13,
437,
62,
31364,
3419,
198,
198,
30281,
62,
48553,
13,
2860,
62,
9288,
62,
31364,
7,
19509,
62,
20500,
62,
32,
8,
198,
30281,
62,
48553,
13,
2860,
62,
9288,
62,
31364,
7,
19509,
62,
20500,
62,
33,
8,
198,
198,
30281,
62,
48553,
13,
8612,
378,
22737,
7,
7753,
6978,
11,
705,
21370,
11537,
198
] | 2.463347 | 1,446 |
import asyncio
import pycommons.logger
import maxwell.protocol.maxwell_protocol_pb2 as protocol_types
from maxwell.connection import Code
from maxwell.connection import Event
logger = pycommons.logger.get_instance(__name__)
# ===========================================
# apis
# ===========================================
# ===========================================
# connector
# ===========================================
# ===========================================
# internal coroutines
# ===========================================
# ===========================================
# req builders
# ===========================================
# ===========================================
# urls
# ===========================================
| [
11748,
30351,
952,
198,
11748,
12972,
9503,
684,
13,
6404,
1362,
198,
11748,
3509,
4053,
13,
11235,
4668,
13,
29047,
62,
11235,
4668,
62,
40842,
17,
355,
8435,
62,
19199,
198,
6738,
3509,
4053,
13,
38659,
1330,
6127,
198,
6738,
3509,
4053,
13,
38659,
1330,
8558,
198,
198,
6404,
1362,
796,
12972,
9503,
684,
13,
6404,
1362,
13,
1136,
62,
39098,
7,
834,
3672,
834,
8,
628,
198,
220,
220,
220,
1303,
46111,
2559,
855,
198,
220,
220,
220,
1303,
2471,
271,
198,
220,
220,
220,
1303,
46111,
2559,
855,
628,
220,
220,
220,
1303,
46111,
2559,
855,
198,
220,
220,
220,
1303,
21716,
198,
220,
220,
220,
1303,
46111,
2559,
855,
628,
220,
220,
220,
1303,
46111,
2559,
855,
198,
220,
220,
220,
1303,
5387,
1162,
448,
1127,
198,
220,
220,
220,
1303,
46111,
2559,
855,
628,
220,
220,
220,
1303,
46111,
2559,
855,
198,
220,
220,
220,
1303,
43089,
31606,
198,
220,
220,
220,
1303,
46111,
2559,
855,
628,
220,
220,
220,
1303,
46111,
2559,
855,
198,
220,
220,
220,
1303,
2956,
7278,
198,
220,
220,
220,
1303,
46111,
2559,
855,
198
] | 4.423913 | 184 |
import bpy
# Use some of the existing buttons.
from bl_ui import properties_render
properties_render.RENDER_PT_render.COMPAT_ENGINES.add('PSYCHOPATH_RENDER')
properties_render.RENDER_PT_dimensions.COMPAT_ENGINES.add('PSYCHOPATH_RENDER')
properties_render.RENDER_PT_output.COMPAT_ENGINES.add('PSYCHOPATH_RENDER')
del properties_render
from bl_ui import properties_data_camera
properties_data_camera.DATA_PT_lens.COMPAT_ENGINES.add('PSYCHOPATH_RENDER')
properties_data_camera.DATA_PT_camera.COMPAT_ENGINES.add('PSYCHOPATH_RENDER')
properties_data_camera.DATA_PT_camera_display.COMPAT_ENGINES.add('PSYCHOPATH_RENDER')
properties_data_camera.DATA_PT_custom_props_camera.COMPAT_ENGINES.add('PSYCHOPATH_RENDER')
del properties_data_camera
| [
11748,
275,
9078,
198,
198,
2,
5765,
617,
286,
262,
4683,
12163,
13,
198,
6738,
698,
62,
9019,
1330,
6608,
62,
13287,
198,
48310,
62,
13287,
13,
49,
10619,
1137,
62,
11571,
62,
13287,
13,
9858,
47,
1404,
62,
26808,
1268,
1546,
13,
2860,
10786,
3705,
56,
3398,
3185,
12599,
62,
49,
10619,
1137,
11537,
198,
48310,
62,
13287,
13,
49,
10619,
1137,
62,
11571,
62,
27740,
5736,
13,
9858,
47,
1404,
62,
26808,
1268,
1546,
13,
2860,
10786,
3705,
56,
3398,
3185,
12599,
62,
49,
10619,
1137,
11537,
198,
48310,
62,
13287,
13,
49,
10619,
1137,
62,
11571,
62,
22915,
13,
9858,
47,
1404,
62,
26808,
1268,
1546,
13,
2860,
10786,
3705,
56,
3398,
3185,
12599,
62,
49,
10619,
1137,
11537,
198,
12381,
6608,
62,
13287,
198,
198,
6738,
698,
62,
9019,
1330,
6608,
62,
7890,
62,
25695,
198,
48310,
62,
7890,
62,
25695,
13,
26947,
62,
11571,
62,
75,
641,
13,
9858,
47,
1404,
62,
26808,
1268,
1546,
13,
2860,
10786,
3705,
56,
3398,
3185,
12599,
62,
49,
10619,
1137,
11537,
198,
48310,
62,
7890,
62,
25695,
13,
26947,
62,
11571,
62,
25695,
13,
9858,
47,
1404,
62,
26808,
1268,
1546,
13,
2860,
10786,
3705,
56,
3398,
3185,
12599,
62,
49,
10619,
1137,
11537,
198,
48310,
62,
7890,
62,
25695,
13,
26947,
62,
11571,
62,
25695,
62,
13812,
13,
9858,
47,
1404,
62,
26808,
1268,
1546,
13,
2860,
10786,
3705,
56,
3398,
3185,
12599,
62,
49,
10619,
1137,
11537,
198,
48310,
62,
7890,
62,
25695,
13,
26947,
62,
11571,
62,
23144,
62,
1676,
862,
62,
25695,
13,
9858,
47,
1404,
62,
26808,
1268,
1546,
13,
2860,
10786,
3705,
56,
3398,
3185,
12599,
62,
49,
10619,
1137,
11537,
198,
12381,
6608,
62,
7890,
62,
25695,
628,
628,
628,
628,
628,
198
] | 2.55137 | 292 |
#used to determine if its a private ip address in 192.168.0.0/16
| [
2,
1484,
284,
5004,
611,
663,
257,
2839,
20966,
2209,
287,
17817,
13,
14656,
13,
15,
13,
15,
14,
1433,
198
] | 3.095238 | 21 |
# -*- coding: utf-8 -*-
from __future__ import unicode_literals
from django.db import models, migrations
import django.core.validators
| [
2,
532,
9,
12,
19617,
25,
3384,
69,
12,
23,
532,
9,
12,
198,
6738,
11593,
37443,
834,
1330,
28000,
1098,
62,
17201,
874,
198,
198,
6738,
42625,
14208,
13,
9945,
1330,
4981,
11,
15720,
602,
198,
11748,
42625,
14208,
13,
7295,
13,
12102,
2024,
628
] | 2.978261 | 46 |
# Copyright (c) 2020 PaddlePaddle Authors. All Rights Reserved.
#
# Licensed under the Apache License, Version 2.0 (the "License"
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# 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 numpy as np
from abc import abstractmethod
import paddle
import paddle.nn as nn
import paddle.nn.functional as F
from ..builder import build_loss
from paddlevideo.utils import get_logger, get_dist_info
logger = get_logger("paddlevideo")
class BaseHead(nn.Layer):
"""Base class for head part.
All head should subclass it.
All subclass should overwrite:
- Methods: ```init_weights```, initializing weights.
- Methods: ```forward```, forward function.
Args:
num_classes (int): The number of classes to be classified.
in_channels (int): The number of channels in input feature.
loss_cfg (dict): Config for building loss. Default: dict(type='CrossEntropyLoss').
ls_eps (float): label smoothing epsilon. Default: 0. .
"""
@abstractmethod
def forward(self, x):
"""Define how the head is going to run.
"""
raise NotImplemented
def loss(self, scores, labels, valid_mode=False, **kwargs):
"""Calculate the loss accroding to the model output ```scores```,
and the target ```labels```.
Args:
scores (paddle.Tensor): The output of the model.
labels (paddle.Tensor): The target output of the model.
Returns:
losses (dict): A dict containing field 'loss'(mandatory) and 'top1_acc', 'top5_acc'(optional).
"""
if len(labels) == 1: # commonly case
labels = labels[0]
losses = dict()
if self.ls_eps != 0. and not valid_mode: # label_smooth
loss = self.label_smooth_loss(scores, labels, **kwargs)
else:
loss = self.loss_func(scores, labels, **kwargs)
top1, top5 = self.get_acc(scores, labels, valid_mode)
losses['top1'] = top1
losses['top5'] = top5
losses['loss'] = loss
return losses
elif len(labels) == 3: # mix_up
labels_a, labels_b, lam = labels
lam = lam[0] # get lam value
losses = dict()
if self.ls_eps != 0:
loss_a = self.label_smooth_loss(scores, labels_a, **kwargs)
loss_b = self.label_smooth_loss(scores, labels_b, **kwargs)
else:
loss_a = self.loss_func(scores, labels_a, **kwargs)
loss_b = self.loss_func(scores, labels_b, **kwargs)
loss = lam * loss_a + (1 - lam) * loss_b
# loss = self.my_loss_filter(loss) # todo mycode
top1a, top5a = self.get_acc(scores, labels_a, valid_mode)
top1b, top5b = self.get_acc(scores, labels_b, valid_mode)
top1 = lam * top1a + (1 - lam) * top1b
top5 = lam * top5a + (1 - lam) * top5b
losses['top1'] = top1
losses['top5'] = top5
losses['loss'] = loss
return losses
else:
raise NotImplemented
| [
2,
15069,
357,
66,
8,
12131,
220,
350,
37382,
47,
37382,
46665,
13,
1439,
6923,
33876,
13,
198,
2,
198,
2,
49962,
739,
262,
24843,
13789,
11,
10628,
362,
13,
15,
357,
1169,
366,
34156,
1,
198,
2,
345,
743,
407,
779,
428,
2393,
2845,
287,
11846,
351,
262,
13789,
13,
198,
2,
921,
743,
7330,
257,
4866,
286,
262,
13789,
379,
198,
2,
198,
2,
220,
220,
220,
220,
2638,
1378,
2503,
13,
43073,
13,
2398,
14,
677,
4541,
14,
43,
2149,
24290,
12,
17,
13,
15,
198,
2,
198,
2,
17486,
2672,
416,
9723,
1099,
393,
4987,
284,
287,
3597,
11,
3788,
198,
2,
9387,
739,
262,
13789,
318,
9387,
319,
281,
366,
1921,
3180,
1,
29809,
1797,
11,
198,
2,
42881,
34764,
11015,
6375,
7102,
49828,
11053,
3963,
15529,
509,
12115,
11,
2035,
4911,
393,
17142,
13,
198,
2,
4091,
262,
13789,
329,
262,
2176,
3303,
15030,
21627,
290,
198,
2,
11247,
739,
262,
13789,
13,
198,
198,
11748,
299,
32152,
355,
45941,
198,
6738,
450,
66,
1330,
12531,
24396,
198,
198,
11748,
39517,
198,
11748,
39517,
13,
20471,
355,
299,
77,
198,
11748,
39517,
13,
20471,
13,
45124,
355,
376,
198,
198,
6738,
11485,
38272,
1330,
1382,
62,
22462,
198,
6738,
14098,
2768,
1651,
13,
26791,
1330,
651,
62,
6404,
1362,
11,
651,
62,
17080,
62,
10951,
198,
198,
6404,
1362,
796,
651,
62,
6404,
1362,
7203,
79,
2860,
2768,
1651,
4943,
628,
198,
4871,
7308,
13847,
7,
20471,
13,
49925,
2599,
198,
220,
220,
220,
37227,
14881,
1398,
329,
1182,
636,
13,
628,
220,
220,
220,
1439,
1182,
815,
47611,
340,
13,
198,
220,
220,
220,
1439,
47611,
815,
49312,
25,
628,
220,
220,
220,
532,
25458,
25,
7559,
63,
15003,
62,
43775,
15506,
47671,
4238,
2890,
19590,
13,
198,
220,
220,
220,
532,
25458,
25,
7559,
63,
11813,
15506,
47671,
2651,
2163,
13,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
997,
62,
37724,
357,
600,
2599,
383,
1271,
286,
6097,
284,
307,
10090,
13,
198,
220,
220,
220,
220,
220,
220,
220,
287,
62,
354,
8961,
357,
600,
2599,
383,
1271,
286,
9619,
287,
5128,
3895,
13,
198,
220,
220,
220,
220,
220,
220,
220,
2994,
62,
37581,
357,
11600,
2599,
17056,
329,
2615,
2994,
13,
15161,
25,
8633,
7,
4906,
11639,
21544,
14539,
28338,
43,
793,
27691,
198,
220,
220,
220,
220,
220,
220,
220,
43979,
62,
25386,
357,
22468,
2599,
6167,
32746,
722,
304,
862,
33576,
13,
15161,
25,
657,
13,
764,
628,
220,
220,
220,
37227,
628,
220,
220,
220,
2488,
397,
8709,
24396,
198,
220,
220,
220,
825,
2651,
7,
944,
11,
2124,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
7469,
500,
703,
262,
1182,
318,
1016,
284,
1057,
13,
198,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
5298,
1892,
3546,
1154,
12061,
628,
220,
220,
220,
825,
2994,
7,
944,
11,
8198,
11,
14722,
11,
4938,
62,
14171,
28,
25101,
11,
12429,
46265,
22046,
2599,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
9771,
3129,
378,
262,
2994,
697,
305,
12083,
284,
262,
2746,
5072,
7559,
63,
1416,
2850,
15506,
47671,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
290,
262,
2496,
7559,
63,
23912,
1424,
15506,
44646,
628,
220,
220,
220,
220,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
8198,
357,
79,
37382,
13,
51,
22854,
2599,
383,
5072,
286,
262,
2746,
13,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
14722,
357,
79,
37382,
13,
51,
22854,
2599,
383,
2496,
5072,
286,
262,
2746,
13,
628,
220,
220,
220,
220,
220,
220,
220,
16409,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9089,
357,
11600,
2599,
317,
8633,
7268,
2214,
705,
22462,
6,
7,
22249,
2870,
8,
290,
705,
4852,
16,
62,
4134,
3256,
705,
4852,
20,
62,
4134,
6,
7,
25968,
737,
628,
220,
220,
220,
220,
220,
220,
220,
37227,
198,
220,
220,
220,
220,
220,
220,
220,
611,
18896,
7,
23912,
1424,
8,
6624,
352,
25,
220,
1303,
8811,
1339,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
14722,
796,
14722,
58,
15,
60,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9089,
796,
8633,
3419,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
7278,
62,
25386,
14512,
657,
13,
290,
407,
4938,
62,
14171,
25,
220,
1303,
6167,
62,
5796,
5226,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2994,
796,
2116,
13,
18242,
62,
5796,
5226,
62,
22462,
7,
1416,
2850,
11,
14722,
11,
12429,
46265,
22046,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2994,
796,
2116,
13,
22462,
62,
20786,
7,
1416,
2850,
11,
14722,
11,
12429,
46265,
22046,
8,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1353,
16,
11,
1353,
20,
796,
2116,
13,
1136,
62,
4134,
7,
1416,
2850,
11,
14722,
11,
4938,
62,
14171,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9089,
17816,
4852,
16,
20520,
796,
1353,
16,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9089,
17816,
4852,
20,
20520,
796,
1353,
20,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9089,
17816,
22462,
20520,
796,
2994,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
9089,
198,
220,
220,
220,
220,
220,
220,
220,
1288,
361,
18896,
7,
23912,
1424,
8,
6624,
513,
25,
220,
1303,
5022,
62,
929,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
14722,
62,
64,
11,
14722,
62,
65,
11,
30592,
796,
14722,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
30592,
796,
30592,
58,
15,
60,
220,
1303,
651,
30592,
1988,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9089,
796,
8633,
3419,
628,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
611,
2116,
13,
7278,
62,
25386,
14512,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2994,
62,
64,
796,
2116,
13,
18242,
62,
5796,
5226,
62,
22462,
7,
1416,
2850,
11,
14722,
62,
64,
11,
12429,
46265,
22046,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2994,
62,
65,
796,
2116,
13,
18242,
62,
5796,
5226,
62,
22462,
7,
1416,
2850,
11,
14722,
62,
65,
11,
12429,
46265,
22046,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2994,
62,
64,
796,
2116,
13,
22462,
62,
20786,
7,
1416,
2850,
11,
14722,
62,
64,
11,
12429,
46265,
22046,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2994,
62,
65,
796,
2116,
13,
22462,
62,
20786,
7,
1416,
2850,
11,
14722,
62,
65,
11,
12429,
46265,
22046,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
2994,
796,
30592,
1635,
2994,
62,
64,
1343,
357,
16,
532,
30592,
8,
1635,
2994,
62,
65,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
2994,
796,
2116,
13,
1820,
62,
22462,
62,
24455,
7,
22462,
8,
220,
1303,
284,
4598,
616,
8189,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1353,
16,
64,
11,
1353,
20,
64,
796,
2116,
13,
1136,
62,
4134,
7,
1416,
2850,
11,
14722,
62,
64,
11,
4938,
62,
14171,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1353,
16,
65,
11,
1353,
20,
65,
796,
2116,
13,
1136,
62,
4134,
7,
1416,
2850,
11,
14722,
62,
65,
11,
4938,
62,
14171,
8,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1353,
16,
796,
30592,
1635,
1353,
16,
64,
1343,
357,
16,
532,
30592,
8,
1635,
1353,
16,
65,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1353,
20,
796,
30592,
1635,
1353,
20,
64,
1343,
357,
16,
532,
30592,
8,
1635,
1353,
20,
65,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9089,
17816,
4852,
16,
20520,
796,
1353,
16,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9089,
17816,
4852,
20,
20520,
796,
1353,
20,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
9089,
17816,
22462,
20520,
796,
2994,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1441,
9089,
198,
220,
220,
220,
220,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
5298,
1892,
3546,
1154,
12061,
198
] | 2.331582 | 1,523 |
#! /usr/bin/python3
##################################################################################
# Copyright (c) 2020 Intel Corporation
#
# Permission is hereby granted, free of charge, to any person obtaining a copy
# of this software and associated documentation files (the "Software"), to deal
# in the Software without restriction, including without limitation the rights
# to use, copy, modify, merge, publish, distribute, sublicense, and/or sell
# copies of the Software, and to permit persons to whom the Software is
# furnished to do so, subject to the following conditions:
#
# The above copyright notice and this permission notice shall be included in all
# copies or substantial portions of the Software.
#
# THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR
# IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY,
# FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE
# AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER
# LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM,
# OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE
# SOFTWARE.
##################################################################################
########### [email protected] Measure Perf ####################################
########### [email protected] Measure Perf ####################################
import subprocess, sys, os, re, argparse, time, statistics, signal
temp_path = "/tmp/perf/"
###################################################################
# This shell script is currently not being Run/Execute on this automation.
# Creating the file only for debug purposes.
###################################################################
shell_script_mms = temp_path + "mms.sh"
d = open(shell_script_mms, 'r')
mediacmd_temp = []
clip_session_iter_tag = ""
for dispatch_cmdline in d:
if re.search("echo ", dispatch_cmdline):
clip_session_iter_tag = re.sub(r'echo ', "", dispatch_cmdline.rstrip())
continue
else:
mediacmd_temp.append(dispatch_cmdline)
d.close()
#Execute Media MultiStreams
processes = [subprocess.Popen(cmd, shell=True, stderr=subprocess.PIPE, stdout=subprocess.PIPE) for cmd in mediacmd_temp]
# TOP monitors for specified period. Later we filter TOP output by PID to avoid
# any conflicts with data for other processes.
cpu_mem_monitor_cmd = "top -b -d 0.01 -i > " + temp_path + clip_session_iter_tag + "_TopSummary.txt &"
top_cpu_mem_process = subprocess.Popen(cpu_mem_monitor_cmd, shell=True, stderr=subprocess.PIPE, stdout=subprocess.PIPE)
#Monitor GPU_MEM Utilization
gpu_mem_monitor_cmd = "watch -n 0.01 -t -c 'sudo cat /sys/kernel/debug/dri/0/i915_gem_objects >> " + temp_path + clip_session_iter_tag + "_GemObjectSummary.txt 2>&1' &"
gem_gpu_mem_process = subprocess.Popen(gpu_mem_monitor_cmd, shell=True, stderr=subprocess.PIPE, stdout=subprocess.PIPE)
gem_gpu_mem_process_pid = gem_gpu_mem_process.pid
for p in processes:
p.wait()
os.system("killall top") # Kill Top Application.
for p in processes:
if p.returncode != 0:
exit(p.returncode)
top_cpu_mem_process.wait()
gem_gpu_mem_process.kill() # stop the watch command everytime multistreams process has finished
os.system("killall watch") # kill all watch command , workaround.
############################################################################################
# Top CPU MEM filtered by applications
############################################################################################
top_cpu_mem_grep_cmd = "grep -E '(sample|ffmpeg)' " + temp_path + clip_session_iter_tag + "_TopSummary.txt > " + temp_path + clip_session_iter_tag + "_cpumem_trace.txt"
top_cpu_mem_grep_process = subprocess.Popen(top_cpu_mem_grep_cmd, shell=True, stderr=subprocess.PIPE, stdout=subprocess.PIPE)
top_cpu_mem_grep_process.wait()
############################################################################################
# GemObject GPU MEM filtered by applications
############################################################################################
gemobject_gpu_mem_trace_grep_cmd = "grep -E '(sample_multi|ffmpeg|sample_decode)' " + temp_path + clip_session_iter_tag + "_GemObjectSummary.txt | grep -v '0 active' > " + temp_path + clip_session_iter_tag + "_gpumem_trace.txt"
gemobject_gpu_mem_trace_grep_process = subprocess.Popen(gemobject_gpu_mem_trace_grep_cmd, shell=True, stderr=subprocess.PIPE, stdout=subprocess.PIPE)
gemobject_gpu_mem_trace_grep_process.wait()
| [
2,
0,
1220,
14629,
14,
8800,
14,
29412,
18,
198,
29113,
29113,
14468,
2235,
198,
2,
15069,
357,
66,
8,
12131,
8180,
10501,
198,
2,
198,
2,
2448,
3411,
318,
29376,
7520,
11,
1479,
286,
3877,
11,
284,
597,
1048,
16727,
257,
4866,
198,
2,
286,
428,
3788,
290,
3917,
10314,
3696,
357,
1169,
366,
25423,
12340,
284,
1730,
198,
2,
287,
262,
10442,
1231,
17504,
11,
1390,
1231,
17385,
262,
2489,
198,
2,
284,
779,
11,
4866,
11,
13096,
11,
20121,
11,
7715,
11,
14983,
11,
850,
43085,
11,
290,
14,
273,
3677,
198,
2,
9088,
286,
262,
10442,
11,
290,
284,
8749,
6506,
284,
4150,
262,
10442,
318,
198,
2,
30760,
284,
466,
523,
11,
2426,
284,
262,
1708,
3403,
25,
198,
2,
198,
2,
383,
2029,
6634,
4003,
290,
428,
7170,
4003,
2236,
307,
3017,
287,
477,
198,
2,
9088,
393,
8904,
16690,
286,
262,
10442,
13,
198,
2,
198,
2,
3336,
47466,
3180,
36592,
2389,
1961,
366,
1921,
3180,
1600,
42881,
34764,
56,
3963,
15529,
509,
12115,
11,
7788,
32761,
6375,
198,
2,
8959,
49094,
11,
47783,
2751,
21728,
5626,
40880,
5390,
3336,
34764,
11015,
3963,
34482,
3398,
1565,
5603,
25382,
11,
198,
2,
376,
46144,
7473,
317,
16652,
2149,
37232,
33079,
48933,
5357,
44521,
1268,
10913,
2751,
12529,
13,
3268,
8005,
49261,
50163,
3336,
198,
2,
37195,
20673,
6375,
27975,
38162,
9947,
367,
15173,
4877,
9348,
43031,
19146,
7473,
15529,
47666,
3955,
11,
29506,
25552,
6375,
25401,
198,
2,
43031,
25382,
11,
7655,
2767,
16879,
3268,
3537,
40282,
3963,
27342,
10659,
11,
309,
9863,
6375,
25401,
54,
24352,
11,
5923,
1797,
2751,
16034,
11,
198,
2,
16289,
3963,
6375,
3268,
7102,
45,
24565,
13315,
3336,
47466,
6375,
3336,
23210,
6375,
25401,
5550,
1847,
20754,
3268,
3336,
198,
2,
47466,
13,
198,
29113,
29113,
14468,
2235,
198,
7804,
21017,
3700,
13,
40,
8149,
31,
48779,
13,
785,
24291,
2448,
69,
1303,
29113,
21017,
198,
7804,
21017,
4746,
13,
25166,
68,
31,
48779,
13,
785,
24291,
2448,
69,
1303,
29113,
21017,
198,
11748,
850,
14681,
11,
25064,
11,
28686,
11,
302,
11,
1822,
29572,
11,
640,
11,
7869,
11,
6737,
198,
198,
29510,
62,
6978,
796,
12813,
22065,
14,
525,
69,
30487,
198,
198,
29113,
29113,
21017,
198,
2,
770,
7582,
4226,
318,
3058,
407,
852,
5660,
14,
23002,
1133,
319,
428,
22771,
13,
198,
2,
30481,
262,
2393,
691,
329,
14257,
4959,
13,
198,
29113,
29113,
21017,
198,
29149,
62,
12048,
62,
76,
907,
796,
20218,
62,
6978,
1343,
366,
76,
907,
13,
1477,
1,
198,
198,
67,
796,
1280,
7,
29149,
62,
12048,
62,
76,
907,
11,
705,
81,
11537,
198,
2379,
330,
9132,
62,
29510,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
796,
17635,
198,
15036,
62,
29891,
62,
2676,
62,
12985,
220,
220,
796,
13538,
198,
198,
1640,
27965,
62,
28758,
1370,
287,
288,
25,
198,
220,
220,
220,
611,
302,
13,
12947,
7203,
30328,
33172,
27965,
62,
28758,
1370,
2599,
198,
220,
220,
220,
220,
220,
220,
220,
10651,
62,
29891,
62,
2676,
62,
12985,
796,
302,
13,
7266,
7,
81,
6,
30328,
46083,
366,
1600,
27965,
62,
28758,
1370,
13,
81,
36311,
28955,
198,
220,
220,
220,
220,
220,
220,
220,
2555,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
1117,
9607,
9132,
62,
29510,
13,
33295,
7,
6381,
17147,
62,
28758,
1370,
8,
198,
198,
67,
13,
19836,
3419,
198,
198,
2,
23002,
1133,
6343,
15237,
12124,
82,
198,
14681,
274,
796,
685,
7266,
14681,
13,
47,
9654,
7,
28758,
11,
7582,
28,
17821,
11,
336,
1082,
81,
28,
7266,
14681,
13,
47,
4061,
36,
11,
14367,
448,
28,
7266,
14681,
13,
47,
4061,
36,
8,
329,
23991,
287,
1117,
9607,
9132,
62,
29510,
60,
198,
198,
2,
28662,
19374,
329,
7368,
2278,
13,
11450,
356,
8106,
28662,
5072,
416,
37022,
284,
3368,
198,
2,
597,
12333,
351,
1366,
329,
584,
7767,
13,
198,
36166,
62,
11883,
62,
41143,
62,
28758,
796,
366,
4852,
532,
65,
532,
67,
657,
13,
486,
532,
72,
1875,
366,
1343,
20218,
62,
6978,
1343,
10651,
62,
29891,
62,
2676,
62,
12985,
1343,
45434,
9126,
22093,
13,
14116,
1222,
1,
198,
4852,
62,
36166,
62,
11883,
62,
14681,
796,
850,
14681,
13,
47,
9654,
7,
36166,
62,
11883,
62,
41143,
62,
28758,
11,
7582,
28,
17821,
11,
336,
1082,
81,
28,
7266,
14681,
13,
47,
4061,
36,
11,
14367,
448,
28,
7266,
14681,
13,
47,
4061,
36,
8,
198,
198,
2,
35479,
11362,
62,
44,
3620,
7273,
346,
1634,
198,
46999,
62,
11883,
62,
41143,
62,
28758,
796,
366,
8340,
532,
77,
657,
13,
486,
532,
83,
532,
66,
705,
24032,
3797,
1220,
17597,
14,
33885,
14,
24442,
14,
7553,
14,
15,
14,
72,
40248,
62,
24090,
62,
48205,
9609,
366,
1343,
20218,
62,
6978,
1343,
10651,
62,
29891,
62,
2676,
62,
12985,
1343,
45434,
38,
368,
10267,
22093,
13,
14116,
362,
29,
5,
16,
6,
1222,
1,
198,
24090,
62,
46999,
62,
11883,
62,
14681,
220,
220,
220,
220,
796,
850,
14681,
13,
47,
9654,
7,
46999,
62,
11883,
62,
41143,
62,
28758,
11,
7582,
28,
17821,
11,
336,
1082,
81,
28,
7266,
14681,
13,
47,
4061,
36,
11,
14367,
448,
28,
7266,
14681,
13,
47,
4061,
36,
8,
198,
24090,
62,
46999,
62,
11883,
62,
14681,
62,
35317,
796,
16840,
62,
46999,
62,
11883,
62,
14681,
13,
35317,
198,
198,
1640,
279,
287,
7767,
25,
198,
220,
220,
220,
279,
13,
17077,
3419,
198,
198,
418,
13,
10057,
7203,
12728,
439,
1353,
4943,
1303,
12265,
5849,
15678,
13,
198,
198,
1640,
279,
287,
7767,
25,
198,
220,
220,
220,
611,
279,
13,
7783,
8189,
14512,
657,
25,
198,
220,
220,
220,
220,
220,
220,
220,
8420,
7,
79,
13,
7783,
8189,
8,
198,
198,
4852,
62,
36166,
62,
11883,
62,
14681,
13,
17077,
3419,
198,
24090,
62,
46999,
62,
11883,
62,
14681,
13,
12728,
3419,
220,
1303,
2245,
262,
2342,
3141,
790,
2435,
1963,
396,
1476,
82,
1429,
468,
5201,
198,
198,
418,
13,
10057,
7203,
12728,
439,
2342,
4943,
1303,
1494,
477,
2342,
3141,
837,
46513,
13,
198,
198,
29113,
29113,
14468,
7804,
4242,
198,
2,
5849,
9135,
35153,
29083,
416,
5479,
198,
29113,
29113,
14468,
7804,
4242,
198,
4852,
62,
36166,
62,
11883,
62,
70,
7856,
62,
28758,
220,
220,
220,
220,
220,
796,
366,
70,
7856,
532,
36,
29513,
39873,
91,
487,
43913,
33047,
366,
1343,
20218,
62,
6978,
1343,
10651,
62,
29891,
62,
2676,
62,
12985,
1343,
45434,
9126,
22093,
13,
14116,
1875,
366,
1343,
20218,
62,
6978,
1343,
10651,
62,
29891,
62,
2676,
62,
12985,
1343,
45434,
13155,
388,
368,
62,
40546,
13,
14116,
1,
198,
4852,
62,
36166,
62,
11883,
62,
70,
7856,
62,
14681,
220,
220,
220,
796,
850,
14681,
13,
47,
9654,
7,
4852,
62,
36166,
62,
11883,
62,
70,
7856,
62,
28758,
11,
7582,
28,
17821,
11,
336,
1082,
81,
28,
7266,
14681,
13,
47,
4061,
36,
11,
14367,
448,
28,
7266,
14681,
13,
47,
4061,
36,
8,
198,
4852,
62,
36166,
62,
11883,
62,
70,
7856,
62,
14681,
13,
17077,
3419,
198,
198,
29113,
29113,
14468,
7804,
4242,
198,
2,
15669,
10267,
11362,
35153,
29083,
416,
5479,
198,
29113,
29113,
14468,
7804,
4242,
198,
24090,
15252,
62,
46999,
62,
11883,
62,
40546,
62,
70,
7856,
62,
28758,
220,
220,
220,
220,
220,
220,
220,
796,
366,
70,
7856,
532,
36,
29513,
39873,
62,
41684,
91,
487,
43913,
91,
39873,
62,
12501,
1098,
33047,
366,
1343,
20218,
62,
6978,
1343,
10651,
62,
29891,
62,
2676,
62,
12985,
1343,
45434,
38,
368,
10267,
22093,
13,
14116,
930,
42717,
532,
85,
705,
15,
4075,
6,
1875,
366,
1343,
20218,
62,
6978,
1343,
10651,
62,
29891,
62,
2676,
62,
12985,
1343,
45434,
31197,
388,
368,
62,
40546,
13,
14116,
1,
198,
24090,
15252,
62,
46999,
62,
11883,
62,
40546,
62,
70,
7856,
62,
14681,
220,
220,
220,
796,
850,
14681,
13,
47,
9654,
7,
24090,
15252,
62,
46999,
62,
11883,
62,
40546,
62,
70,
7856,
62,
28758,
11,
7582,
28,
17821,
11,
336,
1082,
81,
28,
7266,
14681,
13,
47,
4061,
36,
11,
14367,
448,
28,
7266,
14681,
13,
47,
4061,
36,
8,
198,
24090,
15252,
62,
46999,
62,
11883,
62,
40546,
62,
70,
7856,
62,
14681,
13,
17077,
3419,
628
] | 3.362709 | 1,373 |
#!/usr/bin/python
# -*- coding: utf-8 -*-
#
# Copyright 2014 The Plaso Project Authors.
# Please see the AUTHORS file for details on individual authors.
#
# Licensed under the Apache License, Version 2.0 (the "License");
# you may not use this file except in compliance with the License.
# You may obtain a copy of the License at
#
# http://www.apache.org/licenses/LICENSE-2.0
#
# Unless required by applicable law or agreed to in writing, software
# distributed under the License is distributed on an "AS IS" BASIS,
# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
# See the License for the specific language governing permissions and
# limitations under the License.
"""This file contains the text format specific event object classes."""
from plaso.events import time_events
from plaso.lib import eventdata
class TextEvent(time_events.TimestampEvent):
"""Convenience class for a text format-based event."""
DATA_TYPE = 'text:entry'
def __init__(self, timestamp, offset, attributes):
"""Initializes a text event object.
Args:
timestamp: The timestamp time value. The timestamp contains the
number of microseconds since Jan 1, 1970 00:00:00 UTC.
offset: The offset of the attributes.
attributes: A dict that contains the events attributes.
"""
super(TextEvent, self).__init__(
timestamp, eventdata.EventTimestamp.WRITTEN_TIME)
self.offset = offset
for name, value in attributes.iteritems():
# TODO: Revisit this constraints and see if we can implement
# it using a more sane solution.
if isinstance(value, basestring) and not value:
continue
setattr(self, name, value)
| [
2,
48443,
14629,
14,
8800,
14,
29412,
198,
2,
532,
9,
12,
19617,
25,
3384,
69,
12,
23,
532,
9,
12,
198,
2,
198,
2,
15069,
1946,
383,
1345,
292,
78,
4935,
46665,
13,
198,
2,
4222,
766,
262,
37195,
20673,
2393,
329,
3307,
319,
1981,
7035,
13,
198,
2,
198,
2,
49962,
739,
262,
24843,
13789,
11,
10628,
362,
13,
15,
357,
1169,
366,
34156,
15341,
198,
2,
345,
743,
407,
779,
428,
2393,
2845,
287,
11846,
351,
262,
13789,
13,
198,
2,
921,
743,
7330,
257,
4866,
286,
262,
13789,
379,
198,
2,
198,
2,
220,
220,
220,
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,
37811,
1212,
2393,
4909,
262,
2420,
5794,
2176,
1785,
2134,
6097,
526,
15931,
198,
198,
6738,
458,
292,
78,
13,
31534,
1330,
640,
62,
31534,
198,
6738,
458,
292,
78,
13,
8019,
1330,
1785,
7890,
628,
198,
4871,
8255,
9237,
7,
2435,
62,
31534,
13,
14967,
27823,
9237,
2599,
198,
220,
37227,
3103,
574,
1240,
1398,
329,
257,
2420,
5794,
12,
3106,
1785,
526,
15931,
628,
220,
42865,
62,
25216,
796,
705,
5239,
25,
13000,
6,
628,
220,
825,
11593,
15003,
834,
7,
944,
11,
41033,
11,
11677,
11,
12608,
2599,
198,
220,
220,
220,
37227,
24243,
4340,
257,
2420,
1785,
2134,
13,
628,
220,
220,
220,
943,
14542,
25,
198,
220,
220,
220,
220,
220,
41033,
25,
383,
41033,
640,
1988,
13,
383,
41033,
4909,
262,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1271,
286,
4580,
43012,
1201,
2365,
352,
11,
8069,
3571,
25,
405,
25,
405,
18119,
13,
198,
220,
220,
220,
220,
220,
11677,
25,
383,
11677,
286,
262,
12608,
13,
198,
220,
220,
220,
220,
220,
12608,
25,
317,
8633,
326,
4909,
262,
2995,
12608,
13,
198,
220,
220,
220,
37227,
198,
220,
220,
220,
2208,
7,
8206,
9237,
11,
2116,
737,
834,
15003,
834,
7,
198,
220,
220,
220,
220,
220,
220,
220,
41033,
11,
1785,
7890,
13,
9237,
14967,
27823,
13,
18564,
22470,
1677,
62,
34694,
8,
628,
220,
220,
220,
2116,
13,
28968,
796,
11677,
628,
220,
220,
220,
329,
1438,
11,
1988,
287,
12608,
13,
2676,
23814,
33529,
198,
220,
220,
220,
220,
220,
1303,
16926,
46,
25,
46146,
270,
428,
17778,
290,
766,
611,
356,
460,
3494,
198,
220,
220,
220,
220,
220,
1303,
340,
1262,
257,
517,
33241,
4610,
13,
198,
220,
220,
220,
220,
220,
611,
318,
39098,
7,
8367,
11,
1615,
395,
1806,
8,
290,
407,
1988,
25,
198,
220,
220,
220,
220,
220,
220,
220,
2555,
198,
220,
220,
220,
220,
220,
900,
35226,
7,
944,
11,
1438,
11,
1988,
8,
198
] | 3.260952 | 525 |
# Copyright (C) 2014 Universidad Politecnica de Madrid
#
# 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 horizon
horizon.register(Idm)
| [
2,
15069,
357,
34,
8,
1946,
26986,
32482,
2165,
578,
31522,
3970,
390,
14708,
198,
2,
198,
2,
49962,
739,
262,
24843,
13789,
11,
10628,
362,
13,
15,
357,
1169,
366,
34156,
15341,
345,
743,
198,
2,
407,
779,
428,
2393,
2845,
287,
11846,
351,
262,
13789,
13,
921,
743,
7330,
198,
2,
257,
4866,
286,
262,
13789,
379,
198,
2,
198,
2,
220,
220,
220,
220,
220,
2638,
1378,
2503,
13,
43073,
13,
2398,
14,
677,
4541,
14,
43,
2149,
24290,
12,
17,
13,
15,
198,
2,
198,
2,
17486,
2672,
416,
9723,
1099,
393,
4987,
284,
287,
3597,
11,
3788,
198,
2,
9387,
739,
262,
13789,
318,
9387,
319,
281,
366,
1921,
3180,
1,
29809,
1797,
11,
42881,
198,
2,
34764,
11015,
6375,
7102,
49828,
11053,
3963,
15529,
509,
12115,
11,
2035,
4911,
393,
17142,
13,
4091,
262,
198,
2,
13789,
329,
262,
2176,
3303,
15030,
21627,
290,
11247,
198,
2,
739,
262,
13789,
13,
198,
198,
11748,
17810,
628,
198,
17899,
8637,
13,
30238,
7,
7390,
76,
8,
198
] | 3.732558 | 172 |
import urllib
import os
# Constant
dataset_dir = './TransportationData'
datasetBalanced = dataset_dir + '/datasetBalanced'
rawOriginaldata = dataset_dir + '/_RawDataOriginal'
url_list = ['http://cs.unibo.it/projects/us-tm2017/static/dataset/extension/5second/dataset_5secondWindow.csv',
'http://cs.unibo.it/projects/us-tm2017/static/dataset/extension/halfsecond/dataset_halfSecondWindow.csv']
#'http://cs.unibo.it/projects/us-tm2017/static/dataset/raw_data/raw_data.tar.gz']
dataset5second = 'dataset_5secondWindow.csv'
datasethalfsecond = 'dataset_halfSecondWindow.csv'
#if __name__ == "__main__":
# create folders
if not os.path.exists(dataset_dir):
os.makedirs(dataset_dir)
if not os.path.exists(datasetBalanced):
os.makedirs(datasetBalanced)
if not os.path.exists(rawOriginaldata):
os.makedirs(rawOriginaldata)
print ("DOWNLOAD........")
for url in url_list:
response = urllib.request.urlopen(url)
csv = response.read()
if url == 'http://cs.unibo.it/projects/us-tm2017/static/dataset/extension/5second/dataset_5secondWindow.csv':
outfile = datasetBalanced + '/' +dataset5second
else:
outfile = datasetBalanced + '/' + datasethalfsecond
with open(outfile, 'wb') as f:
f.write(csv)
print ("DOWNLOAD ENDED.") | [
11748,
2956,
297,
571,
198,
11748,
28686,
198,
198,
2,
20217,
198,
19608,
292,
316,
62,
15908,
796,
705,
19571,
8291,
10189,
6601,
6,
198,
19608,
292,
316,
24597,
2903,
796,
27039,
62,
15908,
1343,
31051,
19608,
292,
316,
24597,
2903,
6,
198,
1831,
20556,
7890,
796,
27039,
62,
15908,
1343,
31051,
62,
27369,
6601,
20556,
6,
198,
6371,
62,
4868,
796,
37250,
4023,
1378,
6359,
13,
403,
26762,
13,
270,
14,
42068,
14,
385,
12,
17209,
5539,
14,
12708,
14,
19608,
292,
316,
14,
2302,
3004,
14,
20,
12227,
14,
19608,
292,
316,
62,
20,
12227,
27703,
13,
40664,
3256,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
705,
4023,
1378,
6359,
13,
403,
26762,
13,
270,
14,
42068,
14,
385,
12,
17209,
5539,
14,
12708,
14,
19608,
292,
316,
14,
2302,
3004,
14,
13959,
12227,
14,
19608,
292,
316,
62,
13959,
12211,
27703,
13,
40664,
20520,
198,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
220,
1303,
6,
4023,
1378,
6359,
13,
403,
26762,
13,
270,
14,
42068,
14,
385,
12,
17209,
5539,
14,
12708,
14,
19608,
292,
316,
14,
1831,
62,
7890,
14,
1831,
62,
7890,
13,
18870,
13,
34586,
20520,
198,
19608,
292,
316,
20,
12227,
796,
705,
19608,
292,
316,
62,
20,
12227,
27703,
13,
40664,
6,
198,
19608,
292,
2788,
1604,
12227,
796,
705,
19608,
292,
316,
62,
13959,
12211,
27703,
13,
40664,
6,
628,
198,
2,
361,
11593,
3672,
834,
6624,
366,
834,
12417,
834,
1298,
198,
2,
2251,
24512,
198,
361,
407,
28686,
13,
6978,
13,
1069,
1023,
7,
19608,
292,
316,
62,
15908,
2599,
198,
220,
220,
220,
28686,
13,
76,
4335,
17062,
7,
19608,
292,
316,
62,
15908,
8,
198,
198,
361,
407,
28686,
13,
6978,
13,
1069,
1023,
7,
19608,
292,
316,
24597,
2903,
2599,
198,
220,
220,
220,
28686,
13,
76,
4335,
17062,
7,
19608,
292,
316,
24597,
2903,
8,
198,
198,
361,
407,
28686,
13,
6978,
13,
1069,
1023,
7,
1831,
20556,
7890,
2599,
198,
220,
220,
220,
28686,
13,
76,
4335,
17062,
7,
1831,
20556,
7890,
8,
198,
198,
4798,
5855,
41925,
35613,
2109,
4943,
198,
1640,
19016,
287,
19016,
62,
4868,
25,
198,
220,
220,
220,
2882,
796,
2956,
297,
571,
13,
25927,
13,
6371,
9654,
7,
6371,
8,
198,
220,
220,
220,
269,
21370,
796,
2882,
13,
961,
3419,
198,
220,
220,
220,
611,
19016,
6624,
705,
4023,
1378,
6359,
13,
403,
26762,
13,
270,
14,
42068,
14,
385,
12,
17209,
5539,
14,
12708,
14,
19608,
292,
316,
14,
2302,
3004,
14,
20,
12227,
14,
19608,
292,
316,
62,
20,
12227,
27703,
13,
40664,
10354,
198,
220,
220,
220,
220,
220,
220,
220,
503,
7753,
796,
27039,
24597,
2903,
1343,
31051,
6,
1343,
19608,
292,
316,
20,
12227,
198,
220,
220,
220,
2073,
25,
198,
220,
220,
220,
220,
220,
220,
220,
503,
7753,
796,
27039,
24597,
2903,
1343,
31051,
6,
1343,
19395,
2788,
1604,
12227,
628,
220,
220,
220,
351,
1280,
7,
448,
7753,
11,
705,
39346,
11537,
355,
277,
25,
198,
220,
220,
220,
220,
220,
220,
220,
277,
13,
13564,
7,
40664,
8,
198,
198,
4798,
5855,
41925,
35613,
23578,
1961,
19570
] | 2.461101 | 527 |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.