max_stars_repo_path
stringlengths
4
237
max_stars_repo_name
stringlengths
6
117
max_stars_count
int64
0
95.2k
id
stringlengths
1
7
content
stringlengths
12
593k
input_ids
sequencelengths
7
549k
Model Files/Stroke_Model.py
imsanjoykb/Health-AI
5
164353
<reponame>imsanjoykb/Health-AI # Importing Libraries: import pandas as pd import numpy as np import pickle # for displaying all feature from dataset: pd.pandas.set_option('display.max_columns', None) # Reading Dataset: dataset = pd.read_csv("Stroke_data.csv") # Dropping unneccsary feature : dataset = dataset.drop('id', axis=1) # Filling NaN Values in BMI feature using mean: dataset['bmi'] = dataset['bmi'].fillna(dataset['bmi'].median()) # Dropping Other gender Other_gender = dataset[dataset['gender'] == 'Other'].index[0] dataset = dataset.drop(Other_gender, axis=0) # Rename some names in worktype feature for simplacity nothing else: dataset.replace({'Self-employed' : 'Self_employed'}, inplace=True) # Rename some names in smokers feature for simplacity nothing else: dataset.replace({'never smoked':'never_smoked', 'formerly smoked':'formerly_smoked'}, inplace=True) # Dependent & Independent Feature: X = dataset.iloc[:, :-1] y = dataset.iloc[:, -1] # Label Encoding: X['ever_married'] = np.where(X['ever_married']=='Yes',1,0) ## If married replace with by 1 otherwise 0. X['Residence_type'] = np.where(X['Residence_type']=='Rural',1,0) ## If residence type is Rural replace it by 1 otherwise 0. # One Hot Encoding: X = pd.get_dummies(X, drop_first=True) # Rearranging the columns for better understanding X = X[['gender_Male','age', 'hypertension', 'heart_disease', 'ever_married', 'Residence_type', 'avg_glucose_level', 'bmi', 'work_type_Never_worked', 'work_type_Private','work_type_Self_employed', 'work_type_children', 'smoking_status_formerly_smoked', 'smoking_status_never_smoked','smoking_status_smokes']] # Over Sampling: from imblearn.over_sampling import RandomOverSampler oversampler = RandomOverSampler(0.4) x_oversampler, y_oversampler = oversampler.fit_resample(X,y) # Train Test Split: from sklearn.model_selection import train_test_split X_train, X_test, y_train, y_test = train_test_split(x_oversampler,y_oversampler, test_size=0.2, random_state=0) # RandomForestClassifier: from sklearn.ensemble import RandomForestClassifier RandomForest = RandomForestClassifier() RandomForest = RandomForest.fit(X_train,y_train) # Creating a pickle file for the classifier filename = 'Stroke.pkl' pickle.dump(RandomForest, open(filename, 'wb'))
[ 1, 529, 276, 1112, 420, 29958, 9893, 273, 2212, 12072, 29890, 29914, 3868, 4298, 29899, 23869, 13, 29937, 16032, 292, 365, 4626, 4314, 29901, 13, 5215, 11701, 408, 10518, 13, 5215, 12655, 408, 7442, 13, 5215, 5839, 280, 13, 13, 29937, 363, 16384, 599, 4682, 515, 8783, 29901, 13, 15926, 29889, 15112, 29889, 842, 29918, 3385, 877, 4990, 29889, 3317, 29918, 13099, 742, 6213, 29897, 13, 13, 29937, 21439, 13373, 24541, 29901, 13, 24713, 353, 10518, 29889, 949, 29918, 7638, 703, 855, 10946, 29918, 1272, 29889, 7638, 1159, 13, 13, 29937, 22938, 3262, 443, 484, 617, 29879, 653, 4682, 584, 13, 24713, 353, 8783, 29889, 8865, 877, 333, 742, 9685, 29922, 29896, 29897, 13, 13, 29937, 383, 8873, 18780, 2630, 1041, 297, 350, 10403, 4682, 773, 2099, 29901, 13, 24713, 1839, 29890, 2460, 2033, 353, 8783, 1839, 29890, 2460, 13359, 5589, 1056, 29898, 24713, 1839, 29890, 2460, 13359, 2168, 713, 3101, 13, 13, 29937, 22938, 3262, 5901, 23346, 13, 16107, 29918, 26098, 353, 8783, 29961, 24713, 1839, 26098, 2033, 1275, 525, 16107, 13359, 2248, 29961, 29900, 29962, 13, 24713, 353, 8783, 29889, 8865, 29898, 16107, 29918, 26098, 29892, 9685, 29922, 29900, 29897, 13, 13, 29937, 390, 3871, 777, 2983, 297, 664, 1853, 4682, 363, 3053, 4620, 537, 3078, 1683, 29901, 13, 24713, 29889, 6506, 3319, 29915, 24313, 29899, 3451, 2376, 287, 29915, 584, 525, 24313, 29918, 3451, 2376, 287, 16675, 297, 6689, 29922, 5574, 29897, 13, 29937, 390, 3871, 777, 2983, 297, 1560, 554, 414, 4682, 363, 3053, 4620, 537, 3078, 1683, 29901, 13, 24713, 29889, 6506, 3319, 29915, 484, 369, 1560, 12504, 22099, 484, 369, 29918, 3844, 12504, 742, 525, 24784, 368, 1560, 12504, 22099, 24784, 368, 29918, 3844, 12504, 16675, 297, 6689, 29922, 5574, 29897, 13, 13, 29937, 10034, 3906, 669, 25266, 5169, 1535, 29901, 13, 29990, 353, 8783, 29889, 309, 542, 7503, 29892, 8956, 29896, 29962, 13, 29891, 353, 8783, 29889, 309, 542, 7503, 29892, 448, 29896, 29962, 13, 13, 29937, 15796, 11346, 3689, 29901, 13, 29990, 1839, 1310, 29918, 3034, 1255, 2033, 353, 7442, 29889, 3062, 29898, 29990, 1839, 1310, 29918, 3034, 1255, 2033, 1360, 29915, 8241, 742, 29896, 29892, 29900, 29897, 259, 444, 960, 8300, 5191, 411, 491, 29871, 29896, 6467, 29871, 29900, 29889, 13, 29990, 1839, 1666, 5084, 29918, 1853, 2033, 353, 7442, 29889, 3062, 29898, 29990, 1839, 1666, 5084, 29918, 1853, 2033, 1360, 29915, 29934, 3631, 742, 29896, 29892, 29900, 29897, 1678, 444, 960, 25488, 1134, 338, 390, 3631, 5191, 372, 491, 29871, 29896, 6467, 29871, 29900, 29889, 13, 13, 29937, 3118, 8843, 11346, 3689, 29901, 13, 29990, 353, 10518, 29889, 657, 29918, 29881, 23824, 583, 29898, 29990, 29892, 5768, 29918, 4102, 29922, 5574, 29897, 13, 13, 29937, 390, 799, 29878, 9776, 278, 4341, 363, 2253, 8004, 13, 29990, 353, 1060, 29961, 1839, 26098, 29918, 29924, 744, 3788, 482, 742, 525, 5819, 10700, 2673, 742, 525, 23057, 29918, 29881, 895, 559, 742, 525, 1310, 29918, 3034, 1255, 742, 13, 539, 525, 1666, 5084, 29918, 1853, 742, 525, 485, 29887, 29918, 3820, 1682, 852, 29918, 5563, 742, 525, 29890, 2460, 742, 13, 539, 525, 1287, 29918, 1853, 29918, 29940, 1310, 29918, 1287, 287, 742, 525, 1287, 29918, 1853, 29918, 25207, 3788, 1287, 29918, 1853, 29918, 24313, 29918, 3451, 2376, 287, 742, 525, 1287, 29918, 1853, 29918, 11991, 742, 13, 539, 525, 3844, 17223, 29918, 4882, 29918, 24784, 368, 29918, 3844, 12504, 742, 525, 3844, 17223, 29918, 4882, 29918, 484, 369, 29918, 3844, 12504, 3788, 3844, 17223, 29918, 4882, 29918, 3844, 23195, 2033, 29962, 13, 13, 13, 29937, 6811, 3685, 10335, 29901, 13, 3166, 527, 569, 2753, 29889, 957, 29918, 13445, 10335, 1053, 16968, 3563, 22966, 20069, 13, 29877, 874, 314, 20069, 353, 16968, 3563, 22966, 20069, 29898, 29900, 29889, 29946, 29897, 13, 29916, 29918, 29877, 874, 314, 20069, 29892, 343, 29918, 29877, 874, 314, 20069, 353, 288, 874, 314, 20069, 29889, 9202, 29918, 690, 981, 29898, 29990, 29892, 29891, 29897, 13, 13, 29937, 28186, 4321, 26178, 29901, 13, 3166, 2071, 19668, 29889, 4299, 29918, 21731, 1053, 7945, 29918, 1688, 29918, 5451, 13, 29990, 29918, 14968, 29892, 1060, 29918, 1688, 29892, 343, 29918, 14968, 29892, 343, 29918, 1688, 353, 7945, 29918, 1688, 29918, 5451, 29898, 29916, 29918, 29877, 874, 314, 20069, 29892, 29891, 29918, 29877, 874, 314, 20069, 29892, 1243, 29918, 2311, 29922, 29900, 29889, 29906, 29892, 4036, 29918, 3859, 29922, 29900, 29897, 13, 13, 29937, 16968, 2831, 342, 2385, 3709, 29901, 13, 3166, 2071, 19668, 29889, 24031, 1053, 16968, 2831, 342, 2385, 3709, 13, 17875, 2831, 342, 353, 16968, 2831, 342, 2385, 3709, 580, 13, 17875, 2831, 342, 353, 16968, 2831, 342, 29889, 9202, 29898, 29990, 29918, 14968, 29892, 29891, 29918, 14968, 29897, 13, 13, 29937, 26221, 263, 5839, 280, 934, 363, 278, 770, 3709, 13, 9507, 353, 525, 855, 10946, 29889, 29886, 6321, 29915, 13, 23945, 280, 29889, 15070, 29898, 17875, 2831, 342, 29892, 1722, 29898, 9507, 29892, 525, 29893, 29890, 8785, 2 ]
src/backend/build_models/build_emnist_digits_model.py
Nauheimer/swtp-ocr
0
1604147
<reponame>Nauheimer/swtp-ocr #!/usr/bin/python3 import os import tensorflow as tf import numpy as np import pandas as pd from random import randint import matplotlib.pyplot as plt from tensorflow.python.keras.layers.core import Dropout keras = tf.keras """ loads each data from emnist digit dataset. The csv mapp file for future predictions is also read. """ def load_mnist(): test = pd.read_csv("docs/emnist-digits-test.csv", delimiter= ',') train = pd.read_csv("docs/emnist-digits-train.csv", delimiter= ',') mapp = [i for i in range(10)] return test, train, mapp """ extracts respectively the test and the train datas from the emnist-digit csv file. The Labels of both sets are extracted from the first column of the emnist csv file. The proper datas of the both sets are extracted from the first to the last column of the emnist csv file. both sets are transformed as arrays to make future datas reshaping possible. returns extracted datas and labels of the train and test set respectively. """ def extract_datas(test, train): test_data = test.iloc[:, 1:] test_label = np.array(test.iloc[:, 0].values) train_data = train.iloc[:, 1:] train_label = np.array(train.iloc[:, 0].values) print(train_data.shape,train_label.shape,test_data.shape,test_label.shape) print('\n') train_data = np.array(train_data) test_data = np.array(test_data) return (train_data, train_label), (test_data, test_label) """ reshapes each data array and downscales the images pixels for a better training with CNN. """ def image_preprocessing(train_data, test_data): #reshape each image of train and test set train_data = train_data.reshape(239999, 28, 28) train_data = [np.fliplr(image) for image in train_data] train_data = [np.rot90(image) for image in train_data] train_data = np.asarray(train_data) test_data = test_data.reshape(39999, 28, 28) test_data = [np.fliplr(image) for image in test_data] test_data = [np.rot90(image) for image in test_data] test_data = np.asarray(test_data) train_data = train_data.astype('float32') test_data = test_data.astype('float32') # downscale image pixels from [0, 255] to [0, 1] train_data /= 255.0 test_data /= 255.0 print(train_data.shape, test_data.shape) return train_data, test_data """ plots some sample images. """ def plot_sample_images(data, label, mapp): plt.figure(figsize = (10,10)) row, colums = 4, 4 for i in range(16): plt.subplot(colums, row, i+1) index = randint(0, len(data)) plt.savefig("plot_pics/mnist_plot") plt.imshow(data[index], cmap='gray_r') # num = int(label[index]) # print(num) plt.title(int(label[index])) plt.show() """ builds and train the CNN Network to get a performant model for future predictions. """ def train_mnist(): train, test, mapp = load_mnist() (train_data, train_label), (test_data, test_label) = extract_datas(train, test) train_data, test_data = image_preprocessing(train_data, test_data) plot_sample_images(train_data, train_label, mapp) model = keras.Sequential([ keras.layers.Flatten(input_shape=(28, 28)), keras.layers.Dense(512, activation='relu'), keras.layers.Dense(512, activation='relu'), # relu f(x) = max(0, x). x = input. if (x<0) the x = 0. Else x = x keras.layers.Dense(10, activation='softmax') ]) model.compile(optimizer='adam', loss='sparse_categorical_crossentropy', metrics=['accuracy']) history = model.fit(train_data, train_label, epochs=10, validation_data=(test_data, test_label)) test_loss, test_acc = model.evaluate(test_data, test_label) print('Test accuracy:', test_acc) #saving the model save_dir = "results" model_name = "trained_mnist_model" model_path = os.path.join(save_dir, model_name) model.save(model_path) print('saved trained model at %s ', model_path) prediction = model.predict(test_data) return history, test_data, test_label def plot_metrics(history, test_data, test_label): fig = plt.figure() plt.subplot(2,1,1) plt.plot(history.history['accuracy']) plt.plot(history.history['val_accuracy']) plt.title('model accuracy') plt.ylabel('accuracy') plt.xlabel('epoch') plt.legend(['train', 'test'], loc='lower right') plt.show() plt.subplot(2,1,2) plt.plot(history.history['loss']) plt.plot(history.history['val_loss']) plt.title('model loss') plt.ylabel('loss') plt.xlabel('epoch') plt.legend(['train', 'test'], loc='upper right') plt.show() plt.tight_layout() loss_and_metrics = model.evaluate(test_data, test_label, verbose=2) train_mnist()
[ 1, 529, 276, 1112, 420, 29958, 29940, 585, 27400, 29914, 2774, 9392, 29899, 8415, 13, 29937, 14708, 4855, 29914, 2109, 29914, 4691, 29941, 13, 13, 5215, 2897, 13, 13, 5215, 26110, 408, 15886, 13, 5215, 12655, 408, 7442, 13, 5215, 11701, 408, 10518, 13, 3166, 4036, 1053, 20088, 524, 13, 5215, 22889, 29889, 2272, 5317, 408, 14770, 13, 3166, 26110, 29889, 4691, 29889, 3946, 294, 29889, 29277, 29889, 3221, 1053, 20724, 449, 13, 3946, 294, 353, 15886, 29889, 3946, 294, 13, 13, 15945, 29908, 15376, 1269, 848, 515, 953, 29876, 391, 13615, 8783, 29889, 450, 11799, 611, 407, 934, 363, 5434, 27303, 338, 884, 1303, 29889, 9995, 13, 1753, 2254, 29918, 23521, 391, 7295, 13, 1678, 1243, 353, 10518, 29889, 949, 29918, 7638, 703, 2640, 29914, 331, 29876, 391, 29899, 7501, 1169, 29899, 1688, 29889, 7638, 613, 28552, 29922, 13420, 1495, 13, 1678, 7945, 353, 10518, 29889, 949, 29918, 7638, 703, 2640, 29914, 331, 29876, 391, 29899, 7501, 1169, 29899, 14968, 29889, 7638, 613, 28552, 29922, 13420, 1495, 13, 1678, 611, 407, 353, 518, 29875, 363, 474, 297, 3464, 29898, 29896, 29900, 4638, 13, 1678, 736, 1243, 29892, 7945, 29892, 611, 407, 13, 13, 15945, 29908, 29871, 13, 1678, 6597, 29879, 8307, 278, 1243, 322, 278, 7945, 6155, 515, 278, 953, 29876, 391, 29899, 26204, 11799, 934, 29889, 29871, 13, 1678, 450, 15796, 29879, 310, 1716, 6166, 526, 23892, 515, 278, 937, 1897, 310, 278, 953, 29876, 391, 11799, 934, 29889, 13, 1678, 450, 1571, 6155, 310, 278, 1716, 6166, 526, 23892, 515, 278, 937, 304, 278, 1833, 1897, 310, 278, 953, 29876, 391, 11799, 934, 29889, 13, 1678, 1716, 6166, 526, 27615, 408, 7049, 304, 1207, 5434, 6155, 620, 29882, 21430, 1950, 29889, 13, 1678, 3639, 23892, 6155, 322, 11073, 310, 278, 7945, 322, 1243, 731, 8307, 29889, 29871, 13, 15945, 29908, 13, 1753, 6597, 29918, 14538, 29898, 1688, 29892, 7945, 1125, 29871, 13, 1678, 1243, 29918, 1272, 353, 1243, 29889, 309, 542, 7503, 29892, 29871, 29896, 17531, 13, 1678, 1243, 29918, 1643, 353, 7442, 29889, 2378, 29898, 1688, 29889, 309, 542, 7503, 29892, 29871, 29900, 1822, 5975, 29897, 13, 13, 1678, 7945, 29918, 1272, 353, 7945, 29889, 309, 542, 7503, 29892, 29871, 29896, 17531, 13, 1678, 7945, 29918, 1643, 353, 7442, 29889, 2378, 29898, 14968, 29889, 309, 542, 7503, 29892, 29871, 29900, 1822, 5975, 29897, 13, 13, 1678, 1596, 29898, 14968, 29918, 1272, 29889, 12181, 29892, 14968, 29918, 1643, 29889, 12181, 29892, 1688, 29918, 1272, 29889, 12181, 29892, 1688, 29918, 1643, 29889, 12181, 29897, 13, 1678, 1596, 28909, 29876, 1495, 13, 13, 1678, 7945, 29918, 1272, 353, 7442, 29889, 2378, 29898, 14968, 29918, 1272, 29897, 13, 1678, 1243, 29918, 1272, 353, 7442, 29889, 2378, 29898, 1688, 29918, 1272, 29897, 13, 13, 1678, 736, 313, 14968, 29918, 1272, 29892, 7945, 29918, 1643, 511, 313, 1688, 29918, 1272, 29892, 1243, 29918, 1643, 29897, 13, 13, 15945, 29908, 620, 29882, 11603, 1269, 848, 1409, 322, 1623, 19529, 267, 278, 4558, 17036, 363, 263, 2253, 6694, 411, 29696, 29889, 9995, 13, 1753, 1967, 29918, 1457, 19170, 29898, 14968, 29918, 1272, 29892, 1243, 29918, 1272, 1125, 13, 1678, 396, 690, 14443, 1269, 1967, 310, 7945, 322, 1243, 731, 13, 1678, 7945, 29918, 1272, 353, 7945, 29918, 1272, 29889, 690, 14443, 29898, 29906, 29941, 29929, 29929, 29929, 29929, 29892, 29871, 29906, 29947, 29892, 29871, 29906, 29947, 29897, 13, 1678, 7945, 29918, 1272, 353, 518, 9302, 29889, 20157, 572, 29878, 29898, 3027, 29897, 363, 1967, 297, 7945, 29918, 1272, 29962, 29871, 13, 1678, 7945, 29918, 1272, 353, 518, 9302, 29889, 5450, 29929, 29900, 29898, 3027, 29897, 363, 1967, 297, 7945, 29918, 1272, 29962, 13, 1678, 7945, 29918, 1272, 353, 7442, 29889, 294, 2378, 29898, 14968, 29918, 1272, 29897, 13, 13, 1678, 1243, 29918, 1272, 353, 1243, 29918, 1272, 29889, 690, 14443, 29898, 29941, 29929, 29929, 29929, 29929, 29892, 29871, 29906, 29947, 29892, 29871, 29906, 29947, 29897, 13, 1678, 1243, 29918, 1272, 353, 518, 9302, 29889, 20157, 572, 29878, 29898, 3027, 29897, 363, 1967, 297, 1243, 29918, 1272, 29962, 13, 1678, 1243, 29918, 1272, 353, 518, 9302, 29889, 5450, 29929, 29900, 29898, 3027, 29897, 363, 1967, 297, 1243, 29918, 1272, 29962, 13, 1678, 1243, 29918, 1272, 353, 7442, 29889, 294, 2378, 29898, 1688, 29918, 1272, 29897, 13, 13, 1678, 7945, 29918, 1272, 353, 7945, 29918, 1272, 29889, 579, 668, 877, 7411, 29941, 29906, 1495, 13, 1678, 1243, 29918, 1272, 353, 1243, 29918, 1272, 29889, 579, 668, 877, 7411, 29941, 29906, 1495, 13, 13, 1678, 396, 1623, 7052, 1967, 17036, 515, 518, 29900, 29892, 29871, 29906, 29945, 29945, 29962, 304, 518, 29900, 29892, 29871, 29896, 29962, 13, 1678, 7945, 29918, 1272, 847, 29922, 29871, 29906, 29945, 29945, 29889, 29900, 13, 1678, 1243, 29918, 1272, 847, 29922, 29871, 29906, 29945, 29945, 29889, 29900, 13, 13, 1678, 1596, 29898, 14968, 29918, 1272, 29889, 12181, 29892, 1243, 29918, 1272, 29889, 12181, 29897, 13, 1678, 736, 7945, 29918, 1272, 29892, 1243, 29918, 1272, 13, 13, 15945, 29908, 24580, 777, 4559, 4558, 29889, 9995, 13, 1753, 6492, 29918, 11249, 29918, 8346, 29898, 1272, 29892, 3858, 29892, 611, 407, 1125, 13, 1678, 14770, 29889, 4532, 29898, 1003, 2311, 353, 313, 29896, 29900, 29892, 29896, 29900, 876, 13, 1678, 1948, 29892, 784, 6762, 353, 29871, 29946, 29892, 29871, 29946, 13, 1678, 363, 474, 297, 3464, 29898, 29896, 29953, 1125, 13, 4706, 14770, 29889, 1491, 5317, 29898, 1054, 6762, 29892, 1948, 29892, 474, 29974, 29896, 29897, 13, 4706, 2380, 353, 20088, 524, 29898, 29900, 29892, 7431, 29898, 1272, 876, 13, 4706, 14770, 29889, 7620, 1003, 703, 5317, 29918, 29886, 1199, 29914, 23521, 391, 29918, 5317, 1159, 13, 4706, 14770, 29889, 326, 4294, 29898, 1272, 29961, 2248, 1402, 274, 1958, 2433, 21012, 29918, 29878, 1495, 13, 29937, 4706, 954, 353, 938, 29898, 1643, 29961, 2248, 2314, 13, 29937, 4706, 1596, 29898, 1949, 29897, 13, 4706, 14770, 29889, 3257, 29898, 524, 29898, 1643, 29961, 2248, 12622, 13, 1678, 14770, 29889, 4294, 580, 13, 13, 13, 15945, 29908, 23315, 322, 7945, 278, 29696, 8527, 304, 679, 263, 2189, 424, 1904, 363, 5434, 27303, 29889, 9995, 13, 1753, 7945, 29918, 23521, 391, 7295, 13, 1678, 7945, 29892, 1243, 29892, 611, 407, 353, 2254, 29918, 23521, 391, 580, 13, 1678, 313, 14968, 29918, 1272, 29892, 7945, 29918, 1643, 511, 313, 1688, 29918, 1272, 29892, 1243, 29918, 1643, 29897, 353, 6597, 29918, 14538, 29898, 14968, 29892, 1243, 29897, 13, 1678, 7945, 29918, 1272, 29892, 1243, 29918, 1272, 353, 1967, 29918, 1457, 19170, 29898, 14968, 29918, 1272, 29892, 1243, 29918, 1272, 29897, 13, 1678, 6492, 29918, 11249, 29918, 8346, 29898, 14968, 29918, 1272, 29892, 7945, 29918, 1643, 29892, 611, 407, 29897, 13, 13, 1678, 1904, 353, 13023, 294, 29889, 16941, 2556, 4197, 13, 4706, 13023, 294, 29889, 29277, 29889, 29943, 5066, 841, 29898, 2080, 29918, 12181, 7607, 29906, 29947, 29892, 29871, 29906, 29947, 8243, 29871, 13, 4706, 13023, 294, 29889, 29277, 29889, 29928, 1947, 29898, 29945, 29896, 29906, 29892, 26229, 2433, 2674, 29884, 5477, 13, 4706, 13023, 294, 29889, 29277, 29889, 29928, 1947, 29898, 29945, 29896, 29906, 29892, 26229, 2433, 2674, 29884, 5477, 396, 1104, 29884, 285, 29898, 29916, 29897, 353, 4236, 29898, 29900, 29892, 921, 467, 921, 353, 1881, 29889, 565, 313, 29916, 29966, 29900, 29897, 278, 921, 353, 29871, 29900, 29889, 15785, 921, 353, 921, 13, 4706, 13023, 294, 29889, 29277, 29889, 29928, 1947, 29898, 29896, 29900, 29892, 26229, 2433, 2695, 3317, 1495, 13, 268, 2314, 13, 13, 1678, 1904, 29889, 12198, 29898, 20640, 3950, 2433, 328, 314, 742, 13, 18884, 6410, 2433, 29879, 5510, 29918, 29883, 20440, 936, 29918, 19128, 296, 14441, 742, 13, 18884, 21556, 29922, 1839, 562, 2764, 4135, 11287, 13, 13, 1678, 4955, 353, 1904, 29889, 9202, 29898, 14968, 29918, 1272, 29892, 7945, 29918, 1643, 29892, 21502, 12168, 29922, 29896, 29900, 29892, 8845, 29918, 1272, 7607, 1688, 29918, 1272, 29892, 1243, 29918, 1643, 876, 13, 13, 1678, 1243, 29918, 6758, 29892, 1243, 29918, 5753, 353, 1904, 29889, 24219, 403, 29898, 1688, 29918, 1272, 29892, 29871, 1243, 29918, 1643, 29897, 13, 13, 1678, 1596, 877, 3057, 13600, 29901, 742, 1243, 29918, 5753, 29897, 13, 13, 1678, 396, 29879, 5555, 278, 1904, 13, 1678, 4078, 29918, 3972, 353, 376, 9902, 29908, 13, 1678, 1904, 29918, 978, 353, 376, 3018, 1312, 29918, 23521, 391, 29918, 4299, 29908, 13, 1678, 1904, 29918, 2084, 353, 2897, 29889, 2084, 29889, 7122, 29898, 7620, 29918, 3972, 29892, 1904, 29918, 978, 29897, 13, 1678, 1904, 29889, 7620, 29898, 4299, 29918, 2084, 29897, 13, 1678, 1596, 877, 17314, 16370, 1904, 472, 1273, 29879, 13420, 1904, 29918, 2084, 29897, 13, 13, 1678, 18988, 353, 1904, 29889, 27711, 29898, 1688, 29918, 1272, 29897, 13, 1678, 736, 4955, 29892, 1243, 29918, 1272, 29892, 1243, 29918, 1643, 13, 13, 1753, 6492, 29918, 2527, 10817, 29898, 18434, 29892, 1243, 29918, 1272, 29892, 1243, 29918, 1643, 1125, 13, 1678, 2537, 353, 14770, 29889, 4532, 580, 13, 1678, 14770, 29889, 1491, 5317, 29898, 29906, 29892, 29896, 29892, 29896, 29897, 13, 1678, 14770, 29889, 5317, 29898, 18434, 29889, 18434, 1839, 562, 2764, 4135, 11287, 13, 1678, 14770, 29889, 5317, 29898, 18434, 29889, 18434, 1839, 791, 29918, 562, 2764, 4135, 11287, 13, 1678, 14770, 29889, 3257, 877, 4299, 13600, 1495, 13, 1678, 14770, 29889, 29891, 1643, 877, 562, 2764, 4135, 1495, 13, 1678, 14770, 29889, 29916, 1643, 877, 1022, 2878, 1495, 13, 1678, 14770, 29889, 26172, 18959, 14968, 742, 525, 1688, 7464, 1180, 2433, 13609, 1492, 1495, 13, 1678, 14770, 29889, 4294, 580, 13, 13, 1678, 14770, 29889, 1491, 5317, 29898, 29906, 29892, 29896, 29892, 29906, 29897, 13, 1678, 14770, 29889, 5317, 29898, 18434, 29889, 18434, 1839, 6758, 11287, 13, 1678, 14770, 29889, 5317, 29898, 18434, 29889, 18434, 1839, 791, 29918, 6758, 11287, 29871, 13, 1678, 14770, 29889, 3257, 877, 4299, 6410, 1495, 13, 1678, 14770, 29889, 29891, 1643, 877, 6758, 1495, 13, 1678, 14770, 29889, 29916, 1643, 877, 1022, 2878, 1495, 13, 1678, 14770, 29889, 26172, 18959, 14968, 742, 525, 1688, 7464, 1180, 2433, 21064, 1492, 1495, 259, 13, 1678, 14770, 29889, 4294, 580, 13, 13, 1678, 14770, 29889, 29873, 523, 29918, 2680, 580, 13, 1678, 6410, 29918, 392, 29918, 2527, 10817, 353, 1904, 29889, 24219, 403, 29898, 1688, 29918, 1272, 29892, 1243, 29918, 1643, 29892, 26952, 29922, 29906, 29897, 13, 13, 14968, 29918, 23521, 391, 580, 13, 2 ]
15-more-types/mysum.py
SeirousLee/example-code-2e
990
36170
import functools import operator from collections.abc import Iterable from typing import overload, Union, TypeVar T = TypeVar('T') S = TypeVar('S') # <1> @overload def sum(it: Iterable[T]) -> Union[T, int]: ... # <2> @overload def sum(it: Iterable[T], /, start: S) -> Union[T, S]: ... # <3> def sum(it, /, start=0): # <4> return functools.reduce(operator.add, it, start)
[ 1, 1053, 2090, 312, 8789, 13, 5215, 5455, 13, 3166, 16250, 29889, 10736, 1053, 20504, 519, 13, 3166, 19229, 1053, 975, 1359, 29892, 7761, 29892, 5167, 9037, 13, 13, 29911, 353, 5167, 9037, 877, 29911, 1495, 13, 29903, 353, 5167, 9037, 877, 29903, 1495, 29871, 396, 529, 29896, 29958, 13, 13, 29992, 957, 1359, 13, 1753, 2533, 29898, 277, 29901, 20504, 519, 29961, 29911, 2314, 1599, 7761, 29961, 29911, 29892, 938, 5387, 2023, 29871, 396, 529, 29906, 29958, 13, 29992, 957, 1359, 13, 1753, 2533, 29898, 277, 29901, 20504, 519, 29961, 29911, 1402, 847, 29892, 1369, 29901, 317, 29897, 1599, 7761, 29961, 29911, 29892, 317, 5387, 2023, 29871, 396, 529, 29941, 29958, 13, 1753, 2533, 29898, 277, 29892, 847, 29892, 1369, 29922, 29900, 1125, 29871, 396, 529, 29946, 29958, 13, 1678, 736, 2090, 312, 8789, 29889, 17469, 29898, 6891, 29889, 1202, 29892, 372, 29892, 1369, 29897, 13, 2 ]
sdp_2021_03/model/user.py
iproduct/intro-python
3
93327
<filename>sdp_2021_03/model/user.py from functools import total_ordering # from decorators import trace_get_attributes import decorators as dec # @dec.trace_get_attributes @total_ordering class User: next_id = 0 # @staticmethod # def increment_next_id(): # User.next_id += 1 @classmethod def increment_next_id(cls): cls.next_id += 1 def __init__(self, name, email, password, role = 'user'): self.__class__.increment_next_id() self.id = self.__class__.next_id self.name = name self.email = email self.password = password self.role = role def __str__(self): return f'ID: {self.id}, Name: {self.name}, Email: {self.email}, Role: {self.role}' def __repr__(self): return f'User[ ID: {self.id}, Name: {self.name}, Email: {self.email}, Role: {self.role}]' def __eq__(self, other): return self.id == other.id def __lt__(self, other): return (self.name, self.id) < (other.name, other.id) def check_password(self, password: str) -> bool: return password == <PASSWORD> class Author(User): def __init__(self, name, email, password, rank = 'beginner'): super().__init__(name, email, password, '<PASSWORD>') self.rank = rank def __str__(self): return f'Author({super().__str__()}, Rank: {self.rank})' class Admin(User): def __init__(self, name, email, password, phone): super().__init__(name, email, password, 'admin') self.phone = phone def __str__(self): return f'Admin({super().__str__()}, Phone: {self.phone})' default_admin = Admin('Admin Admin', '<EMAIL>', 'admin123', '35928976564') if __name__ == '__main__': users: list[User] = [ Author('I<NAME>', '<EMAIL>', '<PASSWORD>'), Admin('Admin Admin', '<EMAIL>', 'admin123', '35928976564'), Admin('<NAME>', '<EMAIL>', 'nadia123', '3592754632'), Admin('Admin Admin', '<EMAIL>', 'admin123', '3592897655'), ] for user in sorted(users): print(user) print(users[0].check_password('<PASSWORD>')) # True print(users[0].check_password('<PASSWORD>')) # False # print(users[0].__dict__) # print(User.__dict__)
[ 1, 529, 9507, 29958, 4928, 29886, 29918, 29906, 29900, 29906, 29896, 29918, 29900, 29941, 29914, 4299, 29914, 1792, 29889, 2272, 13, 3166, 2090, 312, 8789, 1053, 3001, 29918, 2098, 292, 13, 13, 29937, 515, 10200, 4097, 1053, 9637, 29918, 657, 29918, 15697, 13, 5215, 10200, 4097, 408, 1602, 13, 13, 29937, 732, 7099, 29889, 15003, 29918, 657, 29918, 15697, 13, 29992, 7827, 29918, 2098, 292, 13, 1990, 4911, 29901, 13, 1678, 2446, 29918, 333, 353, 29871, 29900, 13, 13, 1678, 396, 732, 7959, 5696, 13, 1678, 396, 822, 11924, 29918, 4622, 29918, 333, 7295, 13, 1678, 396, 268, 4911, 29889, 4622, 29918, 333, 4619, 29871, 29896, 13, 13, 1678, 732, 1990, 5696, 13, 1678, 822, 11924, 29918, 4622, 29918, 333, 29898, 25932, 1125, 13, 4706, 1067, 29879, 29889, 4622, 29918, 333, 4619, 29871, 29896, 13, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 1024, 29892, 4876, 29892, 4800, 29892, 6297, 353, 525, 1792, 29374, 13, 4706, 1583, 17255, 1990, 26914, 25629, 29918, 4622, 29918, 333, 580, 13, 4706, 1583, 29889, 333, 353, 1583, 17255, 1990, 26914, 4622, 29918, 333, 13, 4706, 1583, 29889, 978, 353, 1024, 13, 4706, 1583, 29889, 5269, 353, 4876, 13, 4706, 1583, 29889, 5630, 353, 4800, 13, 4706, 1583, 29889, 12154, 353, 6297, 13, 13, 1678, 822, 4770, 710, 12035, 1311, 1125, 13, 4706, 736, 285, 29915, 1367, 29901, 426, 1311, 29889, 333, 1118, 4408, 29901, 426, 1311, 29889, 978, 1118, 22608, 29901, 426, 1311, 29889, 5269, 1118, 1528, 280, 29901, 426, 1311, 29889, 12154, 10162, 13, 13, 1678, 822, 4770, 276, 558, 12035, 1311, 1125, 13, 4706, 736, 285, 29915, 2659, 29961, 3553, 29901, 426, 1311, 29889, 333, 1118, 4408, 29901, 426, 1311, 29889, 978, 1118, 22608, 29901, 426, 1311, 29889, 5269, 1118, 1528, 280, 29901, 426, 1311, 29889, 12154, 6525, 29915, 13, 13, 1678, 822, 4770, 1837, 12035, 1311, 29892, 916, 1125, 13, 4706, 736, 1583, 29889, 333, 1275, 916, 29889, 333, 13, 13, 1678, 822, 4770, 1896, 12035, 1311, 29892, 916, 1125, 13, 4706, 736, 313, 1311, 29889, 978, 29892, 1583, 29889, 333, 29897, 529, 313, 1228, 29889, 978, 29892, 916, 29889, 333, 29897, 13, 13, 1678, 822, 1423, 29918, 5630, 29898, 1311, 29892, 4800, 29901, 851, 29897, 1599, 6120, 29901, 13, 4706, 736, 4800, 1275, 529, 25711, 17013, 29958, 13, 13, 1990, 13361, 29898, 2659, 1125, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 1024, 29892, 4876, 29892, 4800, 29892, 7115, 353, 525, 463, 1089, 29374, 13, 4706, 2428, 2141, 1649, 2344, 12035, 978, 29892, 4876, 29892, 4800, 29892, 12801, 25711, 17013, 29958, 1495, 13, 4706, 1583, 29889, 10003, 353, 7115, 13, 1678, 822, 4770, 710, 12035, 1311, 1125, 13, 4706, 736, 285, 29915, 13720, 3319, 9136, 2141, 1649, 710, 1649, 580, 1118, 22125, 29901, 426, 1311, 29889, 10003, 1800, 29915, 13, 13, 1990, 10229, 29898, 2659, 1125, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 1024, 29892, 4876, 29892, 4800, 29892, 9008, 1125, 13, 4706, 2428, 2141, 1649, 2344, 12035, 978, 29892, 4876, 29892, 4800, 29892, 525, 6406, 1495, 13, 4706, 1583, 29889, 6710, 353, 9008, 13, 1678, 822, 4770, 710, 12035, 1311, 1125, 13, 4706, 736, 285, 29915, 12754, 3319, 9136, 2141, 1649, 710, 1649, 580, 1118, 24323, 29901, 426, 1311, 29889, 6710, 1800, 29915, 13, 13, 4381, 29918, 6406, 353, 10229, 877, 12754, 10229, 742, 12801, 26862, 6227, 29958, 742, 525, 6406, 29896, 29906, 29941, 742, 525, 29941, 29945, 29929, 29906, 29947, 29929, 29955, 29953, 29945, 29953, 29946, 1495, 13, 13, 361, 4770, 978, 1649, 1275, 525, 1649, 3396, 1649, 2396, 13, 1678, 4160, 29901, 1051, 29961, 2659, 29962, 353, 518, 13, 4706, 13361, 877, 29902, 29966, 5813, 29958, 742, 12801, 26862, 6227, 29958, 742, 12801, 25711, 17013, 29958, 5477, 13, 4706, 10229, 877, 12754, 10229, 742, 12801, 26862, 6227, 29958, 742, 525, 6406, 29896, 29906, 29941, 742, 525, 29941, 29945, 29929, 29906, 29947, 29929, 29955, 29953, 29945, 29953, 29946, 5477, 13, 4706, 10229, 877, 29966, 5813, 29958, 742, 12801, 26862, 6227, 29958, 742, 525, 28486, 423, 29896, 29906, 29941, 742, 525, 29941, 29945, 29929, 29906, 29955, 29945, 29946, 29953, 29941, 29906, 5477, 13, 4706, 10229, 877, 12754, 10229, 742, 12801, 26862, 6227, 29958, 742, 525, 6406, 29896, 29906, 29941, 742, 525, 29941, 29945, 29929, 29906, 29947, 29929, 29955, 29953, 29945, 29945, 5477, 13, 13, 1678, 4514, 13, 13, 1678, 363, 1404, 297, 12705, 29898, 7193, 1125, 13, 4706, 1596, 29898, 1792, 29897, 13, 13, 1678, 1596, 29898, 7193, 29961, 29900, 1822, 3198, 29918, 5630, 877, 29966, 25711, 17013, 29958, 8785, 396, 5852, 13, 1678, 1596, 29898, 7193, 29961, 29900, 1822, 3198, 29918, 5630, 877, 29966, 25711, 17013, 29958, 8785, 396, 7700, 13, 1678, 396, 1596, 29898, 7193, 29961, 29900, 1822, 1649, 8977, 1649, 29897, 13, 1678, 396, 1596, 29898, 2659, 17255, 8977, 1649, 29897, 13, 2 ]
prickly-pufferfish/python_questions/merge_ranges.py
Vthechamp22/summer-code-jam-2021
40
24595
<filename>prickly-pufferfish/python_questions/merge_ranges.py """ In HiCal, a meeting is stored as tuples of integers (start_time, end_time). / These integers represent the number of 30-minute blocks past 9:00am. / For example: / (2, 3) # meeting from 10:00 - 10:30 am / (6, 9) # meeting from 12:00 - 1:30 pm / Write a function merge_ranges() that / takes a list of meeting time ranges as a parameter / and returns a list of condensed ranges. / >>> merge_ranges([(3, 5), (4, 8), (10, 12), (9, 10), (0, 1)]) / [(0, 1), (3, 8), (9, 12)] / >>> merge_ranges([(0, 3), (3, 5), (4, 8), (10, 12), (9, 10)]) / [(0, 8), (9, 12)] / >>> merge_ranges([(0, 3), (3, 5)]) / [(0, 5)] / >>> merge_ranges([(0, 3), (3, 5), (7, 8)]) / [(0, 5), (7, 8)] / >>> merge_ranges([(1, 5), (2, 3)]) / [(1, 5)] / """
[ 1, 529, 9507, 29958, 558, 860, 368, 29899, 29886, 3043, 15161, 29914, 4691, 29918, 2619, 29914, 14634, 29918, 29878, 6916, 29889, 2272, 13, 15945, 29908, 13, 797, 6324, 7856, 29892, 263, 11781, 338, 6087, 408, 5291, 2701, 310, 11920, 313, 2962, 29918, 2230, 29892, 1095, 29918, 2230, 467, 847, 13, 1349, 968, 11920, 2755, 278, 1353, 310, 29871, 29941, 29900, 29899, 1195, 1082, 10930, 4940, 29871, 29929, 29901, 29900, 29900, 314, 29889, 847, 13, 2831, 1342, 29901, 847, 13, 29898, 29906, 29892, 29871, 29941, 29897, 396, 11781, 515, 29871, 29896, 29900, 29901, 29900, 29900, 448, 29871, 29896, 29900, 29901, 29941, 29900, 626, 847, 13, 29898, 29953, 29892, 29871, 29929, 29897, 396, 11781, 515, 29871, 29896, 29906, 29901, 29900, 29900, 448, 29871, 29896, 29901, 29941, 29900, 26354, 847, 13, 6113, 263, 740, 10366, 29918, 29878, 6916, 580, 393, 847, 13, 29873, 6926, 263, 1051, 310, 11781, 931, 20238, 408, 263, 3443, 847, 13, 392, 3639, 263, 1051, 310, 2148, 21144, 20238, 29889, 847, 13, 13, 6778, 29958, 10366, 29918, 29878, 6916, 4197, 29898, 29941, 29892, 29871, 29945, 511, 313, 29946, 29892, 29871, 29947, 511, 313, 29896, 29900, 29892, 29871, 29896, 29906, 511, 313, 29929, 29892, 29871, 29896, 29900, 511, 313, 29900, 29892, 29871, 29896, 29897, 2314, 847, 13, 15625, 29900, 29892, 29871, 29896, 511, 313, 29941, 29892, 29871, 29947, 511, 313, 29929, 29892, 29871, 29896, 29906, 4638, 847, 13, 13, 6778, 29958, 10366, 29918, 29878, 6916, 4197, 29898, 29900, 29892, 29871, 29941, 511, 313, 29941, 29892, 29871, 29945, 511, 313, 29946, 29892, 29871, 29947, 511, 313, 29896, 29900, 29892, 29871, 29896, 29906, 511, 313, 29929, 29892, 29871, 29896, 29900, 29897, 2314, 847, 13, 15625, 29900, 29892, 29871, 29947, 511, 313, 29929, 29892, 29871, 29896, 29906, 4638, 847, 13, 13, 6778, 29958, 10366, 29918, 29878, 6916, 4197, 29898, 29900, 29892, 29871, 29941, 511, 313, 29941, 29892, 29871, 29945, 29897, 2314, 847, 13, 15625, 29900, 29892, 29871, 29945, 4638, 847, 13, 13, 6778, 29958, 10366, 29918, 29878, 6916, 4197, 29898, 29900, 29892, 29871, 29941, 511, 313, 29941, 29892, 29871, 29945, 511, 313, 29955, 29892, 29871, 29947, 29897, 2314, 847, 13, 15625, 29900, 29892, 29871, 29945, 511, 313, 29955, 29892, 29871, 29947, 4638, 847, 13, 13, 6778, 29958, 10366, 29918, 29878, 6916, 4197, 29898, 29896, 29892, 29871, 29945, 511, 313, 29906, 29892, 29871, 29941, 29897, 2314, 847, 13, 15625, 29896, 29892, 29871, 29945, 4638, 847, 13, 15945, 29908, 13, 2 ]
dataset/semi.py
lanyinemt2/ST-PlusPlus
73
41473
from dataset.transform import crop, hflip, normalize, resize, blur, cutout import math import os from PIL import Image import random from torch.utils.data import Dataset from torchvision import transforms class SemiDataset(Dataset): def __init__(self, name, root, mode, size, labeled_id_path=None, unlabeled_id_path=None, pseudo_mask_path=None): """ :param name: dataset name, pascal or cityscapes :param root: root path of the dataset. :param mode: train: supervised learning only with labeled images, no unlabeled images are leveraged. label: pseudo labeling the remaining unlabeled images. semi_train: semi-supervised learning with both labeled and unlabeled images. val: validation. :param size: crop size of training images. :param labeled_id_path: path of labeled image ids, needed in train or semi_train mode. :param unlabeled_id_path: path of unlabeled image ids, needed in semi_train or label mode. :param pseudo_mask_path: path of generated pseudo masks, needed in semi_train mode. """ self.name = name self.root = root self.mode = mode self.size = size self.pseudo_mask_path = pseudo_mask_path if mode == 'semi_train': with open(labeled_id_path, 'r') as f: self.labeled_ids = f.read().splitlines() with open(unlabeled_id_path, 'r') as f: self.unlabeled_ids = f.read().splitlines() self.ids = \ self.labeled_ids * math.ceil(len(self.unlabeled_ids) / len(self.labeled_ids)) + self.unlabeled_ids else: if mode == 'val': id_path = 'dataset/splits/%s/val.txt' % name elif mode == 'label': id_path = unlabeled_id_path elif mode == 'train': id_path = labeled_id_path with open(id_path, 'r') as f: self.ids = f.read().splitlines() def __getitem__(self, item): id = self.ids[item] img = Image.open(os.path.join(self.root, id.split(' ')[0])) if self.mode == 'val' or self.mode == 'label': mask = Image.open(os.path.join(self.root, id.split(' ')[1])) img, mask = normalize(img, mask) return img, mask, id if self.mode == 'train' or (self.mode == 'semi_train' and id in self.labeled_ids): mask = Image.open(os.path.join(self.root, id.split(' ')[1])) else: # mode == 'semi_train' and the id corresponds to unlabeled image fname = os.path.basename(id.split(' ')[1]) mask = Image.open(os.path.join(self.pseudo_mask_path, fname)) # basic augmentation on all training images base_size = 400 if self.name == 'pascal' else 2048 img, mask = resize(img, mask, base_size, (0.5, 2.0)) img, mask = crop(img, mask, self.size) img, mask = hflip(img, mask, p=0.5) # strong augmentation on unlabeled images if self.mode == 'semi_train' and id in self.unlabeled_ids: if random.random() < 0.8: img = transforms.ColorJitter(0.5, 0.5, 0.5, 0.25)(img) img = transforms.RandomGrayscale(p=0.2)(img) img = blur(img, p=0.5) img, mask = cutout(img, mask, p=0.5) img, mask = normalize(img, mask) return img, mask def __len__(self): return len(self.ids)
[ 1, 515, 8783, 29889, 9067, 1053, 274, 1336, 29892, 298, 29888, 3466, 29892, 4226, 675, 29892, 19490, 29892, 1999, 332, 29892, 5700, 449, 13, 13, 5215, 5844, 13, 5215, 2897, 13, 3166, 349, 6227, 1053, 7084, 13, 5215, 4036, 13, 3166, 4842, 305, 29889, 13239, 29889, 1272, 1053, 13373, 24541, 13, 3166, 4842, 305, 4924, 1053, 4327, 29879, 13, 13, 13, 1990, 9444, 29875, 16390, 24541, 29898, 16390, 24541, 1125, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 1024, 29892, 3876, 29892, 4464, 29892, 2159, 29892, 301, 24025, 29918, 333, 29918, 2084, 29922, 8516, 29892, 443, 29880, 24025, 29918, 333, 29918, 2084, 29922, 8516, 29892, 17381, 29918, 13168, 29918, 2084, 29922, 8516, 1125, 13, 4706, 9995, 13, 4706, 584, 3207, 1024, 29901, 8783, 1024, 29892, 2331, 1052, 470, 4272, 1557, 11603, 13, 4706, 584, 3207, 3876, 29901, 3876, 2224, 310, 278, 8783, 29889, 13, 4706, 584, 3207, 4464, 29901, 7945, 29901, 2428, 11292, 6509, 871, 411, 301, 24025, 4558, 29892, 694, 443, 29880, 24025, 4558, 526, 26610, 4063, 29889, 13, 462, 268, 3858, 29901, 17381, 3858, 292, 278, 9886, 443, 29880, 24025, 4558, 29889, 13, 462, 268, 12647, 29918, 14968, 29901, 12647, 29899, 9136, 11292, 6509, 411, 1716, 301, 24025, 322, 443, 29880, 24025, 4558, 29889, 13, 462, 268, 659, 29901, 8845, 29889, 13, 13, 4706, 584, 3207, 2159, 29901, 274, 1336, 2159, 310, 6694, 4558, 29889, 13, 4706, 584, 3207, 301, 24025, 29918, 333, 29918, 2084, 29901, 2224, 310, 301, 24025, 1967, 18999, 29892, 4312, 297, 7945, 470, 12647, 29918, 14968, 4464, 29889, 13, 4706, 584, 3207, 443, 29880, 24025, 29918, 333, 29918, 2084, 29901, 2224, 310, 443, 29880, 24025, 1967, 18999, 29892, 4312, 297, 12647, 29918, 14968, 470, 3858, 4464, 29889, 13, 4706, 584, 3207, 17381, 29918, 13168, 29918, 2084, 29901, 2224, 310, 5759, 17381, 11105, 29879, 29892, 4312, 297, 12647, 29918, 14968, 4464, 29889, 13, 4706, 9995, 13, 4706, 1583, 29889, 978, 353, 1024, 13, 4706, 1583, 29889, 4632, 353, 3876, 13, 4706, 1583, 29889, 8513, 353, 4464, 13, 4706, 1583, 29889, 2311, 353, 2159, 13, 13, 4706, 1583, 29889, 27358, 5333, 29918, 13168, 29918, 2084, 353, 17381, 29918, 13168, 29918, 2084, 13, 13, 4706, 565, 4464, 1275, 525, 12846, 29875, 29918, 14968, 2396, 13, 9651, 411, 1722, 29898, 29880, 24025, 29918, 333, 29918, 2084, 29892, 525, 29878, 1495, 408, 285, 29901, 13, 18884, 1583, 29889, 29880, 24025, 29918, 4841, 353, 285, 29889, 949, 2141, 5451, 9012, 580, 13, 9651, 411, 1722, 29898, 348, 29880, 24025, 29918, 333, 29918, 2084, 29892, 525, 29878, 1495, 408, 285, 29901, 13, 18884, 1583, 29889, 348, 29880, 24025, 29918, 4841, 353, 285, 29889, 949, 2141, 5451, 9012, 580, 13, 9651, 1583, 29889, 4841, 353, 320, 13, 18884, 1583, 29889, 29880, 24025, 29918, 4841, 334, 5844, 29889, 27696, 29898, 2435, 29898, 1311, 29889, 348, 29880, 24025, 29918, 4841, 29897, 847, 7431, 29898, 1311, 29889, 29880, 24025, 29918, 4841, 876, 718, 1583, 29889, 348, 29880, 24025, 29918, 4841, 13, 13, 4706, 1683, 29901, 13, 9651, 565, 4464, 1275, 525, 791, 2396, 13, 18884, 1178, 29918, 2084, 353, 525, 24713, 29914, 23579, 1169, 22584, 29879, 29914, 791, 29889, 3945, 29915, 1273, 1024, 13, 9651, 25342, 4464, 1275, 525, 1643, 2396, 13, 18884, 1178, 29918, 2084, 353, 443, 29880, 24025, 29918, 333, 29918, 2084, 13, 9651, 25342, 4464, 1275, 525, 14968, 2396, 13, 18884, 1178, 29918, 2084, 353, 301, 24025, 29918, 333, 29918, 2084, 13, 13, 9651, 411, 1722, 29898, 333, 29918, 2084, 29892, 525, 29878, 1495, 408, 285, 29901, 13, 18884, 1583, 29889, 4841, 353, 285, 29889, 949, 2141, 5451, 9012, 580, 13, 13, 1678, 822, 4770, 657, 667, 12035, 1311, 29892, 2944, 1125, 13, 4706, 1178, 353, 1583, 29889, 4841, 29961, 667, 29962, 13, 4706, 10153, 353, 7084, 29889, 3150, 29898, 359, 29889, 2084, 29889, 7122, 29898, 1311, 29889, 4632, 29892, 1178, 29889, 5451, 877, 525, 9601, 29900, 12622, 13, 13, 4706, 565, 1583, 29889, 8513, 1275, 525, 791, 29915, 470, 1583, 29889, 8513, 1275, 525, 1643, 2396, 13, 9651, 11105, 353, 7084, 29889, 3150, 29898, 359, 29889, 2084, 29889, 7122, 29898, 1311, 29889, 4632, 29892, 1178, 29889, 5451, 877, 525, 9601, 29896, 12622, 13, 9651, 10153, 29892, 11105, 353, 4226, 675, 29898, 2492, 29892, 11105, 29897, 13, 9651, 736, 10153, 29892, 11105, 29892, 1178, 13, 13, 4706, 565, 1583, 29889, 8513, 1275, 525, 14968, 29915, 470, 313, 1311, 29889, 8513, 1275, 525, 12846, 29875, 29918, 14968, 29915, 322, 1178, 297, 1583, 29889, 29880, 24025, 29918, 4841, 1125, 13, 9651, 11105, 353, 7084, 29889, 3150, 29898, 359, 29889, 2084, 29889, 7122, 29898, 1311, 29889, 4632, 29892, 1178, 29889, 5451, 877, 525, 9601, 29896, 12622, 13, 4706, 1683, 29901, 13, 9651, 396, 4464, 1275, 525, 12846, 29875, 29918, 14968, 29915, 322, 278, 1178, 16161, 304, 443, 29880, 24025, 1967, 13, 9651, 285, 978, 353, 2897, 29889, 2084, 29889, 6500, 3871, 29898, 333, 29889, 5451, 877, 525, 9601, 29896, 2314, 13, 9651, 11105, 353, 7084, 29889, 3150, 29898, 359, 29889, 2084, 29889, 7122, 29898, 1311, 29889, 27358, 5333, 29918, 13168, 29918, 2084, 29892, 285, 978, 876, 13, 13, 4706, 396, 6996, 18765, 362, 373, 599, 6694, 4558, 13, 4706, 2967, 29918, 2311, 353, 29871, 29946, 29900, 29900, 565, 1583, 29889, 978, 1275, 525, 18182, 1052, 29915, 1683, 29871, 29906, 29900, 29946, 29947, 13, 4706, 10153, 29892, 11105, 353, 19490, 29898, 2492, 29892, 11105, 29892, 2967, 29918, 2311, 29892, 313, 29900, 29889, 29945, 29892, 29871, 29906, 29889, 29900, 876, 13, 4706, 10153, 29892, 11105, 353, 274, 1336, 29898, 2492, 29892, 11105, 29892, 1583, 29889, 2311, 29897, 13, 4706, 10153, 29892, 11105, 353, 298, 29888, 3466, 29898, 2492, 29892, 11105, 29892, 282, 29922, 29900, 29889, 29945, 29897, 13, 13, 4706, 396, 4549, 18765, 362, 373, 443, 29880, 24025, 4558, 13, 4706, 565, 1583, 29889, 8513, 1275, 525, 12846, 29875, 29918, 14968, 29915, 322, 1178, 297, 1583, 29889, 348, 29880, 24025, 29918, 4841, 29901, 13, 9651, 565, 4036, 29889, 8172, 580, 529, 29871, 29900, 29889, 29947, 29901, 13, 18884, 10153, 353, 4327, 29879, 29889, 3306, 29967, 5171, 29898, 29900, 29889, 29945, 29892, 29871, 29900, 29889, 29945, 29892, 29871, 29900, 29889, 29945, 29892, 29871, 29900, 29889, 29906, 29945, 5033, 2492, 29897, 13, 9651, 10153, 353, 4327, 29879, 29889, 17875, 29954, 764, 7052, 29898, 29886, 29922, 29900, 29889, 29906, 5033, 2492, 29897, 13, 9651, 10153, 353, 1999, 332, 29898, 2492, 29892, 282, 29922, 29900, 29889, 29945, 29897, 13, 9651, 10153, 29892, 11105, 353, 5700, 449, 29898, 2492, 29892, 11105, 29892, 282, 29922, 29900, 29889, 29945, 29897, 13, 13, 4706, 10153, 29892, 11105, 353, 4226, 675, 29898, 2492, 29892, 11105, 29897, 13, 13, 4706, 736, 10153, 29892, 11105, 13, 13, 1678, 822, 4770, 2435, 12035, 1311, 1125, 13, 4706, 736, 7431, 29898, 1311, 29889, 4841, 29897, 13, 2 ]
R_3_1_1.py
meissnert/StarCluster-Plugins
1
63019
from starcluster.clustersetup import ClusterSetup from starcluster.logger import log class RInstaller(ClusterSetup): def run(self, nodes, master, user, user_shell, volumes): for node in nodes: log.info("Installing R 3.1.1 on %s" % (node.alias)) log.info("...installing dependencies") node.ssh.execute('apt-get install -y libreadline-dev ncurses-dev libpng-dev texinfo texlive texlive-base luatex texlive-latex-base texlive-luatex texlive-extra-utils texlive-latex-recommended texlive-fonts-extra freetype* libxml2 libxml2-dev libpng12-dev libcurl4-openssl-dev tk-dev xterm') node.ssh.execute('apt-get install -y libgtk2.0-dev xorg-dev') log.info("...dependencies installed --> --> downloading R") node.ssh.execute('wget -c -P /opt/software/R http://cran.us.r-project.org/src/base/R-3/R-3.1.1.tar.gz') log.info("...R has downloaded --> decompressing files") node.ssh.execute('tar xvzf /opt/software/R/R-3.1.1.tar.gz -C /opt/software/R') log.info("...files decompressed --> running ./configure") node.ssh.execute('cd /opt/software/R/R-3.1.1 && ./configure --with-lapack --with-blas --with-pic --enable-threads --with-x=yes --enable-R-shlib --with-libpng --with-jpeglib --with-recommended-packages=yes') log.info("...configure has finished --> running make") node.ssh.execute('make -C /opt/software/R/R-3.1.1') log.info("...make has finished --> creating modulefiles") node.ssh.execute('mkdir -p /usr/local/Modules/applications/R/;touch /usr/local/Modules/applications/R/3.1.1') node.ssh.execute('echo "#%Module" >> /usr/local/Modules/applications/R/3.1.1') node.ssh.execute('echo "set root /opt/software/R/R-3.1.1" >> /usr/local/Modules/applications/R/3.1.1') node.ssh.execute('echo -e "prepend-path\tPATH\t\$root/bin" >> /usr/local/Modules/applications/R/3.1.1') log.info("...installing R packages") log.info("...installing packages from CRAN") node.ssh.execute('wget -c -P /opt/software/R https://bitbucket.org/sulab/omics_pipe/raw/e345e666dd70711f79d310fe451a361893626196/dist/AWS_customBuild/Rprofile') node.ssh.execute('cp /opt/software/R/Rprofile ~/.Rprofile') node.ssh.execute('wget -c -P /opt/software/R https://bitbucket.org/sulab/omics_pipe/raw/e345e666dd70711f79d310fe451a361893626196/dist/AWS_customBuild/packages_cran.R') node.ssh.execute('wget -c -P /opt/software/R https://bitbucket.org/sulab/omics_pipe/raw/e345e666dd70711f79d310fe451a361893626196/dist/AWS_customBuild/packages_bioc_1.R') node.ssh.execute('wget -c -P /opt/software/R https://bitbucket.org/sulab/omics_pipe/raw/e345e666dd70711f79d310fe451a361893626196/dist/AWS_customBuild/packages_bioc_2.R') node.ssh.execute('module load R/3.1.1 && Rscript /opt/software/R/packages_cran.R') log.info("...CRAN packages have been installed --> installing BioConductor packages") node.ssh.execute('module load R/3.1.1 && Rscript /opt/software/R/packages_bioc_1.R') log.info("...BioConductor1 packages have been installed") node.ssh.execute('module load R/3.1.1 && Rscript /opt/software/R/packages_bioc_2.R') log.info("...BioConductor2 packages have been installed")
[ 1, 515, 5810, 19594, 29889, 695, 504, 24197, 786, 1053, 2233, 5402, 26947, 13, 3166, 5810, 19594, 29889, 21707, 1053, 1480, 13, 13, 1990, 390, 3379, 12572, 29898, 6821, 5402, 26947, 1125, 13, 12, 1753, 1065, 29898, 1311, 29892, 7573, 29892, 5835, 29892, 1404, 29892, 1404, 29918, 15903, 29892, 18167, 1125, 13, 12, 12, 1454, 2943, 297, 7573, 29901, 13, 12, 12, 12, 1188, 29889, 3888, 703, 23271, 292, 390, 29871, 29941, 29889, 29896, 29889, 29896, 373, 1273, 29879, 29908, 1273, 313, 3177, 29889, 19973, 876, 13, 12, 12, 12, 1188, 29889, 3888, 703, 856, 6252, 292, 9962, 1159, 13, 12, 12, 12, 3177, 29889, 15269, 29889, 7978, 877, 2156, 29899, 657, 2601, 448, 29891, 4303, 949, 1220, 29899, 3359, 302, 29883, 1295, 267, 29899, 3359, 4303, 2732, 29899, 3359, 19696, 3888, 19696, 9258, 19696, 9258, 29899, 3188, 8092, 403, 29916, 19696, 9258, 29899, 25694, 29899, 3188, 19696, 9258, 29899, 6092, 403, 29916, 19696, 9258, 29899, 17833, 29899, 13239, 19696, 9258, 29899, 25694, 29899, 276, 2055, 2760, 19696, 9258, 29899, 28586, 29899, 17833, 3005, 300, 668, 29930, 4303, 3134, 29906, 4303, 3134, 29906, 29899, 3359, 4303, 2732, 29896, 29906, 29899, 3359, 4303, 18963, 29946, 29899, 22156, 2536, 29899, 3359, 18883, 29899, 3359, 921, 8489, 1495, 13, 12, 12, 12, 3177, 29889, 15269, 29889, 7978, 877, 2156, 29899, 657, 2601, 448, 29891, 4303, 4141, 29895, 29906, 29889, 29900, 29899, 3359, 921, 990, 29899, 3359, 1495, 13, 12, 12, 12, 1188, 29889, 3888, 703, 856, 22594, 5130, 6660, 6660, 28536, 390, 1159, 13, 12, 12, 12, 3177, 29889, 15269, 29889, 7978, 877, 29893, 657, 448, 29883, 448, 29925, 847, 3670, 29914, 20415, 29914, 29934, 1732, 597, 29883, 661, 29889, 375, 29889, 29878, 29899, 4836, 29889, 990, 29914, 4351, 29914, 3188, 29914, 29934, 29899, 29941, 29914, 29934, 29899, 29941, 29889, 29896, 29889, 29896, 29889, 12637, 29889, 18828, 1495, 13, 12, 12, 12, 1188, 29889, 3888, 703, 856, 29934, 756, 16532, 6660, 17753, 2139, 292, 2066, 1159, 13, 12, 12, 12, 3177, 29889, 15269, 29889, 7978, 877, 12637, 921, 29894, 29920, 29888, 847, 3670, 29914, 20415, 29914, 29934, 29914, 29934, 29899, 29941, 29889, 29896, 29889, 29896, 29889, 12637, 29889, 18828, 448, 29907, 847, 3670, 29914, 20415, 29914, 29934, 1495, 13, 12, 12, 12, 1188, 29889, 3888, 703, 856, 5325, 17753, 13120, 6660, 2734, 11431, 17591, 1159, 13, 12, 12, 12, 3177, 29889, 15269, 29889, 7978, 877, 2252, 847, 3670, 29914, 20415, 29914, 29934, 29914, 29934, 29899, 29941, 29889, 29896, 29889, 29896, 2607, 11431, 17591, 1192, 2541, 29899, 433, 4058, 1192, 2541, 29899, 2204, 294, 1192, 2541, 29899, 16447, 1192, 12007, 29899, 28993, 1192, 2541, 29899, 29916, 29922, 3582, 1192, 12007, 29899, 29934, 29899, 845, 1982, 1192, 2541, 29899, 1982, 2732, 1192, 2541, 29899, 26568, 1982, 1192, 2541, 29899, 276, 2055, 2760, 29899, 8318, 29922, 3582, 1495, 13, 12, 12, 12, 1188, 29889, 3888, 703, 856, 17591, 756, 7743, 6660, 2734, 1207, 1159, 13, 12, 12, 12, 3177, 29889, 15269, 29889, 7978, 877, 5675, 448, 29907, 847, 3670, 29914, 20415, 29914, 29934, 29914, 29934, 29899, 29941, 29889, 29896, 29889, 29896, 1495, 13, 12, 12, 12, 1188, 29889, 3888, 703, 856, 5675, 756, 7743, 6660, 4969, 3883, 5325, 1159, 13, 13, 12, 12, 12, 3177, 29889, 15269, 29889, 7978, 877, 11256, 3972, 448, 29886, 847, 4855, 29914, 2997, 29914, 2111, 2540, 29914, 932, 5795, 29914, 29934, 29914, 29936, 16747, 847, 4855, 29914, 2997, 29914, 2111, 2540, 29914, 932, 5795, 29914, 29934, 29914, 29941, 29889, 29896, 29889, 29896, 1495, 13, 12, 12, 12, 3177, 29889, 15269, 29889, 7978, 877, 8057, 12305, 29995, 7355, 29908, 5099, 847, 4855, 29914, 2997, 29914, 2111, 2540, 29914, 932, 5795, 29914, 29934, 29914, 29941, 29889, 29896, 29889, 29896, 1495, 13, 12, 12, 12, 3177, 29889, 15269, 29889, 7978, 877, 8057, 376, 842, 3876, 847, 3670, 29914, 20415, 29914, 29934, 29914, 29934, 29899, 29941, 29889, 29896, 29889, 29896, 29908, 5099, 847, 4855, 29914, 2997, 29914, 2111, 2540, 29914, 932, 5795, 29914, 29934, 29914, 29941, 29889, 29896, 29889, 29896, 1495, 13, 12, 12, 12, 3177, 29889, 15269, 29889, 7978, 877, 8057, 448, 29872, 376, 1457, 14081, 29899, 2084, 29905, 29873, 10145, 29905, 29873, 29905, 29938, 4632, 29914, 2109, 29908, 5099, 847, 4855, 29914, 2997, 29914, 2111, 2540, 29914, 932, 5795, 29914, 29934, 29914, 29941, 29889, 29896, 29889, 29896, 1495, 13, 13, 12, 12, 12, 1188, 29889, 3888, 703, 856, 6252, 292, 390, 9741, 1159, 13, 12, 12, 12, 1188, 29889, 3888, 703, 856, 6252, 292, 9741, 515, 15600, 2190, 1159, 13, 13, 12, 12, 12, 3177, 29889, 15269, 29889, 7978, 877, 29893, 657, 448, 29883, 448, 29925, 847, 3670, 29914, 20415, 29914, 29934, 2045, 597, 2966, 21454, 29889, 990, 29914, 29879, 352, 370, 29914, 290, 1199, 29918, 17760, 29914, 1610, 29914, 29872, 29941, 29946, 29945, 29872, 29953, 29953, 29953, 1289, 29955, 29900, 29955, 29896, 29896, 29888, 29955, 29929, 29881, 29941, 29896, 29900, 1725, 29946, 29945, 29896, 29874, 29941, 29953, 29896, 29947, 29929, 29941, 29953, 29906, 29953, 29896, 29929, 29953, 29914, 5721, 29914, 29909, 7811, 29918, 6341, 8893, 29914, 29934, 10185, 1495, 13, 12, 12, 12, 3177, 29889, 15269, 29889, 7978, 877, 6814, 847, 3670, 29914, 20415, 29914, 29934, 29914, 29934, 10185, 3695, 6294, 29934, 10185, 1495, 13, 12, 12, 12, 3177, 29889, 15269, 29889, 7978, 877, 29893, 657, 448, 29883, 448, 29925, 847, 3670, 29914, 20415, 29914, 29934, 2045, 597, 2966, 21454, 29889, 990, 29914, 29879, 352, 370, 29914, 290, 1199, 29918, 17760, 29914, 1610, 29914, 29872, 29941, 29946, 29945, 29872, 29953, 29953, 29953, 1289, 29955, 29900, 29955, 29896, 29896, 29888, 29955, 29929, 29881, 29941, 29896, 29900, 1725, 29946, 29945, 29896, 29874, 29941, 29953, 29896, 29947, 29929, 29941, 29953, 29906, 29953, 29896, 29929, 29953, 29914, 5721, 29914, 29909, 7811, 29918, 6341, 8893, 29914, 8318, 29918, 29883, 661, 29889, 29934, 1495, 13, 12, 12, 12, 3177, 29889, 15269, 29889, 7978, 877, 29893, 657, 448, 29883, 448, 29925, 847, 3670, 29914, 20415, 29914, 29934, 2045, 597, 2966, 21454, 29889, 990, 29914, 29879, 352, 370, 29914, 290, 1199, 29918, 17760, 29914, 1610, 29914, 29872, 29941, 29946, 29945, 29872, 29953, 29953, 29953, 1289, 29955, 29900, 29955, 29896, 29896, 29888, 29955, 29929, 29881, 29941, 29896, 29900, 1725, 29946, 29945, 29896, 29874, 29941, 29953, 29896, 29947, 29929, 29941, 29953, 29906, 29953, 29896, 29929, 29953, 29914, 5721, 29914, 29909, 7811, 29918, 6341, 8893, 29914, 8318, 29918, 5365, 542, 29918, 29896, 29889, 29934, 1495, 13, 12, 12, 12, 3177, 29889, 15269, 29889, 7978, 877, 29893, 657, 448, 29883, 448, 29925, 847, 3670, 29914, 20415, 29914, 29934, 2045, 597, 2966, 21454, 29889, 990, 29914, 29879, 352, 370, 29914, 290, 1199, 29918, 17760, 29914, 1610, 29914, 29872, 29941, 29946, 29945, 29872, 29953, 29953, 29953, 1289, 29955, 29900, 29955, 29896, 29896, 29888, 29955, 29929, 29881, 29941, 29896, 29900, 1725, 29946, 29945, 29896, 29874, 29941, 29953, 29896, 29947, 29929, 29941, 29953, 29906, 29953, 29896, 29929, 29953, 29914, 5721, 29914, 29909, 7811, 29918, 6341, 8893, 29914, 8318, 29918, 5365, 542, 29918, 29906, 29889, 29934, 1495, 13, 12, 12, 12, 13, 12, 12, 12, 3177, 29889, 15269, 29889, 7978, 877, 5453, 2254, 390, 29914, 29941, 29889, 29896, 29889, 29896, 2607, 390, 2154, 847, 3670, 29914, 20415, 29914, 29934, 29914, 8318, 29918, 29883, 661, 29889, 29934, 1495, 13, 12, 12, 12, 1188, 29889, 3888, 703, 856, 11341, 2190, 9741, 505, 1063, 5130, 6660, 15476, 21184, 1168, 2199, 272, 9741, 1159, 13, 12, 12, 12, 3177, 29889, 15269, 29889, 7978, 877, 5453, 2254, 390, 29914, 29941, 29889, 29896, 29889, 29896, 2607, 390, 2154, 847, 3670, 29914, 20415, 29914, 29934, 29914, 8318, 29918, 5365, 542, 29918, 29896, 29889, 29934, 1495, 13, 12, 12, 12, 1188, 29889, 3888, 703, 856, 29933, 601, 1168, 2199, 272, 29896, 9741, 505, 1063, 5130, 1159, 13, 12, 12, 12, 3177, 29889, 15269, 29889, 7978, 877, 5453, 2254, 390, 29914, 29941, 29889, 29896, 29889, 29896, 2607, 390, 2154, 847, 3670, 29914, 20415, 29914, 29934, 29914, 8318, 29918, 5365, 542, 29918, 29906, 29889, 29934, 1495, 13, 12, 12, 12, 1188, 29889, 3888, 703, 856, 29933, 601, 1168, 2199, 272, 29906, 9741, 505, 1063, 5130, 1159, 2 ]
rpyc/core/netref.py
fruch/rpyc
0
28347
<gh_stars>0 """ NetRef - transparent network references implementation. """ import sys import inspect import types import cPickle as pickle from rpyc.core import consts _local_netref_attrs = frozenset([ '____conn__', '____oid__', '__class__', '__cmp__', '__del__', '__delattr__', '__dir__', '__doc__', '__getattr__', '__getattribute__', '__hash__', '__init__', '__metaclass__', '__module__', '__new__', '__reduce__', '__reduce_ex__', '__repr__', '__setattr__', '__slots__', '__str__', '__weakref__', '__dict__', '__members__', '__methods__', ]) _builtin_types = [ type, object, types.InstanceType, types.ClassType, bool, complex, dict, file, float, int, list, long, slice, str, basestring, tuple, unicode, str, set, frozenset, Exception, types.NoneType, types.DictProxyType, types.BuiltinFunctionType, types.GeneratorType, types.MethodType, types.CodeType, types.FrameType, types.TracebackType, xrange, types.ModuleType, types.FunctionType, type(int.__add__), # wrapper_descriptor type((1).__add__), # method-wrapper type(iter([])), # listiterator type(iter(())), # tupleiterator type(iter(xrange(10))), # rangeiterator type(iter(set())), # setiterator ] _normalized_builtin_types = dict(((t.__name__, t.__module__), t) for t in _builtin_types) def syncreq(proxy, handler, *args): """performs a synchronous request on the given proxy object""" conn = object.__getattribute__(proxy, "____conn__") oid = object.__getattribute__(proxy, "____oid__") return conn().sync_request(handler, oid, *args) def asyncreq(proxy, handler, *args): """performs an asynchronous request on the given proxy object, retuning an AsyncResult""" conn = object.__getattribute__(proxy, "____conn__") oid = object.__getattribute__(proxy, "____oid__") return conn().async_request(handler, oid, *args) class NetrefMetaclass(type): """a metaclass just to customize the __repr__ of netref classes""" __slots__ = () def __repr__(self): if self.__module__: return "<netref class '%s.%s'>" % (self.__module__, self.__name__) else: return "<netref class '%s'>" % (self.__name__,) class BaseNetref(object): """the base netref object, from which all netref classes derive""" __metaclass__ = NetrefMetaclass __slots__ = ["____conn__", "____oid__", "__weakref__"] def __init__(self, conn, oid): self.____conn__ = conn self.____oid__ = oid def __del__(self): try: asyncreq(self, consts.HANDLE_DEL) except Exception: # raised in a destructor, most likely on program termination, # it's safe to ignore all exceptions here pass def __getattribute__(self, name): if name in _local_netref_attrs: if name == "__class__": cls = object.__getattribute__(self, "__class__") if cls is None: cls = self.__getattr__("__class__") return cls elif name == "__doc__": return self.__getattr__("__doc__") elif name == "__members__": # for Python < 2.6 return self.__dir__() else: return object.__getattribute__(self, name) elif name == "__call__": # IronPython issue #10 return object.__getattribute__(self, "__call__") else: return syncreq(self, consts.HANDLE_GETATTR, name) def __getattr__(self, name): return syncreq(self, consts.HANDLE_GETATTR, name) def __delattr__(self, name): if name in _local_netref_attrs: object.__delattr__(self, name) else: syncreq(self, consts.HANDLE_DELATTR, name) def __setattr__(self, name, value): if name in _local_netref_attrs: object.__setattr__(self, name, value) else: syncreq(self, consts.HANDLE_SETATTR, name, value) def __dir__(self): return list(syncreq(self, consts.HANDLE_DIR)) # support for metaclasses def __hash__(self): return syncreq(self, consts.HANDLE_HASH) def __cmp__(self, other): return syncreq(self, consts.HANDLE_CMP, other) def __repr__(self): return syncreq(self, consts.HANDLE_REPR) def __str__(self): return syncreq(self, consts.HANDLE_STR) # support for pickle def __reduce_ex__(self, proto): return pickle.loads, (syncreq(self, consts.HANDLE_PICKLE, proto),) def _make_method(name, doc): name = str(name) # IronPython issue #10 if name == "__call__": def __call__(_self, *args, **kwargs): kwargs = tuple(kwargs.items()) return syncreq(_self, consts.HANDLE_CALL, args, kwargs) __call__.__doc__ = doc return __call__ else: def method(_self, *args, **kwargs): kwargs = tuple(kwargs.items()) return syncreq(_self, consts.HANDLE_CALLATTR, name, args, kwargs) method.__name__ = name method.__doc__ = doc return method def inspect_methods(obj): """returns a list of (method name, docstring) tuples of all the methods of the given object""" methods = {} attrs = {} if isinstance(obj, type): # don't forget the darn metaclass mros = list(reversed(type(obj).__mro__)) + list(reversed(obj.__mro__)) else: mros = reversed(type(obj).__mro__) for basecls in mros: attrs.update(basecls.__dict__) for name, attr in attrs.iteritems(): if name not in _local_netref_attrs and hasattr(attr, "__call__"): methods[name] = inspect.getdoc(attr) return methods.items() def class_factory(clsname, modname, methods): clsname = str(clsname) # IronPython issue #10 modname = str(modname) # IronPython issue #10 ns = {"__slots__" : ()} for name, doc in methods: name = str(name) # IronPython issue #10 if name not in _local_netref_attrs: ns[name] = _make_method(name, doc) ns["__module__"] = modname if modname in sys.modules and hasattr(sys.modules[modname], clsname): ns["__class__"] = getattr(sys.modules[modname], clsname) elif (clsname, modname) in _normalized_builtin_types: ns["__class__"] = _normalized_builtin_types[clsname, modname] else: # to be resolved by the instance ns["__class__"] = None return type(clsname, (BaseNetref,), ns) builtin_classes_cache = {} for cls in _builtin_types: builtin_classes_cache[cls.__name__, cls.__module__] = class_factory( cls.__name__, cls.__module__, inspect_methods(cls))
[ 1, 529, 12443, 29918, 303, 1503, 29958, 29900, 13, 15945, 29908, 13, 6779, 5620, 448, 17772, 3564, 9282, 5314, 29889, 13, 15945, 29908, 13, 5215, 10876, 13, 5215, 16096, 13, 5215, 4072, 13, 5215, 274, 29925, 860, 280, 408, 5839, 280, 13, 13, 3166, 364, 2272, 29883, 29889, 3221, 1053, 1040, 29879, 13, 13, 29918, 2997, 29918, 1212, 999, 29918, 5552, 29879, 353, 14671, 29920, 575, 300, 4197, 13, 1678, 525, 7652, 13082, 1649, 742, 525, 7652, 3398, 1649, 742, 525, 1649, 1990, 1649, 742, 525, 1649, 21058, 1649, 742, 525, 1649, 6144, 1649, 742, 525, 1649, 6144, 5552, 1649, 742, 29871, 13, 1678, 525, 1649, 3972, 1649, 742, 525, 1649, 1514, 1649, 742, 525, 1649, 657, 5552, 1649, 742, 525, 1649, 657, 12715, 1649, 742, 525, 1649, 8568, 1649, 742, 29871, 13, 1678, 525, 1649, 2344, 1649, 742, 525, 1649, 2527, 562, 605, 1649, 742, 525, 1649, 5453, 1649, 742, 525, 1649, 1482, 1649, 742, 525, 1649, 17469, 1649, 742, 29871, 13, 1678, 525, 1649, 17469, 29918, 735, 1649, 742, 525, 1649, 276, 558, 1649, 742, 525, 1649, 842, 5552, 1649, 742, 525, 1649, 2536, 1862, 1649, 742, 525, 1649, 710, 1649, 742, 29871, 13, 1678, 525, 1649, 25129, 999, 1649, 742, 525, 1649, 8977, 1649, 742, 525, 1649, 28109, 1649, 742, 525, 1649, 23515, 1649, 742, 13, 2314, 13, 13, 29918, 16145, 262, 29918, 8768, 353, 518, 13, 1678, 1134, 29892, 1203, 29892, 4072, 29889, 4998, 1542, 29892, 4072, 29889, 2385, 1542, 29892, 6120, 29892, 4280, 29892, 9657, 29892, 29871, 13, 1678, 934, 29892, 5785, 29892, 938, 29892, 1051, 29892, 1472, 29892, 22780, 29892, 851, 29892, 2362, 342, 5393, 29892, 18761, 29892, 29104, 29892, 29871, 13, 1678, 851, 29892, 731, 29892, 14671, 29920, 575, 300, 29892, 8960, 29892, 4072, 29889, 8516, 1542, 29892, 4072, 29889, 21533, 14048, 1542, 29892, 29871, 13, 1678, 4072, 29889, 3727, 2782, 262, 6678, 1542, 29892, 4072, 29889, 21575, 1542, 29892, 4072, 29889, 4062, 1542, 29892, 29871, 13, 1678, 4072, 29889, 3399, 1542, 29892, 4072, 29889, 4308, 1542, 29892, 4072, 29889, 11591, 1627, 1542, 29892, 921, 3881, 29892, 13, 1678, 4072, 29889, 7355, 1542, 29892, 4072, 29889, 6678, 1542, 29892, 13, 268, 13, 1678, 1134, 29898, 524, 17255, 1202, 1649, 511, 418, 396, 14476, 29918, 2783, 11709, 13, 1678, 1134, 3552, 29896, 467, 1649, 1202, 1649, 511, 418, 396, 1158, 29899, 17699, 13, 1678, 1134, 29898, 1524, 4197, 2314, 511, 308, 396, 1051, 17609, 13, 1678, 1134, 29898, 1524, 29898, 3101, 511, 308, 396, 18761, 17609, 13, 1678, 1134, 29898, 1524, 29898, 29916, 3881, 29898, 29896, 29900, 876, 511, 396, 3464, 17609, 13, 1678, 1134, 29898, 1524, 29898, 842, 3101, 511, 418, 396, 731, 17609, 13, 29962, 13, 13, 29918, 8945, 1891, 29918, 16145, 262, 29918, 8768, 353, 9657, 3552, 29898, 29873, 17255, 978, 1649, 29892, 260, 17255, 5453, 1649, 511, 260, 29897, 29871, 13, 1678, 363, 260, 297, 903, 16145, 262, 29918, 8768, 29897, 13, 13, 1753, 5222, 1037, 29939, 29898, 14701, 29892, 7834, 29892, 334, 5085, 1125, 13, 1678, 9995, 546, 9514, 263, 12231, 681, 2009, 373, 278, 2183, 10166, 1203, 15945, 29908, 13, 1678, 11009, 353, 1203, 17255, 657, 12715, 12035, 14701, 29892, 376, 7652, 13082, 1649, 1159, 13, 1678, 288, 333, 353, 1203, 17255, 657, 12715, 12035, 14701, 29892, 376, 7652, 3398, 1649, 1159, 13, 1678, 736, 11009, 2141, 16593, 29918, 3827, 29898, 13789, 29892, 288, 333, 29892, 334, 5085, 29897, 13, 13, 1753, 408, 948, 1037, 29939, 29898, 14701, 29892, 7834, 29892, 334, 5085, 1125, 13, 1678, 9995, 546, 9514, 385, 20489, 2009, 373, 278, 2183, 10166, 1203, 29892, 29871, 13, 1678, 3240, 27964, 385, 20688, 3591, 15945, 29908, 13, 1678, 11009, 353, 1203, 17255, 657, 12715, 12035, 14701, 29892, 376, 7652, 13082, 1649, 1159, 13, 1678, 288, 333, 353, 1203, 17255, 657, 12715, 12035, 14701, 29892, 376, 7652, 3398, 1649, 1159, 13, 1678, 736, 11009, 2141, 12674, 29918, 3827, 29898, 13789, 29892, 288, 333, 29892, 334, 5085, 29897, 13, 13, 1990, 12670, 999, 10095, 562, 605, 29898, 1853, 1125, 13, 1678, 9995, 29874, 1539, 562, 605, 925, 304, 2888, 675, 278, 4770, 276, 558, 1649, 310, 7787, 999, 4413, 15945, 29908, 13, 1678, 4770, 2536, 1862, 1649, 353, 3861, 13, 1678, 822, 4770, 276, 558, 12035, 1311, 1125, 13, 4706, 565, 1583, 17255, 5453, 1649, 29901, 13, 9651, 736, 9872, 1212, 999, 770, 14210, 29879, 29889, 29995, 29879, 11041, 29908, 1273, 313, 1311, 17255, 5453, 1649, 29892, 1583, 17255, 978, 1649, 29897, 13, 4706, 1683, 29901, 13, 9651, 736, 9872, 1212, 999, 770, 14210, 29879, 11041, 29908, 1273, 313, 1311, 17255, 978, 1649, 29892, 29897, 13, 13, 1990, 7399, 6779, 999, 29898, 3318, 1125, 13, 1678, 9995, 1552, 2967, 7787, 999, 1203, 29892, 515, 607, 599, 7787, 999, 4413, 21340, 15945, 29908, 13, 1678, 4770, 2527, 562, 605, 1649, 353, 12670, 999, 10095, 562, 605, 13, 1678, 4770, 2536, 1862, 1649, 353, 6796, 7652, 13082, 1649, 613, 376, 7652, 3398, 1649, 613, 376, 1649, 25129, 999, 1649, 3108, 13, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 11009, 29892, 288, 333, 1125, 13, 4706, 1583, 29889, 7652, 13082, 1649, 353, 11009, 13, 4706, 1583, 29889, 7652, 3398, 1649, 353, 288, 333, 13, 1678, 822, 4770, 6144, 12035, 1311, 1125, 13, 4706, 1018, 29901, 13, 9651, 408, 948, 1037, 29939, 29898, 1311, 29892, 1040, 29879, 29889, 29950, 9468, 1307, 29918, 2287, 29931, 29897, 13, 4706, 5174, 8960, 29901, 29871, 13, 9651, 396, 10425, 297, 263, 17912, 272, 29892, 1556, 5517, 373, 1824, 1840, 3381, 29892, 13, 9651, 396, 372, 29915, 29879, 9109, 304, 11455, 599, 15283, 1244, 13, 9651, 1209, 13, 268, 13, 1678, 822, 4770, 657, 12715, 12035, 1311, 29892, 1024, 1125, 13, 4706, 565, 1024, 297, 903, 2997, 29918, 1212, 999, 29918, 5552, 29879, 29901, 13, 9651, 565, 1024, 1275, 376, 1649, 1990, 1649, 1115, 13, 18884, 1067, 29879, 353, 1203, 17255, 657, 12715, 12035, 1311, 29892, 376, 1649, 1990, 1649, 1159, 13, 18884, 565, 1067, 29879, 338, 6213, 29901, 13, 462, 1678, 1067, 29879, 353, 1583, 17255, 657, 5552, 1649, 703, 1649, 1990, 1649, 1159, 13, 18884, 736, 1067, 29879, 13, 9651, 25342, 1024, 1275, 376, 1649, 1514, 1649, 1115, 13, 18884, 736, 1583, 17255, 657, 5552, 1649, 703, 1649, 1514, 1649, 1159, 13, 9651, 25342, 1024, 1275, 376, 1649, 28109, 1649, 1115, 462, 539, 396, 363, 5132, 529, 29871, 29906, 29889, 29953, 13, 18884, 736, 1583, 17255, 3972, 1649, 580, 13, 9651, 1683, 29901, 13, 18884, 736, 1203, 17255, 657, 12715, 12035, 1311, 29892, 1024, 29897, 13, 4706, 25342, 1024, 1275, 376, 1649, 4804, 1649, 1115, 462, 3986, 396, 20492, 11980, 2228, 396, 29896, 29900, 13, 9651, 736, 1203, 17255, 657, 12715, 12035, 1311, 29892, 376, 1649, 4804, 1649, 1159, 13, 4706, 1683, 29901, 13, 9651, 736, 5222, 1037, 29939, 29898, 1311, 29892, 1040, 29879, 29889, 29950, 9468, 1307, 29918, 7194, 1299, 5659, 29892, 1024, 29897, 13, 1678, 822, 4770, 657, 5552, 12035, 1311, 29892, 1024, 1125, 13, 4706, 736, 5222, 1037, 29939, 29898, 1311, 29892, 1040, 29879, 29889, 29950, 9468, 1307, 29918, 7194, 1299, 5659, 29892, 1024, 29897, 13, 1678, 822, 4770, 6144, 5552, 12035, 1311, 29892, 1024, 1125, 13, 4706, 565, 1024, 297, 903, 2997, 29918, 1212, 999, 29918, 5552, 29879, 29901, 13, 9651, 1203, 17255, 6144, 5552, 12035, 1311, 29892, 1024, 29897, 13, 4706, 1683, 29901, 13, 9651, 5222, 1037, 29939, 29898, 1311, 29892, 1040, 29879, 29889, 29950, 9468, 1307, 29918, 2287, 29931, 1299, 5659, 29892, 1024, 29897, 13, 1678, 822, 4770, 842, 5552, 12035, 1311, 29892, 1024, 29892, 995, 1125, 13, 4706, 565, 1024, 297, 903, 2997, 29918, 1212, 999, 29918, 5552, 29879, 29901, 13, 9651, 1203, 17255, 842, 5552, 12035, 1311, 29892, 1024, 29892, 995, 29897, 13, 4706, 1683, 29901, 13, 9651, 5222, 1037, 29939, 29898, 1311, 29892, 1040, 29879, 29889, 29950, 9468, 1307, 29918, 10490, 1299, 5659, 29892, 1024, 29892, 995, 29897, 13, 1678, 822, 4770, 3972, 12035, 1311, 1125, 13, 4706, 736, 1051, 29898, 19274, 1037, 29939, 29898, 1311, 29892, 1040, 29879, 29889, 29950, 9468, 1307, 29918, 9464, 876, 13, 268, 13, 1678, 396, 2304, 363, 1539, 562, 605, 267, 13, 1678, 822, 4770, 8568, 12035, 1311, 1125, 13, 4706, 736, 5222, 1037, 29939, 29898, 1311, 29892, 1040, 29879, 29889, 29950, 9468, 1307, 29918, 29950, 24943, 29897, 13, 1678, 822, 4770, 21058, 12035, 1311, 29892, 916, 1125, 13, 4706, 736, 5222, 1037, 29939, 29898, 1311, 29892, 1040, 29879, 29889, 29950, 9468, 1307, 29918, 29907, 3580, 29892, 916, 29897, 13, 1678, 822, 4770, 276, 558, 12035, 1311, 1125, 13, 4706, 736, 5222, 1037, 29939, 29898, 1311, 29892, 1040, 29879, 29889, 29950, 9468, 1307, 29918, 1525, 10593, 29897, 13, 1678, 822, 4770, 710, 12035, 1311, 1125, 13, 4706, 736, 5222, 1037, 29939, 29898, 1311, 29892, 1040, 29879, 29889, 29950, 9468, 1307, 29918, 10810, 29897, 13, 1678, 396, 2304, 363, 5839, 280, 13, 1678, 822, 4770, 17469, 29918, 735, 12035, 1311, 29892, 17814, 1125, 13, 4706, 736, 5839, 280, 29889, 18132, 29892, 313, 19274, 1037, 29939, 29898, 1311, 29892, 1040, 29879, 29889, 29950, 9468, 1307, 29918, 2227, 7077, 1307, 29892, 17814, 511, 29897, 13, 13, 1753, 903, 5675, 29918, 5696, 29898, 978, 29892, 1574, 1125, 13, 1678, 1024, 353, 851, 29898, 978, 29897, 462, 462, 418, 396, 20492, 11980, 2228, 396, 29896, 29900, 13, 1678, 565, 1024, 1275, 376, 1649, 4804, 1649, 1115, 13, 4706, 822, 4770, 4804, 1649, 7373, 1311, 29892, 334, 5085, 29892, 3579, 19290, 1125, 13, 9651, 9049, 5085, 353, 18761, 29898, 19290, 29889, 7076, 3101, 13, 9651, 736, 5222, 1037, 29939, 7373, 1311, 29892, 1040, 29879, 29889, 29950, 9468, 1307, 29918, 29907, 9818, 29892, 6389, 29892, 9049, 5085, 29897, 13, 4706, 4770, 4804, 1649, 17255, 1514, 1649, 353, 1574, 13, 4706, 736, 4770, 4804, 1649, 13, 1678, 1683, 29901, 13, 4706, 822, 1158, 7373, 1311, 29892, 334, 5085, 29892, 3579, 19290, 1125, 13, 9651, 9049, 5085, 353, 18761, 29898, 19290, 29889, 7076, 3101, 13, 9651, 736, 5222, 1037, 29939, 7373, 1311, 29892, 1040, 29879, 29889, 29950, 9468, 1307, 29918, 29907, 9818, 1299, 5659, 29892, 1024, 29892, 6389, 29892, 9049, 5085, 29897, 13, 4706, 1158, 17255, 978, 1649, 353, 1024, 13, 4706, 1158, 17255, 1514, 1649, 353, 1574, 13, 4706, 736, 1158, 13, 13, 1753, 16096, 29918, 23515, 29898, 5415, 1125, 13, 1678, 9995, 18280, 263, 1051, 310, 313, 5696, 1024, 29892, 1574, 1807, 29897, 5291, 2701, 310, 599, 278, 3519, 310, 29871, 13, 1678, 278, 2183, 1203, 15945, 29908, 13, 1678, 3519, 353, 6571, 13, 1678, 12421, 29879, 353, 6571, 13, 1678, 565, 338, 8758, 29898, 5415, 29892, 1134, 1125, 13, 4706, 396, 1016, 29915, 29873, 9566, 278, 270, 2753, 1539, 562, 605, 13, 4706, 286, 1883, 353, 1051, 29898, 276, 874, 287, 29898, 1853, 29898, 5415, 467, 1649, 29885, 307, 1649, 876, 718, 1051, 29898, 276, 874, 287, 29898, 5415, 17255, 29885, 307, 1649, 876, 29871, 13, 1678, 1683, 29901, 13, 4706, 286, 1883, 353, 18764, 287, 29898, 1853, 29898, 5415, 467, 1649, 29885, 307, 1649, 29897, 13, 1678, 363, 2967, 25932, 297, 286, 1883, 29901, 13, 4706, 12421, 29879, 29889, 5504, 29898, 3188, 25932, 17255, 8977, 1649, 29897, 13, 1678, 363, 1024, 29892, 12421, 297, 12421, 29879, 29889, 1524, 7076, 7295, 13, 4706, 565, 1024, 451, 297, 903, 2997, 29918, 1212, 999, 29918, 5552, 29879, 322, 756, 5552, 29898, 5552, 29892, 376, 1649, 4804, 1649, 29908, 1125, 13, 9651, 3519, 29961, 978, 29962, 353, 16096, 29889, 657, 1514, 29898, 5552, 29897, 13, 1678, 736, 3519, 29889, 7076, 580, 13, 13, 1753, 770, 29918, 14399, 29898, 25932, 978, 29892, 878, 978, 29892, 3519, 1125, 13, 1678, 1067, 29879, 978, 353, 851, 29898, 25932, 978, 29897, 462, 18884, 396, 20492, 11980, 2228, 396, 29896, 29900, 13, 1678, 878, 978, 353, 851, 29898, 1545, 978, 29897, 462, 18884, 396, 20492, 11980, 2228, 396, 29896, 29900, 268, 13, 1678, 17534, 353, 8853, 1649, 2536, 1862, 1649, 29908, 584, 313, 2915, 13, 1678, 363, 1024, 29892, 1574, 297, 3519, 29901, 13, 4706, 1024, 353, 851, 29898, 978, 29897, 462, 462, 29871, 396, 20492, 11980, 2228, 396, 29896, 29900, 13, 4706, 565, 1024, 451, 297, 903, 2997, 29918, 1212, 999, 29918, 5552, 29879, 29901, 13, 9651, 17534, 29961, 978, 29962, 353, 903, 5675, 29918, 5696, 29898, 978, 29892, 1574, 29897, 13, 1678, 17534, 3366, 1649, 5453, 1649, 3108, 353, 878, 978, 13, 1678, 565, 878, 978, 297, 10876, 29889, 7576, 322, 756, 5552, 29898, 9675, 29889, 7576, 29961, 1545, 978, 1402, 1067, 29879, 978, 1125, 13, 4706, 17534, 3366, 1649, 1990, 1649, 3108, 353, 679, 5552, 29898, 9675, 29889, 7576, 29961, 1545, 978, 1402, 1067, 29879, 978, 29897, 13, 1678, 25342, 313, 25932, 978, 29892, 878, 978, 29897, 297, 903, 8945, 1891, 29918, 16145, 262, 29918, 8768, 29901, 13, 4706, 17534, 3366, 1649, 1990, 1649, 3108, 353, 903, 8945, 1891, 29918, 16145, 262, 29918, 8768, 29961, 25932, 978, 29892, 878, 978, 29962, 13, 1678, 1683, 29901, 13, 4706, 396, 304, 367, 11527, 491, 278, 2777, 13, 4706, 17534, 3366, 1649, 1990, 1649, 3108, 353, 6213, 13, 1678, 736, 1134, 29898, 25932, 978, 29892, 313, 5160, 6779, 999, 29892, 511, 17534, 29897, 13, 13, 16145, 262, 29918, 13203, 29918, 8173, 353, 6571, 13, 1454, 1067, 29879, 297, 903, 16145, 262, 29918, 8768, 29901, 13, 1678, 4240, 262, 29918, 13203, 29918, 8173, 29961, 25932, 17255, 978, 1649, 29892, 1067, 29879, 17255, 5453, 1649, 29962, 353, 770, 29918, 14399, 29898, 13, 4706, 1067, 29879, 17255, 978, 1649, 29892, 1067, 29879, 17255, 5453, 1649, 29892, 16096, 29918, 23515, 29898, 25932, 876, 13, 2 ]
server_util/resource_manager.py
igushev/fase_lib
7
52197
import functools import os from fase_lib.base_util import singleton_util TEMPLATE_SYMBOL = '@' PIXEL_DENSITY_STEP = 0.25 PIXEL_DENSITY_MIN = 0 PIXEL_DENSITY_MAX = 10 @singleton_util.Singleton() class ResourceManager(): def __init__(self, resource_dir): self.resource_dir = resource_dir def GetResourceDir(self): return self.resource_dir @functools.lru_cache(maxsize=None, typed=True) def GetResourceFilename(self, filename, pixel_density): if TEMPLATE_SYMBOL in filename: return self.ResolveResourceFilename(filename, pixel_density) if os.path.isfile(os.path.join(self.resource_dir, filename)): return filename return None def ResolveResourceFilename(self, filename_template, pixel_density): assert pixel_density % PIXEL_DENSITY_STEP == 0 for direction in [-1, 1]: current_pixel_density = pixel_density while ((direction == -1 and current_pixel_density > PIXEL_DENSITY_MIN) or (direction == 1 and current_pixel_density < PIXEL_DENSITY_MAX)): current_pixel_density_str = ('%.2f' % current_pixel_density).replace('.', '_') filename = filename_template.replace(TEMPLATE_SYMBOL, current_pixel_density_str) if os.path.isfile(os.path.join(self.resource_dir, filename)): return filename current_pixel_density += PIXEL_DENSITY_STEP * direction return None
[ 1, 1053, 2090, 312, 8789, 13, 5215, 2897, 13, 13, 3166, 20851, 29918, 1982, 29889, 3188, 29918, 4422, 1053, 27130, 29918, 4422, 13, 13, 4330, 3580, 29931, 3040, 29918, 14816, 9486, 5607, 353, 18803, 29915, 13, 2227, 29990, 6670, 29918, 29928, 1430, 29903, 11937, 29918, 1254, 15488, 353, 29871, 29900, 29889, 29906, 29945, 13, 2227, 29990, 6670, 29918, 29928, 1430, 29903, 11937, 29918, 16173, 353, 29871, 29900, 13, 2227, 29990, 6670, 29918, 29928, 1430, 29903, 11937, 29918, 12648, 353, 29871, 29896, 29900, 13, 13, 13, 29992, 2976, 11285, 29918, 4422, 29889, 10873, 11285, 580, 13, 1990, 18981, 3260, 7295, 13, 13, 29871, 822, 4770, 2344, 12035, 1311, 29892, 6503, 29918, 3972, 1125, 13, 1678, 1583, 29889, 10314, 29918, 3972, 353, 6503, 29918, 3972, 13, 13, 29871, 822, 3617, 6848, 9170, 29898, 1311, 1125, 13, 1678, 736, 1583, 29889, 10314, 29918, 3972, 13, 13, 29871, 732, 7692, 312, 8789, 29889, 29880, 582, 29918, 8173, 29898, 3317, 2311, 29922, 8516, 29892, 13033, 29922, 5574, 29897, 13, 29871, 822, 3617, 6848, 3434, 3871, 29898, 1311, 29892, 10422, 29892, 15526, 29918, 21518, 537, 1125, 13, 1678, 565, 17067, 3580, 29931, 3040, 29918, 14816, 9486, 5607, 297, 10422, 29901, 13, 418, 736, 1583, 29889, 12375, 345, 6848, 3434, 3871, 29898, 9507, 29892, 15526, 29918, 21518, 537, 29897, 13, 1678, 565, 2897, 29889, 2084, 29889, 275, 1445, 29898, 359, 29889, 2084, 29889, 7122, 29898, 1311, 29889, 10314, 29918, 3972, 29892, 10422, 22164, 13, 418, 736, 10422, 13, 1678, 736, 6213, 13, 259, 13, 29871, 822, 24062, 345, 6848, 3434, 3871, 29898, 1311, 29892, 10422, 29918, 6886, 29892, 15526, 29918, 21518, 537, 1125, 13, 1678, 4974, 15526, 29918, 21518, 537, 1273, 349, 6415, 6670, 29918, 29928, 1430, 29903, 11937, 29918, 1254, 15488, 1275, 29871, 29900, 13, 1678, 363, 5305, 297, 21069, 29896, 29892, 29871, 29896, 5387, 13, 418, 1857, 29918, 29886, 15711, 29918, 21518, 537, 353, 15526, 29918, 21518, 537, 13, 418, 1550, 5135, 20845, 1275, 448, 29896, 322, 1857, 29918, 29886, 15711, 29918, 21518, 537, 1405, 349, 6415, 6670, 29918, 29928, 1430, 29903, 11937, 29918, 16173, 29897, 470, 13, 632, 313, 20845, 1275, 29871, 29896, 322, 1857, 29918, 29886, 15711, 29918, 21518, 537, 529, 349, 6415, 6670, 29918, 29928, 1430, 29903, 11937, 29918, 12648, 22164, 13, 4706, 1857, 29918, 29886, 15711, 29918, 21518, 537, 29918, 710, 353, 6702, 15543, 29906, 29888, 29915, 1273, 1857, 29918, 29886, 15711, 29918, 21518, 537, 467, 6506, 12839, 742, 22868, 1495, 13, 4706, 10422, 353, 10422, 29918, 6886, 29889, 6506, 29898, 4330, 3580, 29931, 3040, 29918, 14816, 9486, 5607, 29892, 1857, 29918, 29886, 15711, 29918, 21518, 537, 29918, 710, 29897, 13, 4706, 565, 2897, 29889, 2084, 29889, 275, 1445, 29898, 359, 29889, 2084, 29889, 7122, 29898, 1311, 29889, 10314, 29918, 3972, 29892, 10422, 22164, 13, 3986, 736, 10422, 13, 4706, 1857, 29918, 29886, 15711, 29918, 21518, 537, 4619, 349, 6415, 6670, 29918, 29928, 1430, 29903, 11937, 29918, 1254, 15488, 334, 5305, 13, 1678, 736, 6213, 13, 2 ]
adder_python/adder.py
ToolPilotNeural/new_repo
0
99641
<filename>adder_python/adder.py import math def add_two_numbers(a, b) -> int: return a + b def subtract_two_numbers(a, b) -> int: return a - b def multiply_two_numbers(a, b) -> int: return a * b def divide_two_numbers(a, b) -> int: try: return a/b except ZeroDivisionError: print('You cannot divide a number by zero') return None
[ 1, 529, 9507, 29958, 328, 672, 29918, 4691, 29914, 328, 672, 29889, 2272, 13, 5215, 5844, 13, 13, 13, 1753, 788, 29918, 10184, 29918, 20326, 29898, 29874, 29892, 289, 29897, 1599, 938, 29901, 13, 1678, 736, 263, 718, 289, 13, 13, 1753, 23197, 29918, 10184, 29918, 20326, 29898, 29874, 29892, 289, 29897, 1599, 938, 29901, 13, 1678, 736, 263, 448, 289, 13, 13, 1753, 22932, 29918, 10184, 29918, 20326, 29898, 29874, 29892, 289, 29897, 1599, 938, 29901, 13, 1678, 736, 263, 334, 289, 13, 13, 1753, 16429, 29918, 10184, 29918, 20326, 29898, 29874, 29892, 289, 29897, 1599, 938, 29901, 13, 1678, 1018, 29901, 13, 4706, 736, 263, 29914, 29890, 13, 13, 1678, 5174, 28933, 12596, 2459, 2392, 29901, 13, 4706, 1596, 877, 3492, 2609, 16429, 263, 1353, 491, 5225, 1495, 13, 4706, 736, 6213, 13, 2 ]
BookClub/views/action_views.py
amir-rahim/BookClubSocialNetwork
4
151727
<filename>BookClub/views/action_views.py """Action related views.""" from django.contrib import messages from django.contrib.auth.mixins import LoginRequiredMixin from django.shortcuts import redirect from django.views.generic import TemplateView, View from django.core.exceptions import ObjectDoesNotExist from BookClub.helpers import * from BookClub.models import Club, User, ClubMembership class ActionView(TemplateView): """Class for views that make an action.""" def get(self, request, *args, **kwargs): return redirect('home') def post(self, request, *args, **kwargs): """ Handle post request Args: request (Django Request): The request we have received """ try: club = Club.objects.get(club_url_name=self.kwargs['club_url_name']) current_user = self.request.user target_user = User.objects.get(username=self.request.POST.get('user')) except ObjectDoesNotExist: messages.error(self.request, "Error, user or club not found.") return redirect(self.redirect_location, kwargs['club_url_name']) if self.is_actionable(current_user, target_user, club): self.action(current_user, target_user, club) else: self.is_not_actionable(current_user, target_user, club) return redirect(self.redirect_location, kwargs['club_url_name']) def is_actionable(self, current_user, target_user, club): """Check if the action is legal.""" raise NotImplementedError("This method isn't implemented yet.") # pragma: no cover def is_not_actionable(self, current_user, target_user, club): """Displays a message if the action is illegal.""" messages.error(self.request, f"You cannot do that!") def action(self, current_user, target_user, club): """Runs the action.""" raise NotImplementedError("This method isn't implemented yet.") # pragma: no cover class PromoteMemberView(LoginRequiredMixin, ActionView): """Promoting a member to a moderator.""" redirect_location = 'member_list' def is_actionable(self, current_user, target_user, club): """Check if member can be promoted.""" return (has_owner_rank(current_user, club) and has_member_rank(target_user, club)) def action(self, current_user, target_user, club): """Promotes the member to moderator.""" messages.success(self.request, f"You have successfully promoted the member.") set_rank(target_user, club, ClubMembership.UserRoles.MODERATOR) def post(self, request, *args, **kwargs): return super().post(self, request, *args, **kwargs) class DemoteMemberView(LoginRequiredMixin, ActionView): """Demoting a moderator to a member.""" redirect_location = 'member_list' def is_actionable(self, current_user, target_user, club): """Check if moderator can be demoted.""" return has_owner_rank(current_user, club) and has_moderator_rank(target_user, club) def action(self, current_user, target_user, club): """Demote moderator to a member.""" messages.success(self.request, f"You have successfully demoted the moderator.") set_rank(target_user, club, ClubMembership.UserRoles.MEMBER) def post(self, request, *args, **kwargs): return super().post(self, request, *args, **kwargs) class ApproveApplicantView(LoginRequiredMixin, ActionView): """Approving an applicant to a member.""" redirect_location = 'applicant_list' def is_actionable(self, current_user, target_user, club): """Check if applicant can be approved.""" return ((has_owner_rank(current_user, club) or has_moderator_rank(current_user, club)) and has_applicant_rank( target_user, club)) def is_not_actionable(self, current_user, target_user, club): """Displays a message if the action is illegal.""" redirect_location = 'home' messages.error(self.request, f"You cannot do that!") def action(self, current_user, target_user, club): """Approves the applicant to a member.""" messages.success(self.request, f"You have successfully approved the applicant.") set_rank(target_user, club, ClubMembership.UserRoles.MEMBER) def post(self, request, *args, **kwargs): return super().post(self, request, *args, **kwargs) class RejectApplicantView(LoginRequiredMixin, ActionView): """Rejecting an applicant""" redirect_location = 'applicant_list' def is_actionable(self, current_user, target_user, club): """Check if applicant can be rejected.""" return ((has_owner_rank(current_user, club) or has_moderator_rank(current_user, club)) and has_applicant_rank( target_user, club)) def is_not_actionable(self, current_user, target_user, club): """Displays a message if the action is illegal.""" redirect_location = 'home' messages.error(self.request, f"You cannot do that!") def action(self, current_user, target_user, club): """Rejects the applicant""" messages.success(self.request, f"You have successfully rejected the applicant.") remove_from_club(target_user, club) def post(self, request, *args, **kwargs): return super().post(self, request, *args, **kwargs) class KickMemberView(LoginRequiredMixin, ActionView): """Kicks the target user from the club.""" redirect_location = 'member_list' def is_actionable(self, current_user, target_user, club): """Check if currentUser can kick targetUser.""" return can_kick(club, current_user, target_user) def action(self, current_user, target_user, club): """Kick the targetUser.""" messages.success(self.request, f"You have successfully kicked the member.") remove_from_club(target_user, club) def post(self, request, *args, **kwargs): return super().post(self, request, *args, **kwargs) class TransferOwnershipView(LoginRequiredMixin, ActionView): """Transfer ownership of a club to another moderator.""" redirect_location = 'member_list' def is_actionable(self, current_user, target_user, club): """Check if the ownership can be transferred to a valid moderator.""" return has_owner_rank(current_user, club) and has_moderator_rank(target_user, club) def action(self, current_user, target_user, club): """Transfer ownership to moderator and demote owner to moderator.""" messages.success(self.request, f"You have transferred the ownership successfully.") set_rank(target_user, club, ClubMembership.UserRoles.OWNER) set_rank(current_user, club, ClubMembership.UserRoles.MODERATOR) def post(self, request, *args, **kwargs): return super().post(self, request, *args, **kwargs) class JoinClubView(LoginRequiredMixin, View): """Users can join/apply to clubs.""" redirect_location = 'available_clubs' def get(self, request, *args, **kwargs): return redirect(self.redirect_location) def is_actionable(self, current_user, club): """Check if user can join/apply to a club.""" return not has_membership(club, current_user) def is_not_actionable(self, current_user, club): """If user has a membership with the club already.""" if club.is_private: messages.info(self.request, "You have already applied to this club.") else: messages.info(self.request, "You are already a member of this club.") def action(self, current_user, club): """Create membership for user with the club depending on privacy.""" if club.is_private: create_membership(club, current_user, ClubMembership.UserRoles.APPLICANT) messages.success(self.request, "Application to club successful.") else: create_membership(club, current_user, ClubMembership.UserRoles.MEMBER) messages.success(self.request, "You have joined the club.") def post(self, request, *args, **kwargs): try: club = Club.objects.get(club_url_name=self.kwargs['club_url_name']) current_user = self.request.user except: messages.error(self.request, "Error, user or club not found.") return redirect(self.redirect_location) if (self.is_actionable(current_user, club)): self.action(current_user, club) else: self.is_not_actionable(current_user, club) return redirect(self.redirect_location) class LeaveClubView(LoginRequiredMixin, View): """User can leave a club.""" redirect_location = 'my_club_memberships' def get(self, request, *args, **kwargs): return redirect(self.redirect_location) def is_actionable(self, current_user, club): """Check if currentUser is in the club.""" return (has_membership(club, current_user) or has_applicant_rank(current_user, club)) and not (has_owner_rank(current_user, club)) def is_not_actionable(self, current_user, club): """User cannot leave club if they are the owner.""" if has_owner_rank(current_user, club): messages.error(self.request, "The owner of the club cannot leave.") def action(self, current_user, club): """User leaves the club, membership with the club is deleted.""" messages.success(self.request, "You have left the club.") remove_from_club(current_user, club) def post(self, request, *args, **kwargs): try: club = Club.objects.get(club_url_name=self.kwargs['club_url_name']) current_user = self.request.user except: messages.error(self.request, "Error, user or club not found.") return redirect(self.redirect_location) if (self.is_actionable(current_user, club)): self.action(current_user, club) else: self.is_not_actionable(current_user, club) return redirect(self.redirect_location) class DeleteClubView(LoginRequiredMixin, View): """User can delete a club.""" redirect_location = 'available_clubs' def is_actionable(self, current_user, club): """Only allow the owner of a club to delete it.""" return has_owner_rank(current_user, club) def is_not_actionable(self): messages.error(self.request, f"You are not allowed to delete the club!") def action(self, current_user, club): club.delete() messages.success(self.request, "You have deleted the club.") def post(self, request, *args, **kwargs): try: club = Club.objects.get(club_url_name=self.kwargs['club_url_name']) current_user = self.request.user if self.is_actionable(current_user, club): self.action(current_user, club) return redirect(self.redirect_location) else: self.is_not_actionable() except: messages.error(self.request, "Error, user or club not found.") return redirect('home')
[ 1, 529, 9507, 29958, 10967, 6821, 431, 29914, 7406, 29914, 2467, 29918, 7406, 29889, 2272, 13, 15945, 29908, 4276, 4475, 8386, 1213, 15945, 13, 3166, 9557, 29889, 21570, 1053, 7191, 13, 3166, 9557, 29889, 21570, 29889, 5150, 29889, 28084, 1144, 1053, 19130, 19347, 29924, 861, 262, 13, 3166, 9557, 29889, 12759, 7582, 29879, 1053, 6684, 13, 3166, 9557, 29889, 7406, 29889, 19206, 1053, 25663, 1043, 29892, 4533, 13, 3166, 9557, 29889, 3221, 29889, 11739, 29879, 1053, 4669, 25125, 3664, 1252, 391, 13, 13, 3166, 6726, 6821, 431, 29889, 3952, 6774, 1053, 334, 13, 3166, 6726, 6821, 431, 29889, 9794, 1053, 5977, 29892, 4911, 29892, 5977, 29924, 1590, 10475, 13, 13, 13, 1990, 9123, 1043, 29898, 6733, 1043, 1125, 13, 1678, 9995, 2385, 363, 8386, 393, 1207, 385, 3158, 1213, 15945, 13, 13, 1678, 822, 679, 29898, 1311, 29892, 2009, 29892, 334, 5085, 29892, 3579, 19290, 1125, 13, 4706, 736, 6684, 877, 5184, 1495, 13, 13, 1678, 822, 1400, 29898, 1311, 29892, 2009, 29892, 334, 5085, 29892, 3579, 19290, 1125, 13, 4706, 9995, 13, 4706, 29273, 1400, 2009, 13, 13, 4706, 826, 3174, 29901, 13, 9651, 2009, 313, 29928, 5364, 10729, 1125, 450, 2009, 591, 505, 4520, 13, 4706, 9995, 13, 13, 4706, 1018, 29901, 13, 9651, 4402, 353, 5977, 29889, 12650, 29889, 657, 29898, 29066, 29918, 2271, 29918, 978, 29922, 1311, 29889, 19290, 1839, 29066, 29918, 2271, 29918, 978, 11287, 13, 9651, 1857, 29918, 1792, 353, 1583, 29889, 3827, 29889, 1792, 13, 9651, 3646, 29918, 1792, 353, 4911, 29889, 12650, 29889, 657, 29898, 6786, 29922, 1311, 29889, 3827, 29889, 5438, 29889, 657, 877, 1792, 8785, 13, 4706, 5174, 4669, 25125, 3664, 1252, 391, 29901, 13, 9651, 7191, 29889, 2704, 29898, 1311, 29889, 3827, 29892, 376, 2392, 29892, 1404, 470, 4402, 451, 1476, 23157, 13, 9651, 736, 6684, 29898, 1311, 29889, 17886, 29918, 5479, 29892, 9049, 5085, 1839, 29066, 29918, 2271, 29918, 978, 11287, 13, 13, 4706, 565, 1583, 29889, 275, 29918, 2467, 519, 29898, 3784, 29918, 1792, 29892, 3646, 29918, 1792, 29892, 4402, 1125, 13, 9651, 1583, 29889, 2467, 29898, 3784, 29918, 1792, 29892, 3646, 29918, 1792, 29892, 4402, 29897, 13, 4706, 1683, 29901, 13, 9651, 1583, 29889, 275, 29918, 1333, 29918, 2467, 519, 29898, 3784, 29918, 1792, 29892, 3646, 29918, 1792, 29892, 4402, 29897, 13, 13, 4706, 736, 6684, 29898, 1311, 29889, 17886, 29918, 5479, 29892, 9049, 5085, 1839, 29066, 29918, 2271, 29918, 978, 11287, 13, 13, 1678, 822, 338, 29918, 2467, 519, 29898, 1311, 29892, 1857, 29918, 1792, 29892, 3646, 29918, 1792, 29892, 4402, 1125, 13, 4706, 9995, 5596, 565, 278, 3158, 338, 11706, 1213, 15945, 13, 13, 4706, 12020, 2216, 1888, 2037, 287, 2392, 703, 4013, 1158, 3508, 29915, 29873, 8762, 3447, 23157, 396, 282, 23929, 29901, 694, 4612, 13, 13, 1678, 822, 338, 29918, 1333, 29918, 2467, 519, 29898, 1311, 29892, 1857, 29918, 1792, 29892, 3646, 29918, 1792, 29892, 4402, 1125, 13, 4706, 9995, 4205, 12922, 263, 2643, 565, 278, 3158, 338, 27302, 1213, 15945, 13, 13, 4706, 7191, 29889, 2704, 29898, 1311, 29889, 3827, 29892, 285, 29908, 3492, 2609, 437, 393, 29991, 1159, 13, 13, 1678, 822, 3158, 29898, 1311, 29892, 1857, 29918, 1792, 29892, 3646, 29918, 1792, 29892, 4402, 1125, 13, 4706, 9995, 6558, 29879, 278, 3158, 1213, 15945, 13, 13, 4706, 12020, 2216, 1888, 2037, 287, 2392, 703, 4013, 1158, 3508, 29915, 29873, 8762, 3447, 23157, 396, 282, 23929, 29901, 694, 4612, 13, 13, 13, 1990, 9705, 866, 13404, 1043, 29898, 11049, 19347, 29924, 861, 262, 29892, 9123, 1043, 1125, 13, 1678, 9995, 18571, 11427, 263, 4509, 304, 263, 17768, 1061, 1213, 15945, 13, 13, 1678, 6684, 29918, 5479, 353, 525, 14242, 29918, 1761, 29915, 13, 13, 1678, 822, 338, 29918, 2467, 519, 29898, 1311, 29892, 1857, 29918, 1792, 29892, 3646, 29918, 1792, 29892, 4402, 1125, 13, 4706, 9995, 5596, 565, 4509, 508, 367, 21201, 1213, 15945, 13, 13, 4706, 736, 313, 5349, 29918, 20348, 29918, 10003, 29898, 3784, 29918, 1792, 29892, 4402, 29897, 322, 756, 29918, 14242, 29918, 10003, 29898, 5182, 29918, 1792, 29892, 4402, 876, 13, 13, 1678, 822, 3158, 29898, 1311, 29892, 1857, 29918, 1792, 29892, 3646, 29918, 1792, 29892, 4402, 1125, 13, 4706, 9995, 18571, 4769, 278, 4509, 304, 17768, 1061, 1213, 15945, 13, 13, 4706, 7191, 29889, 8698, 29898, 1311, 29889, 3827, 29892, 285, 29908, 3492, 505, 8472, 21201, 278, 4509, 23157, 13, 4706, 731, 29918, 10003, 29898, 5182, 29918, 1792, 29892, 4402, 29892, 5977, 29924, 1590, 10475, 29889, 2659, 29934, 6544, 29889, 6720, 8032, 1299, 1955, 29897, 13, 13, 1678, 822, 1400, 29898, 1311, 29892, 2009, 29892, 334, 5085, 29892, 3579, 19290, 1125, 13, 4706, 736, 2428, 2141, 2490, 29898, 1311, 29892, 2009, 29892, 334, 5085, 29892, 3579, 19290, 29897, 13, 13, 13, 1990, 4432, 866, 13404, 1043, 29898, 11049, 19347, 29924, 861, 262, 29892, 9123, 1043, 1125, 13, 1678, 9995, 29928, 331, 11427, 263, 17768, 1061, 304, 263, 4509, 1213, 15945, 13, 13, 1678, 6684, 29918, 5479, 353, 525, 14242, 29918, 1761, 29915, 13, 13, 1678, 822, 338, 29918, 2467, 519, 29898, 1311, 29892, 1857, 29918, 1792, 29892, 3646, 29918, 1792, 29892, 4402, 1125, 13, 4706, 9995, 5596, 565, 17768, 1061, 508, 367, 1261, 5715, 1213, 15945, 13, 13, 4706, 736, 756, 29918, 20348, 29918, 10003, 29898, 3784, 29918, 1792, 29892, 4402, 29897, 322, 756, 29918, 1545, 261, 1061, 29918, 10003, 29898, 5182, 29918, 1792, 29892, 4402, 29897, 13, 13, 1678, 822, 3158, 29898, 1311, 29892, 1857, 29918, 1792, 29892, 3646, 29918, 1792, 29892, 4402, 1125, 13, 4706, 9995, 29928, 331, 866, 17768, 1061, 304, 263, 4509, 1213, 15945, 13, 13, 4706, 7191, 29889, 8698, 29898, 1311, 29889, 3827, 29892, 285, 29908, 3492, 505, 8472, 1261, 5715, 278, 17768, 1061, 23157, 13, 4706, 731, 29918, 10003, 29898, 5182, 29918, 1792, 29892, 4402, 29892, 5977, 29924, 1590, 10475, 29889, 2659, 29934, 6544, 29889, 2303, 9486, 1001, 29897, 13, 13, 1678, 822, 1400, 29898, 1311, 29892, 2009, 29892, 334, 5085, 29892, 3579, 19290, 1125, 13, 4706, 736, 2428, 2141, 2490, 29898, 1311, 29892, 2009, 29892, 334, 5085, 29892, 3579, 19290, 29897, 13, 13, 13, 1990, 28268, 345, 2052, 506, 424, 1043, 29898, 11049, 19347, 29924, 861, 262, 29892, 9123, 1043, 1125, 13, 1678, 9995, 2052, 307, 1747, 385, 15576, 424, 304, 263, 4509, 1213, 15945, 13, 13, 1678, 6684, 29918, 5479, 353, 525, 932, 506, 424, 29918, 1761, 29915, 13, 13, 1678, 822, 338, 29918, 2467, 519, 29898, 1311, 29892, 1857, 29918, 1792, 29892, 3646, 29918, 1792, 29892, 4402, 1125, 13, 4706, 9995, 5596, 565, 15576, 424, 508, 367, 23454, 1213, 15945, 13, 13, 4706, 736, 5135, 5349, 29918, 20348, 29918, 10003, 29898, 3784, 29918, 1792, 29892, 4402, 29897, 470, 756, 29918, 1545, 261, 1061, 29918, 10003, 29898, 3784, 29918, 1792, 29892, 4402, 876, 322, 756, 29918, 932, 506, 424, 29918, 10003, 29898, 13, 9651, 3646, 29918, 1792, 29892, 4402, 876, 13, 13, 1678, 822, 338, 29918, 1333, 29918, 2467, 519, 29898, 1311, 29892, 1857, 29918, 1792, 29892, 3646, 29918, 1792, 29892, 4402, 1125, 13, 4706, 9995, 4205, 12922, 263, 2643, 565, 278, 3158, 338, 27302, 1213, 15945, 13, 13, 4706, 6684, 29918, 5479, 353, 525, 5184, 29915, 13, 4706, 7191, 29889, 2704, 29898, 1311, 29889, 3827, 29892, 285, 29908, 3492, 2609, 437, 393, 29991, 1159, 13, 13, 1678, 822, 3158, 29898, 1311, 29892, 1857, 29918, 1792, 29892, 3646, 29918, 1792, 29892, 4402, 1125, 13, 4706, 9995, 2052, 307, 1960, 278, 15576, 424, 304, 263, 4509, 1213, 15945, 13, 13, 4706, 7191, 29889, 8698, 29898, 1311, 29889, 3827, 29892, 285, 29908, 3492, 505, 8472, 23454, 278, 15576, 424, 23157, 13, 4706, 731, 29918, 10003, 29898, 5182, 29918, 1792, 29892, 4402, 29892, 5977, 29924, 1590, 10475, 29889, 2659, 29934, 6544, 29889, 2303, 9486, 1001, 29897, 13, 13, 1678, 822, 1400, 29898, 1311, 29892, 2009, 29892, 334, 5085, 29892, 3579, 19290, 1125, 13, 4706, 736, 2428, 2141, 2490, 29898, 1311, 29892, 2009, 29892, 334, 5085, 29892, 3579, 19290, 29897, 13, 13, 13, 1990, 830, 622, 2052, 506, 424, 1043, 29898, 11049, 19347, 29924, 861, 262, 29892, 9123, 1043, 1125, 13, 1678, 9995, 1123, 622, 292, 385, 15576, 424, 15945, 29908, 13, 13, 1678, 6684, 29918, 5479, 353, 525, 932, 506, 424, 29918, 1761, 29915, 13, 13, 1678, 822, 338, 29918, 2467, 519, 29898, 1311, 29892, 1857, 29918, 1792, 29892, 3646, 29918, 1792, 29892, 4402, 1125, 13, 4706, 9995, 5596, 565, 15576, 424, 508, 367, 22225, 1213, 15945, 13, 13, 4706, 736, 5135, 5349, 29918, 20348, 29918, 10003, 29898, 3784, 29918, 1792, 29892, 4402, 29897, 470, 756, 29918, 1545, 261, 1061, 29918, 10003, 29898, 3784, 29918, 1792, 29892, 4402, 876, 322, 756, 29918, 932, 506, 424, 29918, 10003, 29898, 13, 9651, 3646, 29918, 1792, 29892, 4402, 876, 13, 13, 1678, 822, 338, 29918, 1333, 29918, 2467, 519, 29898, 1311, 29892, 1857, 29918, 1792, 29892, 3646, 29918, 1792, 29892, 4402, 1125, 13, 4706, 9995, 4205, 12922, 263, 2643, 565, 278, 3158, 338, 27302, 1213, 15945, 13, 13, 4706, 6684, 29918, 5479, 353, 525, 5184, 29915, 13, 4706, 7191, 29889, 2704, 29898, 1311, 29889, 3827, 29892, 285, 29908, 3492, 2609, 437, 393, 29991, 1159, 13, 13, 1678, 822, 3158, 29898, 1311, 29892, 1857, 29918, 1792, 29892, 3646, 29918, 1792, 29892, 4402, 1125, 13, 4706, 9995, 1123, 622, 29879, 278, 15576, 424, 15945, 29908, 13, 13, 4706, 7191, 29889, 8698, 29898, 1311, 29889, 3827, 29892, 285, 29908, 3492, 505, 8472, 22225, 278, 15576, 424, 23157, 13, 4706, 3349, 29918, 3166, 29918, 29066, 29898, 5182, 29918, 1792, 29892, 4402, 29897, 13, 13, 1678, 822, 1400, 29898, 1311, 29892, 2009, 29892, 334, 5085, 29892, 3579, 19290, 1125, 13, 4706, 736, 2428, 2141, 2490, 29898, 1311, 29892, 2009, 29892, 334, 5085, 29892, 3579, 19290, 29897, 13, 13, 13, 1990, 476, 860, 13404, 1043, 29898, 11049, 19347, 29924, 861, 262, 29892, 9123, 1043, 1125, 13, 1678, 9995, 29968, 7358, 278, 3646, 1404, 515, 278, 4402, 1213, 15945, 13, 13, 1678, 6684, 29918, 5479, 353, 525, 14242, 29918, 1761, 29915, 13, 13, 1678, 822, 338, 29918, 2467, 519, 29898, 1311, 29892, 1857, 29918, 1792, 29892, 3646, 29918, 1792, 29892, 4402, 1125, 13, 4706, 9995, 5596, 565, 1857, 2659, 508, 24817, 3646, 2659, 1213, 15945, 13, 13, 4706, 736, 508, 29918, 29895, 860, 29898, 29066, 29892, 1857, 29918, 1792, 29892, 3646, 29918, 1792, 29897, 13, 13, 1678, 822, 3158, 29898, 1311, 29892, 1857, 29918, 1792, 29892, 3646, 29918, 1792, 29892, 4402, 1125, 13, 4706, 9995, 29968, 860, 278, 3646, 2659, 1213, 15945, 13, 13, 4706, 7191, 29889, 8698, 29898, 1311, 29889, 3827, 29892, 285, 29908, 3492, 505, 8472, 413, 17840, 278, 4509, 23157, 13, 4706, 3349, 29918, 3166, 29918, 29066, 29898, 5182, 29918, 1792, 29892, 4402, 29897, 13, 13, 1678, 822, 1400, 29898, 1311, 29892, 2009, 29892, 334, 5085, 29892, 3579, 19290, 1125, 13, 4706, 736, 2428, 2141, 2490, 29898, 1311, 29892, 2009, 29892, 334, 5085, 29892, 3579, 19290, 29897, 13, 13, 13, 1990, 17934, 29949, 1233, 10475, 1043, 29898, 11049, 19347, 29924, 861, 262, 29892, 9123, 1043, 1125, 13, 1678, 9995, 4300, 571, 27428, 310, 263, 4402, 304, 1790, 17768, 1061, 1213, 15945, 13, 13, 1678, 6684, 29918, 5479, 353, 525, 14242, 29918, 1761, 29915, 13, 13, 1678, 822, 338, 29918, 2467, 519, 29898, 1311, 29892, 1857, 29918, 1792, 29892, 3646, 29918, 1792, 29892, 4402, 1125, 13, 4706, 9995, 5596, 565, 278, 27428, 508, 367, 18440, 304, 263, 2854, 17768, 1061, 1213, 15945, 13, 13, 4706, 736, 756, 29918, 20348, 29918, 10003, 29898, 3784, 29918, 1792, 29892, 4402, 29897, 322, 756, 29918, 1545, 261, 1061, 29918, 10003, 29898, 5182, 29918, 1792, 29892, 4402, 29897, 13, 13, 1678, 822, 3158, 29898, 1311, 29892, 1857, 29918, 1792, 29892, 3646, 29918, 1792, 29892, 4402, 1125, 13, 4706, 9995, 4300, 571, 27428, 304, 17768, 1061, 322, 1261, 866, 12271, 304, 17768, 1061, 1213, 15945, 13, 13, 4706, 7191, 29889, 8698, 29898, 1311, 29889, 3827, 29892, 285, 29908, 3492, 505, 18440, 278, 27428, 8472, 23157, 13, 4706, 731, 29918, 10003, 29898, 5182, 29918, 1792, 29892, 4402, 29892, 5977, 29924, 1590, 10475, 29889, 2659, 29934, 6544, 29889, 9806, 13865, 29897, 13, 4706, 731, 29918, 10003, 29898, 3784, 29918, 1792, 29892, 4402, 29892, 5977, 29924, 1590, 10475, 29889, 2659, 29934, 6544, 29889, 6720, 8032, 1299, 1955, 29897, 13, 13, 1678, 822, 1400, 29898, 1311, 29892, 2009, 29892, 334, 5085, 29892, 3579, 19290, 1125, 13, 4706, 736, 2428, 2141, 2490, 29898, 1311, 29892, 2009, 29892, 334, 5085, 29892, 3579, 19290, 29897, 13, 13, 13, 1990, 3650, 262, 6821, 431, 1043, 29898, 11049, 19347, 29924, 861, 262, 29892, 4533, 1125, 13, 1678, 9995, 5959, 508, 5988, 29914, 7302, 304, 17651, 1213, 15945, 13, 13, 1678, 6684, 29918, 5479, 353, 525, 16515, 29918, 695, 23954, 29915, 13, 13, 1678, 822, 679, 29898, 1311, 29892, 2009, 29892, 334, 5085, 29892, 3579, 19290, 1125, 13, 4706, 736, 6684, 29898, 1311, 29889, 17886, 29918, 5479, 29897, 13, 13, 1678, 822, 338, 29918, 2467, 519, 29898, 1311, 29892, 1857, 29918, 1792, 29892, 4402, 1125, 13, 4706, 9995, 5596, 565, 1404, 508, 5988, 29914, 7302, 304, 263, 4402, 1213, 15945, 13, 13, 4706, 736, 451, 756, 29918, 29885, 1590, 10475, 29898, 29066, 29892, 1857, 29918, 1792, 29897, 13, 13, 1678, 822, 338, 29918, 1333, 29918, 2467, 519, 29898, 1311, 29892, 1857, 29918, 1792, 29892, 4402, 1125, 13, 4706, 9995, 3644, 1404, 756, 263, 28512, 411, 278, 4402, 2307, 1213, 15945, 13, 13, 4706, 565, 4402, 29889, 275, 29918, 9053, 29901, 13, 9651, 7191, 29889, 3888, 29898, 1311, 29889, 3827, 29892, 376, 3492, 505, 2307, 7436, 304, 445, 4402, 23157, 13, 4706, 1683, 29901, 13, 9651, 7191, 29889, 3888, 29898, 1311, 29889, 3827, 29892, 376, 3492, 526, 2307, 263, 4509, 310, 445, 4402, 23157, 13, 13, 1678, 822, 3158, 29898, 1311, 29892, 1857, 29918, 1792, 29892, 4402, 1125, 13, 4706, 9995, 4391, 28512, 363, 1404, 411, 278, 4402, 8679, 373, 5999, 4135, 1213, 15945, 13, 13, 4706, 565, 4402, 29889, 275, 29918, 9053, 29901, 13, 9651, 1653, 29918, 29885, 1590, 10475, 29898, 29066, 29892, 1857, 29918, 1792, 29892, 5977, 29924, 1590, 10475, 29889, 2659, 29934, 6544, 29889, 3301, 7390, 2965, 13566, 29897, 13, 9651, 7191, 29889, 8698, 29898, 1311, 29889, 3827, 29892, 376, 4873, 304, 4402, 9150, 23157, 13, 4706, 1683, 29901, 13, 9651, 1653, 29918, 29885, 1590, 10475, 29898, 29066, 29892, 1857, 29918, 1792, 29892, 5977, 29924, 1590, 10475, 29889, 2659, 29934, 6544, 29889, 2303, 9486, 1001, 29897, 13, 9651, 7191, 29889, 8698, 29898, 1311, 29889, 3827, 29892, 376, 3492, 505, 8772, 278, 4402, 23157, 13, 13, 1678, 822, 1400, 29898, 1311, 29892, 2009, 29892, 334, 5085, 29892, 3579, 19290, 1125, 13, 13, 4706, 1018, 29901, 13, 9651, 4402, 353, 5977, 29889, 12650, 29889, 657, 29898, 29066, 29918, 2271, 29918, 978, 29922, 1311, 29889, 19290, 1839, 29066, 29918, 2271, 29918, 978, 11287, 13, 9651, 1857, 29918, 1792, 353, 1583, 29889, 3827, 29889, 1792, 13, 4706, 5174, 29901, 13, 9651, 7191, 29889, 2704, 29898, 1311, 29889, 3827, 29892, 376, 2392, 29892, 1404, 470, 4402, 451, 1476, 23157, 13, 9651, 736, 6684, 29898, 1311, 29889, 17886, 29918, 5479, 29897, 13, 13, 4706, 565, 313, 1311, 29889, 275, 29918, 2467, 519, 29898, 3784, 29918, 1792, 29892, 4402, 22164, 13, 9651, 1583, 29889, 2467, 29898, 3784, 29918, 1792, 29892, 4402, 29897, 13, 4706, 1683, 29901, 13, 9651, 1583, 29889, 275, 29918, 1333, 29918, 2467, 519, 29898, 3784, 29918, 1792, 29892, 4402, 29897, 13, 13, 4706, 736, 6684, 29898, 1311, 29889, 17886, 29918, 5479, 29897, 13, 13, 13, 1990, 951, 1351, 6821, 431, 1043, 29898, 11049, 19347, 29924, 861, 262, 29892, 4533, 1125, 13, 1678, 9995, 2659, 508, 5967, 263, 4402, 1213, 15945, 13, 13, 1678, 6684, 29918, 5479, 353, 525, 1357, 29918, 29066, 29918, 28109, 14587, 29915, 13, 13, 1678, 822, 679, 29898, 1311, 29892, 2009, 29892, 334, 5085, 29892, 3579, 19290, 1125, 13, 4706, 736, 6684, 29898, 1311, 29889, 17886, 29918, 5479, 29897, 13, 13, 1678, 822, 338, 29918, 2467, 519, 29898, 1311, 29892, 1857, 29918, 1792, 29892, 4402, 1125, 13, 4706, 9995, 5596, 565, 1857, 2659, 338, 297, 278, 4402, 1213, 15945, 13, 13, 4706, 736, 313, 5349, 29918, 29885, 1590, 10475, 29898, 29066, 29892, 1857, 29918, 1792, 29897, 470, 756, 29918, 932, 506, 424, 29918, 10003, 29898, 3784, 29918, 1792, 29892, 4402, 876, 322, 451, 313, 5349, 29918, 20348, 29918, 10003, 29898, 3784, 29918, 1792, 29892, 4402, 876, 13, 13, 1678, 822, 338, 29918, 1333, 29918, 2467, 519, 29898, 1311, 29892, 1857, 29918, 1792, 29892, 4402, 1125, 13, 4706, 9995, 2659, 2609, 5967, 4402, 565, 896, 526, 278, 12271, 1213, 15945, 13, 13, 4706, 565, 756, 29918, 20348, 29918, 10003, 29898, 3784, 29918, 1792, 29892, 4402, 1125, 13, 9651, 7191, 29889, 2704, 29898, 1311, 29889, 3827, 29892, 376, 1576, 12271, 310, 278, 4402, 2609, 5967, 23157, 13, 13, 1678, 822, 3158, 29898, 1311, 29892, 1857, 29918, 1792, 29892, 4402, 1125, 13, 4706, 9995, 2659, 11308, 278, 4402, 29892, 28512, 411, 278, 4402, 338, 11132, 1213, 15945, 13, 13, 4706, 7191, 29889, 8698, 29898, 1311, 29889, 3827, 29892, 376, 3492, 505, 2175, 278, 4402, 23157, 13, 4706, 3349, 29918, 3166, 29918, 29066, 29898, 3784, 29918, 1792, 29892, 4402, 29897, 13, 13, 1678, 822, 1400, 29898, 1311, 29892, 2009, 29892, 334, 5085, 29892, 3579, 19290, 1125, 13, 13, 4706, 1018, 29901, 13, 9651, 4402, 353, 5977, 29889, 12650, 29889, 657, 29898, 29066, 29918, 2271, 29918, 978, 29922, 1311, 29889, 19290, 1839, 29066, 29918, 2271, 29918, 978, 11287, 13, 9651, 1857, 29918, 1792, 353, 1583, 29889, 3827, 29889, 1792, 13, 4706, 5174, 29901, 13, 9651, 7191, 29889, 2704, 29898, 1311, 29889, 3827, 29892, 376, 2392, 29892, 1404, 470, 4402, 451, 1476, 23157, 13, 9651, 736, 6684, 29898, 1311, 29889, 17886, 29918, 5479, 29897, 13, 13, 4706, 565, 313, 1311, 29889, 275, 29918, 2467, 519, 29898, 3784, 29918, 1792, 29892, 4402, 22164, 13, 9651, 1583, 29889, 2467, 29898, 3784, 29918, 1792, 29892, 4402, 29897, 13, 4706, 1683, 29901, 13, 9651, 1583, 29889, 275, 29918, 1333, 29918, 2467, 519, 29898, 3784, 29918, 1792, 29892, 4402, 29897, 13, 13, 4706, 736, 6684, 29898, 1311, 29889, 17886, 29918, 5479, 29897, 13, 13, 13, 1990, 21267, 6821, 431, 1043, 29898, 11049, 19347, 29924, 861, 262, 29892, 4533, 1125, 13, 1678, 9995, 2659, 508, 5217, 263, 4402, 1213, 15945, 13, 1678, 6684, 29918, 5479, 353, 525, 16515, 29918, 695, 23954, 29915, 13, 13, 1678, 822, 338, 29918, 2467, 519, 29898, 1311, 29892, 1857, 29918, 1792, 29892, 4402, 1125, 13, 4706, 9995, 11730, 2758, 278, 12271, 310, 263, 4402, 304, 5217, 372, 1213, 15945, 13, 4706, 736, 756, 29918, 20348, 29918, 10003, 29898, 3784, 29918, 1792, 29892, 4402, 29897, 13, 13, 1678, 822, 338, 29918, 1333, 29918, 2467, 519, 29898, 1311, 1125, 13, 13, 4706, 7191, 29889, 2704, 29898, 1311, 29889, 3827, 29892, 285, 29908, 3492, 526, 451, 6068, 304, 5217, 278, 4402, 29991, 1159, 13, 13, 1678, 822, 3158, 29898, 1311, 29892, 1857, 29918, 1792, 29892, 4402, 1125, 13, 4706, 4402, 29889, 8143, 580, 13, 4706, 7191, 29889, 8698, 29898, 1311, 29889, 3827, 29892, 376, 3492, 505, 11132, 278, 4402, 23157, 13, 13, 1678, 822, 1400, 29898, 1311, 29892, 2009, 29892, 334, 5085, 29892, 3579, 19290, 1125, 13, 4706, 1018, 29901, 13, 9651, 4402, 353, 5977, 29889, 12650, 29889, 657, 29898, 29066, 29918, 2271, 29918, 978, 29922, 1311, 29889, 19290, 1839, 29066, 29918, 2271, 29918, 978, 11287, 13, 9651, 1857, 29918, 1792, 353, 1583, 29889, 3827, 29889, 1792, 13, 9651, 565, 1583, 29889, 275, 29918, 2467, 519, 29898, 3784, 29918, 1792, 29892, 4402, 1125, 13, 18884, 1583, 29889, 2467, 29898, 3784, 29918, 1792, 29892, 4402, 29897, 13, 18884, 736, 6684, 29898, 1311, 29889, 17886, 29918, 5479, 29897, 13, 9651, 1683, 29901, 13, 18884, 1583, 29889, 275, 29918, 1333, 29918, 2467, 519, 580, 13, 4706, 5174, 29901, 13, 9651, 7191, 29889, 2704, 29898, 1311, 29889, 3827, 29892, 376, 2392, 29892, 1404, 470, 4402, 451, 1476, 23157, 13, 13, 4706, 736, 6684, 877, 5184, 1495, 13, 2 ]
managers/search_indexes.py
naderm/farnsworth
0
70900
''' Project: Farnsworth Author: <NAME> Search indexes for the managers app. ''' from datetime import datetime from haystack import indexes from managers.models import Manager, Request, Response, Announcement class ManagerIndex(indexes.SearchIndex, indexes.Indexable): ''' Index for Managers. ''' text = indexes.EdgeNgramField(document=True, use_template=True) title = indexes.EdgeNgramField(model_attr='title', boost=2) exact_manager = indexes.CharField(model_attr='title', faceted=True) incumbent = indexes.EdgeNgramField(model_attr='incumbent', null=True) exact_user = indexes.CharField(model_attr='incumbent', faceted=True, null=True) compensation = indexes.EdgeNgramField(model_attr='compensation', null=True) duties = indexes.EdgeNgramField(model_attr='duties', null=True) email = indexes.EdgeNgramField(model_attr='email', null=True) exact_email = indexes.CharField(model_attr='email', faceted=True, null=True) def get_model(self): return Manager def index_queryset(self, using=None): return self.get_model().objects.filter(active=True) class RequestIndex(indexes.SearchIndex, indexes.Indexable): ''' Index for Requests. ''' text = indexes.EdgeNgramField(document=True, use_template=True) owner = indexes.EdgeNgramField(model_attr='owner') exact_user = indexes.CharField(model_attr='owner', faceted=True) body = indexes.EdgeNgramField(model_attr='body') post_date = indexes.DateTimeField(model_attr='post_date') change_date = indexes.DateTimeField(model_attr='change_date') def get_model(self): return Request def index_queryset(self, using=None): return self.get_model().objects.filter(private=False) class ResponseIndex(indexes.SearchIndex, indexes.Indexable): ''' Index for Responses. ''' text = indexes.EdgeNgramField(document=True, use_template = True) owner = indexes.EdgeNgramField(model_attr='owner') exact_user = indexes.CharField(model_attr='owner', faceted=True) body = indexes.EdgeNgramField(model_attr='body') post_date = indexes.DateTimeField(model_attr='post_date') request = indexes.EdgeNgramField(model_attr='request') def get_model(self): return Response def index_queryset(self, using=None): return self.get_model().objects.filter(request__private=False) class AnnouncementIndex(indexes.SearchIndex, indexes.Indexable): ''' Index for Announcements. ''' text = indexes.EdgeNgramField(document=True, use_template = True) manager = indexes.EdgeNgramField(model_attr='manager') exact_manager = indexes.CharField(model_attr='manager', faceted=True) incumbent = indexes.EdgeNgramField(model_attr='incumbent') exact_user = indexes.CharField(model_attr='incumbent', faceted=True) body = indexes.EdgeNgramField(model_attr='body') post_date = indexes.DateTimeField(model_attr='post_date') change_date = indexes.DateTimeField(model_attr='change_date') def get_model(self): return Announcement def index_queryset(self, using=None): return self.get_model().objects.all()
[ 1, 14550, 13, 7653, 29901, 8413, 1983, 12554, 13, 13, 13720, 29901, 529, 5813, 29958, 13, 13, 7974, 18111, 363, 278, 767, 18150, 623, 29889, 13, 12008, 13, 13, 3166, 12865, 1053, 12865, 13, 3166, 14842, 1429, 1053, 18111, 13, 3166, 767, 18150, 29889, 9794, 1053, 15629, 29892, 10729, 29892, 13291, 29892, 8081, 1309, 13561, 13, 13, 1990, 15629, 3220, 29898, 2248, 267, 29889, 7974, 3220, 29892, 18111, 29889, 3220, 519, 1125, 13, 1678, 14550, 11374, 363, 2315, 18150, 29889, 14550, 13, 1678, 1426, 353, 18111, 29889, 23894, 29940, 1393, 3073, 29898, 3225, 29922, 5574, 29892, 671, 29918, 6886, 29922, 5574, 29897, 13, 1678, 3611, 353, 18111, 29889, 23894, 29940, 1393, 3073, 29898, 4299, 29918, 5552, 2433, 3257, 742, 14505, 29922, 29906, 29897, 13, 1678, 2684, 29918, 12847, 353, 18111, 29889, 27890, 29898, 4299, 29918, 5552, 2433, 3257, 742, 4024, 300, 287, 29922, 5574, 29897, 13, 1678, 5528, 3774, 296, 353, 18111, 29889, 23894, 29940, 1393, 3073, 29898, 4299, 29918, 5552, 2433, 3742, 3774, 296, 742, 1870, 29922, 5574, 29897, 13, 1678, 2684, 29918, 1792, 353, 18111, 29889, 27890, 29898, 4299, 29918, 5552, 2433, 3742, 3774, 296, 742, 4024, 300, 287, 29922, 5574, 29892, 1870, 29922, 5574, 29897, 13, 1678, 22874, 362, 353, 18111, 29889, 23894, 29940, 1393, 3073, 29898, 4299, 29918, 5552, 2433, 2388, 575, 362, 742, 1870, 29922, 5574, 29897, 13, 1678, 22204, 353, 18111, 29889, 23894, 29940, 1393, 3073, 29898, 4299, 29918, 5552, 2433, 29881, 329, 583, 742, 1870, 29922, 5574, 29897, 13, 1678, 4876, 353, 18111, 29889, 23894, 29940, 1393, 3073, 29898, 4299, 29918, 5552, 2433, 5269, 742, 1870, 29922, 5574, 29897, 13, 1678, 2684, 29918, 5269, 353, 18111, 29889, 27890, 29898, 4299, 29918, 5552, 2433, 5269, 742, 4024, 300, 287, 29922, 5574, 29892, 1870, 29922, 5574, 29897, 13, 13, 1678, 822, 679, 29918, 4299, 29898, 1311, 1125, 13, 4706, 736, 15629, 13, 13, 1678, 822, 2380, 29918, 1972, 842, 29898, 1311, 29892, 773, 29922, 8516, 1125, 13, 4706, 736, 1583, 29889, 657, 29918, 4299, 2141, 12650, 29889, 4572, 29898, 4925, 29922, 5574, 29897, 13, 13, 1990, 10729, 3220, 29898, 2248, 267, 29889, 7974, 3220, 29892, 18111, 29889, 3220, 519, 1125, 13, 1678, 14550, 11374, 363, 10729, 29879, 29889, 14550, 13, 1678, 1426, 353, 18111, 29889, 23894, 29940, 1393, 3073, 29898, 3225, 29922, 5574, 29892, 671, 29918, 6886, 29922, 5574, 29897, 13, 1678, 12271, 353, 18111, 29889, 23894, 29940, 1393, 3073, 29898, 4299, 29918, 5552, 2433, 20348, 1495, 13, 1678, 2684, 29918, 1792, 353, 18111, 29889, 27890, 29898, 4299, 29918, 5552, 2433, 20348, 742, 4024, 300, 287, 29922, 5574, 29897, 13, 1678, 3573, 353, 18111, 29889, 23894, 29940, 1393, 3073, 29898, 4299, 29918, 5552, 2433, 2587, 1495, 13, 1678, 1400, 29918, 1256, 353, 18111, 29889, 11384, 3073, 29898, 4299, 29918, 5552, 2433, 2490, 29918, 1256, 1495, 13, 1678, 1735, 29918, 1256, 353, 18111, 29889, 11384, 3073, 29898, 4299, 29918, 5552, 2433, 3167, 29918, 1256, 1495, 13, 13, 1678, 822, 679, 29918, 4299, 29898, 1311, 1125, 13, 4706, 736, 10729, 13, 13, 1678, 822, 2380, 29918, 1972, 842, 29898, 1311, 29892, 773, 29922, 8516, 1125, 13, 4706, 736, 1583, 29889, 657, 29918, 4299, 2141, 12650, 29889, 4572, 29898, 9053, 29922, 8824, 29897, 13, 13, 1990, 13291, 3220, 29898, 2248, 267, 29889, 7974, 3220, 29892, 18111, 29889, 3220, 519, 1125, 13, 1678, 14550, 11374, 363, 2538, 29886, 787, 267, 29889, 14550, 13, 1678, 1426, 353, 18111, 29889, 23894, 29940, 1393, 3073, 29898, 3225, 29922, 5574, 29892, 671, 29918, 6886, 353, 5852, 29897, 13, 1678, 12271, 353, 18111, 29889, 23894, 29940, 1393, 3073, 29898, 4299, 29918, 5552, 2433, 20348, 1495, 13, 1678, 2684, 29918, 1792, 353, 18111, 29889, 27890, 29898, 4299, 29918, 5552, 2433, 20348, 742, 4024, 300, 287, 29922, 5574, 29897, 13, 1678, 3573, 353, 18111, 29889, 23894, 29940, 1393, 3073, 29898, 4299, 29918, 5552, 2433, 2587, 1495, 13, 1678, 1400, 29918, 1256, 353, 18111, 29889, 11384, 3073, 29898, 4299, 29918, 5552, 2433, 2490, 29918, 1256, 1495, 13, 1678, 2009, 353, 18111, 29889, 23894, 29940, 1393, 3073, 29898, 4299, 29918, 5552, 2433, 3827, 1495, 13, 13, 1678, 822, 679, 29918, 4299, 29898, 1311, 1125, 13, 4706, 736, 13291, 13, 13, 1678, 822, 2380, 29918, 1972, 842, 29898, 1311, 29892, 773, 29922, 8516, 1125, 13, 4706, 736, 1583, 29889, 657, 29918, 4299, 2141, 12650, 29889, 4572, 29898, 3827, 1649, 9053, 29922, 8824, 29897, 13, 13, 1990, 8081, 1309, 13561, 3220, 29898, 2248, 267, 29889, 7974, 3220, 29892, 18111, 29889, 3220, 519, 1125, 13, 1678, 14550, 11374, 363, 8081, 1309, 29883, 4110, 29889, 14550, 13, 1678, 1426, 353, 18111, 29889, 23894, 29940, 1393, 3073, 29898, 3225, 29922, 5574, 29892, 671, 29918, 6886, 353, 5852, 29897, 13, 1678, 8455, 353, 18111, 29889, 23894, 29940, 1393, 3073, 29898, 4299, 29918, 5552, 2433, 12847, 1495, 13, 1678, 2684, 29918, 12847, 353, 18111, 29889, 27890, 29898, 4299, 29918, 5552, 2433, 12847, 742, 4024, 300, 287, 29922, 5574, 29897, 13, 1678, 5528, 3774, 296, 353, 18111, 29889, 23894, 29940, 1393, 3073, 29898, 4299, 29918, 5552, 2433, 3742, 3774, 296, 1495, 13, 1678, 2684, 29918, 1792, 353, 18111, 29889, 27890, 29898, 4299, 29918, 5552, 2433, 3742, 3774, 296, 742, 4024, 300, 287, 29922, 5574, 29897, 13, 1678, 3573, 353, 18111, 29889, 23894, 29940, 1393, 3073, 29898, 4299, 29918, 5552, 2433, 2587, 1495, 13, 1678, 1400, 29918, 1256, 353, 18111, 29889, 11384, 3073, 29898, 4299, 29918, 5552, 2433, 2490, 29918, 1256, 1495, 13, 1678, 1735, 29918, 1256, 353, 18111, 29889, 11384, 3073, 29898, 4299, 29918, 5552, 2433, 3167, 29918, 1256, 1495, 13, 13, 1678, 822, 679, 29918, 4299, 29898, 1311, 1125, 13, 4706, 736, 8081, 1309, 13561, 13, 13, 1678, 822, 2380, 29918, 1972, 842, 29898, 1311, 29892, 773, 29922, 8516, 1125, 13, 4706, 736, 1583, 29889, 657, 29918, 4299, 2141, 12650, 29889, 497, 580, 13, 2 ]
user_satisfaction_prediction/evaluation.py
wanlingcai1997/umap_2020_code
2
96959
import numpy as np import sklearn.metrics as metrics from scipy.sparse import csr_matrix def evaluation_score(label_test, predict_label): f1_micro=metrics.f1_score(label_test, predict_label, average='micro') hamm=metrics.hamming_loss(label_test,predict_label) accuracy = metrics.accuracy_score(label_test, predict_label) precision = metrics.precision_score(label_test, predict_label,average='micro') # f1=metrics.f1_score(label_test, predict_label) recall=metrics.recall_score(label_test, predict_label,average='micro') print('F1-score:',round(f1_micro,4)) print('Hamming Loss:',round(hamm,4)) print("accuracy :", round(accuracy, 4)) print("precision :", round(precision, 4)) # print("f1 :", round(f1, 4)) print("recall :", round(recall, 4)) return def f1(y_true, y_pred): correct_preds, total_correct, total_preds = 0., 0., 0. for i in range(y_true.shape[0]): set_true = set( np.where(y_true[i])[0]) set_pred = set( np.where(y_pred[i])[0] ) correct_preds += len(set_true & set_pred) total_preds += len(set_pred) total_correct += len(set_true) p = correct_preds / total_preds if correct_preds > 0 else 0 r = correct_preds / total_correct if correct_preds > 0 else 0 f1 = 2 * p * r / (p + r) if correct_preds > 0 else 0 return p, r, f1 def hamming_score(y_true, y_pred, normalize=True, sample_weight=None): ''' Compute the Hamming score (a.k.a. label-based accuracy) for the multi-label case http://stackoverflow.com/q/32239577/395857 ''' acc_list = [] # y_true = np.array(y_true) # since y_true is numpy.matrix # if not isinstance(y_pred, np.ndarray) or not isinstance(y_pred, np.matrix): # y_pred = y_pred.toarray() # since y_pre is scipy.sparse.lil_matrix for i in range(y_true.shape[0]): #print(y_true[i]) #print(y_pred[i]) set_true = set( np.where(y_true[i])[0] ) set_pred = set( np.where(y_pred[i])[0] ) #print('\nset_true: {0}'.format(set_true)) #print('set_pred: {0}'.format(set_pred)) tmp_a = None if len(set_true) == 0 and len(set_pred) == 0: tmp_a = 1 else: tmp_a = len(set_true.intersection(set_pred))/\ float( len(set_true.union(set_pred)) ) #print('tmp_a: {0}'.format(tmp_a)) acc_list.append(tmp_a) return np.mean(acc_list) if __name__ == "__main__": y_true = np.array([[0,1,0], [0,1,1], [1,0,1], [0,0,1]]) y_pred = np.array([[0,1,1], [0,1,1], [0,1,0], [0,0,0]]) print('Hamming score: {0}'.format(hamming_score(y_true, y_pred))) # 0.375 (= (0.5+1+0+0)/4) # Subset accuracy # 0.25 (= 0+1+0+0 / 4) --> 1 if the prediction for one sample fully matches the gold. 0 otherwise. print('Subset accuracy: {0}'.format(metrics.accuracy_score(y_true, y_pred, normalize=True, sample_weight=None))) # Hamming loss (smaller is better) # $$ \text{HammingLoss}(x_i, y_i) = \frac{1}{|D|} \sum_{i=1}^{|D|} \frac{xor(x_i, y_i)}{|L|}, $$ # where # - \\(|D|\\) is the number of samples # - \\(|L|\\) is the number of labels # - \\(y_i\\) is the ground truth # - \\(x_i\\) is the prediction. # 0.416666666667 (= (1+0+3+1) / (3*4) ) print('Hamming loss: {0}'.format(metrics.hamming_loss(y_true, y_pred)))
[ 1, 1053, 12655, 408, 7442, 13, 5215, 2071, 19668, 29889, 2527, 10817, 408, 21556, 13, 13, 3166, 4560, 2272, 29889, 29879, 5510, 1053, 5939, 29878, 29918, 5344, 13, 13, 1753, 17983, 29918, 13628, 29898, 1643, 29918, 1688, 29892, 8500, 29918, 1643, 1125, 13, 1678, 285, 29896, 29918, 29885, 2357, 29922, 2527, 10817, 29889, 29888, 29896, 29918, 13628, 29898, 1643, 29918, 1688, 29892, 8500, 29918, 1643, 29892, 6588, 2433, 29885, 2357, 1495, 13, 1678, 298, 4850, 29922, 2527, 10817, 29889, 3391, 4056, 29918, 6758, 29898, 1643, 29918, 1688, 29892, 27711, 29918, 1643, 29897, 13, 1678, 13600, 353, 21556, 29889, 562, 2764, 4135, 29918, 13628, 29898, 1643, 29918, 1688, 29892, 8500, 29918, 1643, 29897, 13, 1678, 16716, 353, 21556, 29889, 17990, 2459, 29918, 13628, 29898, 1643, 29918, 1688, 29892, 8500, 29918, 1643, 29892, 12483, 482, 2433, 29885, 2357, 1495, 29871, 13, 1678, 396, 285, 29896, 29922, 2527, 10817, 29889, 29888, 29896, 29918, 13628, 29898, 1643, 29918, 1688, 29892, 8500, 29918, 1643, 29897, 13, 1678, 17386, 29922, 2527, 10817, 29889, 3757, 497, 29918, 13628, 29898, 1643, 29918, 1688, 29892, 8500, 29918, 1643, 29892, 12483, 482, 2433, 29885, 2357, 1495, 13, 13, 1678, 1596, 877, 29943, 29896, 29899, 13628, 29901, 742, 14486, 29898, 29888, 29896, 29918, 29885, 2357, 29892, 29946, 876, 13, 1678, 1596, 877, 29950, 314, 4056, 365, 2209, 29901, 742, 14486, 29898, 3391, 29885, 29892, 29946, 876, 13, 1678, 1596, 703, 562, 2764, 4135, 584, 613, 4513, 29898, 562, 2764, 4135, 29892, 29871, 29946, 876, 13, 1678, 1596, 703, 17990, 2459, 584, 613, 4513, 29898, 17990, 2459, 29892, 29871, 29946, 876, 13, 1678, 396, 1596, 703, 29888, 29896, 584, 613, 29871, 4513, 29898, 29888, 29896, 29892, 29871, 29946, 876, 13, 1678, 1596, 703, 3757, 497, 584, 613, 4513, 29898, 3757, 497, 29892, 29871, 29946, 876, 13, 1678, 736, 29871, 13, 13, 13, 268, 13, 1753, 285, 29896, 29898, 29891, 29918, 3009, 29892, 343, 29918, 11965, 1125, 13, 1678, 1959, 29918, 11965, 29879, 29892, 3001, 29918, 15728, 29892, 3001, 29918, 11965, 29879, 353, 29871, 29900, 1696, 29871, 29900, 1696, 29871, 29900, 29889, 13, 1678, 363, 474, 297, 3464, 29898, 29891, 29918, 3009, 29889, 12181, 29961, 29900, 29962, 1125, 13, 4706, 731, 29918, 3009, 353, 731, 29898, 7442, 29889, 3062, 29898, 29891, 29918, 3009, 29961, 29875, 2314, 29961, 29900, 2314, 13, 4706, 731, 29918, 11965, 353, 731, 29898, 7442, 29889, 3062, 29898, 29891, 29918, 11965, 29961, 29875, 2314, 29961, 29900, 29962, 1723, 13, 308, 13, 4706, 1959, 29918, 11965, 29879, 4619, 7431, 29898, 842, 29918, 3009, 669, 731, 29918, 11965, 29897, 13, 4706, 3001, 29918, 11965, 29879, 4619, 7431, 29898, 842, 29918, 11965, 29897, 13, 4706, 3001, 29918, 15728, 4619, 7431, 29898, 842, 29918, 3009, 29897, 13, 13, 1678, 282, 353, 1959, 29918, 11965, 29879, 847, 3001, 29918, 11965, 29879, 565, 1959, 29918, 11965, 29879, 1405, 29871, 29900, 1683, 29871, 29900, 13, 1678, 364, 353, 1959, 29918, 11965, 29879, 847, 3001, 29918, 15728, 565, 1959, 29918, 11965, 29879, 1405, 29871, 29900, 1683, 29871, 29900, 13, 1678, 285, 29896, 353, 29871, 29906, 334, 282, 334, 364, 847, 313, 29886, 718, 364, 29897, 565, 1959, 29918, 11965, 29879, 1405, 29871, 29900, 1683, 29871, 29900, 13, 1678, 736, 282, 29892, 364, 29892, 285, 29896, 13, 13, 13, 13, 1753, 16366, 4056, 29918, 13628, 29898, 29891, 29918, 3009, 29892, 343, 29918, 11965, 29892, 4226, 675, 29922, 5574, 29892, 4559, 29918, 7915, 29922, 8516, 1125, 13, 1678, 14550, 13, 1678, 11796, 29872, 278, 7904, 4056, 8158, 313, 29874, 29889, 29895, 29889, 29874, 29889, 3858, 29899, 6707, 13600, 29897, 363, 278, 2473, 29899, 1643, 1206, 13, 1678, 1732, 597, 2417, 29889, 510, 29914, 29939, 29914, 29941, 29906, 29906, 29941, 29929, 29945, 29955, 29955, 29914, 29941, 29929, 29945, 29947, 29945, 29955, 13, 1678, 14550, 13, 1678, 1035, 29918, 1761, 353, 5159, 13, 1678, 396, 343, 29918, 3009, 353, 7442, 29889, 2378, 29898, 29891, 29918, 3009, 29897, 396, 1951, 343, 29918, 3009, 338, 12655, 29889, 5344, 13, 1678, 396, 565, 451, 338, 8758, 29898, 29891, 29918, 11965, 29892, 7442, 29889, 299, 2378, 29897, 470, 451, 338, 8758, 29898, 29891, 29918, 11965, 29892, 7442, 29889, 5344, 1125, 29871, 13, 1678, 396, 268, 343, 29918, 11965, 353, 343, 29918, 11965, 29889, 517, 2378, 580, 396, 1951, 343, 29918, 1457, 338, 4560, 2272, 29889, 29879, 5510, 29889, 29880, 309, 29918, 5344, 29871, 13, 1678, 13, 1678, 363, 474, 297, 3464, 29898, 29891, 29918, 3009, 29889, 12181, 29961, 29900, 29962, 1125, 13, 4706, 396, 2158, 29898, 29891, 29918, 3009, 29961, 29875, 2314, 13, 4706, 396, 2158, 29898, 29891, 29918, 11965, 29961, 29875, 2314, 13, 13, 4706, 731, 29918, 3009, 353, 731, 29898, 7442, 29889, 3062, 29898, 29891, 29918, 3009, 29961, 29875, 2314, 29961, 29900, 29962, 1723, 13, 4706, 731, 29918, 11965, 353, 731, 29898, 7442, 29889, 3062, 29898, 29891, 29918, 11965, 29961, 29875, 2314, 29961, 29900, 29962, 1723, 13, 4706, 396, 2158, 28909, 29876, 842, 29918, 3009, 29901, 426, 29900, 29913, 4286, 4830, 29898, 842, 29918, 3009, 876, 13, 4706, 396, 2158, 877, 842, 29918, 11965, 29901, 426, 29900, 29913, 4286, 4830, 29898, 842, 29918, 11965, 876, 13, 4706, 13128, 29918, 29874, 353, 6213, 13, 4706, 565, 7431, 29898, 842, 29918, 3009, 29897, 1275, 29871, 29900, 322, 7431, 29898, 842, 29918, 11965, 29897, 1275, 29871, 29900, 29901, 13, 9651, 13128, 29918, 29874, 353, 29871, 29896, 13, 4706, 1683, 29901, 13, 9651, 13128, 29918, 29874, 353, 7431, 29898, 842, 29918, 3009, 29889, 1639, 2042, 29898, 842, 29918, 11965, 876, 7998, 13, 462, 1678, 5785, 29898, 7431, 29898, 842, 29918, 3009, 29889, 13094, 29898, 842, 29918, 11965, 876, 1723, 13, 4706, 396, 2158, 877, 7050, 29918, 29874, 29901, 426, 29900, 29913, 4286, 4830, 29898, 7050, 29918, 29874, 876, 13, 4706, 1035, 29918, 1761, 29889, 4397, 29898, 7050, 29918, 29874, 29897, 13, 1678, 736, 7442, 29889, 12676, 29898, 5753, 29918, 1761, 29897, 13, 13, 13, 13, 361, 4770, 978, 1649, 1275, 376, 1649, 3396, 1649, 1115, 13, 13, 1678, 343, 29918, 3009, 353, 7442, 29889, 2378, 4197, 29961, 29900, 29892, 29896, 29892, 29900, 1402, 13, 462, 259, 518, 29900, 29892, 29896, 29892, 29896, 1402, 13, 462, 259, 518, 29896, 29892, 29900, 29892, 29896, 1402, 13, 462, 259, 518, 29900, 29892, 29900, 29892, 29896, 24960, 13, 13, 1678, 343, 29918, 11965, 353, 7442, 29889, 2378, 4197, 29961, 29900, 29892, 29896, 29892, 29896, 1402, 13, 462, 259, 518, 29900, 29892, 29896, 29892, 29896, 1402, 13, 462, 259, 518, 29900, 29892, 29896, 29892, 29900, 1402, 13, 462, 259, 518, 29900, 29892, 29900, 29892, 29900, 24960, 13, 13, 1678, 1596, 877, 29950, 314, 4056, 8158, 29901, 426, 29900, 29913, 4286, 4830, 29898, 3391, 4056, 29918, 13628, 29898, 29891, 29918, 3009, 29892, 343, 29918, 11965, 4961, 396, 29871, 29900, 29889, 29941, 29955, 29945, 11070, 313, 29900, 29889, 29945, 29974, 29896, 29974, 29900, 29974, 29900, 6802, 29946, 29897, 13, 268, 13, 1678, 396, 3323, 842, 13600, 13, 1678, 396, 29871, 29900, 29889, 29906, 29945, 11070, 29871, 29900, 29974, 29896, 29974, 29900, 29974, 29900, 847, 29871, 29946, 29897, 6660, 29871, 29896, 565, 278, 18988, 363, 697, 4559, 8072, 7087, 278, 7684, 29889, 29871, 29900, 6467, 29889, 13, 1678, 1596, 877, 4035, 842, 13600, 29901, 426, 29900, 29913, 4286, 4830, 29898, 2527, 10817, 29889, 562, 2764, 4135, 29918, 13628, 29898, 29891, 29918, 3009, 29892, 343, 29918, 11965, 29892, 4226, 675, 29922, 5574, 29892, 4559, 29918, 7915, 29922, 8516, 4961, 13, 13, 1678, 396, 7904, 4056, 6410, 313, 9278, 261, 338, 2253, 29897, 13, 1678, 396, 2046, 320, 726, 29912, 29950, 314, 4056, 29931, 2209, 2119, 29916, 29918, 29875, 29892, 343, 29918, 29875, 29897, 353, 320, 1154, 29912, 29896, 24525, 29928, 29989, 29913, 320, 2083, 648, 29875, 29922, 29896, 2844, 29989, 29928, 29989, 29913, 320, 1154, 29912, 29916, 272, 29898, 29916, 29918, 29875, 29892, 343, 29918, 29875, 10172, 29989, 29931, 29989, 1118, 2046, 13, 1678, 396, 988, 13, 1678, 396, 29871, 448, 2474, 27204, 29928, 29989, 1966, 29897, 338, 278, 1353, 310, 11916, 259, 13, 1678, 396, 29871, 448, 2474, 27204, 29931, 29989, 1966, 29897, 338, 278, 1353, 310, 11073, 259, 13, 1678, 396, 29871, 448, 2474, 29898, 29891, 29918, 29875, 1966, 29897, 338, 278, 5962, 8760, 259, 13, 1678, 396, 29871, 448, 2474, 29898, 29916, 29918, 29875, 1966, 29897, 29871, 338, 278, 18988, 29889, 259, 13, 1678, 396, 29871, 29900, 29889, 29946, 29896, 29953, 29953, 29953, 29953, 29953, 29953, 29953, 29953, 29953, 29955, 11070, 313, 29896, 29974, 29900, 29974, 29941, 29974, 29896, 29897, 847, 313, 29941, 29930, 29946, 29897, 1723, 13, 1678, 1596, 877, 29950, 314, 4056, 6410, 29901, 426, 29900, 29913, 4286, 4830, 29898, 2527, 10817, 29889, 3391, 4056, 29918, 6758, 29898, 29891, 29918, 3009, 29892, 343, 29918, 11965, 4961, 29871, 2 ]
HelloLeap.py
KanaadPathak/SimpleTracker-v0.1
0
118748
import Leap, sys, thread, time from Leap import CircleGesture, KeyTapGesture, ScreenTapGesture, SwipeGesture import matplotlib.pyplot as plt import numpy as np directionList = [] totalFrames = 0 def plotGraph (): print directionList global totalFrames print totalFrames i=0 while i < totalFrames: plt.scatter(i,directionList[i]) i+=1 plt.show() class SampleListener(Leap.Listener): finger_names = ['Thumb', 'Index', 'Middle', 'Ring', 'Pinky'] bone_names = ['Metacarpal', 'Proximal', 'Intermediate', 'Distal'] state_names = ['STATE_INVALID', 'STATE_START', 'STATE_UPDATE', 'STATE_END'] def on_init(self, controller): print "Initialized" def on_connect(self, controller): print "Connected" # Enable gestures controller.enable_gesture(Leap.Gesture.TYPE_CIRCLE) controller.enable_gesture(Leap.Gesture.TYPE_KEY_TAP) controller.enable_gesture(Leap.Gesture.TYPE_SCREEN_TAP) controller.enable_gesture(Leap.Gesture.TYPE_SWIPE) def on_disconnect(self, controller): # Note: not dispatched when running in a debugger. print "Disconnected" def on_exit(self, controller): print "Exited" def on_frame(self, controller): # Get the most recent frame and report some basic information frame = controller.frame() for hand in frame.hands: handType = "Left Hand" if hand.is_left else "Right Hand" global totalFrames #print " %s , ID = %d ,position = % s " %(handType,hand.id,hand.palm_position) normal = hand.palm_normal direction = hand.direction directionList.append((normal[2])) totalFrames+=1 print " %s is Normal and %s is direction " % (normal[2],direction[0]) def main(): # Create a sample listener and controller listener = SampleListener() controller = Leap.Controller() # Have the sample listener receive events from the controller controller.add_listener(listener) # Keep this process running until Enter is pressed print "Press Enter to quit..." try: sys.stdin.readline() except KeyboardInterrupt: pass finally: # Remove the sample listener when done controller.remove_listener(listener) if __name__ == "__main__": main() plotGraph()
[ 1, 1053, 951, 481, 29892, 10876, 29892, 3244, 29892, 931, 30004, 13, 3166, 951, 481, 1053, 27927, 24110, 29892, 7670, 29911, 481, 24110, 29892, 22666, 29911, 481, 24110, 29892, 3925, 15705, 24110, 30004, 13, 5215, 22889, 29889, 2272, 5317, 408, 14770, 30004, 13, 5215, 12655, 408, 7442, 30004, 13, 20845, 1293, 353, 5159, 30004, 13, 7827, 14438, 1280, 353, 29871, 29900, 30004, 13, 30004, 13, 30004, 13, 1753, 6492, 9527, 313, 1125, 30004, 13, 1678, 1596, 5305, 1293, 30004, 13, 1678, 5534, 3001, 14438, 1280, 30004, 13, 1678, 1596, 3001, 14438, 1280, 30004, 13, 1678, 474, 29922, 29900, 30004, 13, 1678, 1550, 474, 529, 3001, 14438, 1280, 29901, 30004, 13, 4706, 14770, 29889, 1557, 2620, 29898, 29875, 29892, 20845, 1293, 29961, 29875, 2314, 30004, 13, 4706, 474, 23661, 29896, 30004, 13, 1678, 14770, 29889, 4294, 26471, 13, 30004, 13, 30004, 13, 1990, 21029, 3962, 29898, 3226, 481, 29889, 3962, 1125, 30004, 13, 1678, 19917, 29918, 7039, 353, 6024, 1349, 3774, 742, 525, 3220, 742, 525, 25411, 742, 525, 29934, 292, 742, 525, 29925, 682, 29891, 2033, 30004, 13, 1678, 289, 650, 29918, 7039, 353, 6024, 10095, 562, 6834, 284, 742, 525, 1184, 2657, 284, 742, 525, 4074, 13847, 742, 525, 13398, 284, 2033, 30004, 13, 1678, 2106, 29918, 7039, 353, 6024, 19713, 29918, 1177, 26707, 742, 525, 19713, 29918, 25826, 742, 525, 19713, 29918, 14474, 742, 525, 19713, 29918, 11794, 2033, 30004, 13, 30004, 13, 1678, 822, 373, 29918, 2344, 29898, 1311, 29892, 4701, 1125, 30004, 13, 4706, 1596, 376, 15514, 1891, 19451, 13, 30004, 13, 1678, 822, 373, 29918, 6915, 29898, 1311, 29892, 4701, 1125, 30004, 13, 4706, 1596, 376, 20971, 2954, 19451, 13, 30004, 13, 4706, 396, 1174, 519, 7737, 1973, 30004, 13, 4706, 4701, 29889, 12007, 29918, 7118, 545, 29898, 3226, 481, 29889, 24110, 29889, 11116, 29918, 29907, 8193, 29907, 1307, 8443, 13, 4706, 4701, 29889, 12007, 29918, 7118, 545, 29898, 3226, 481, 29889, 24110, 29889, 11116, 29918, 10818, 29918, 29911, 3301, 8443, 13, 4706, 4701, 29889, 12007, 29918, 7118, 545, 29898, 3226, 481, 29889, 24110, 29889, 11116, 29918, 7187, 1525, 1430, 29918, 29911, 3301, 8443, 13, 4706, 4701, 29889, 12007, 29918, 7118, 545, 29898, 3226, 481, 29889, 24110, 29889, 11116, 29918, 29903, 22119, 4162, 8443, 13, 30004, 13, 1678, 822, 373, 29918, 2218, 6915, 29898, 1311, 29892, 4701, 1125, 30004, 13, 4706, 396, 3940, 29901, 451, 13916, 287, 746, 2734, 297, 263, 18297, 22993, 13, 4706, 1596, 376, 4205, 18045, 19451, 13, 30004, 13, 1678, 822, 373, 29918, 13322, 29898, 1311, 29892, 4701, 1125, 30004, 13, 4706, 1596, 376, 1252, 1573, 19451, 13, 30004, 13, 30004, 13, 1678, 822, 373, 29918, 2557, 29898, 1311, 29892, 4701, 1125, 30004, 13, 4706, 396, 3617, 278, 1556, 7786, 3515, 322, 3461, 777, 6996, 2472, 30004, 13, 30004, 13, 30004, 13, 4706, 3515, 353, 4701, 29889, 2557, 26471, 13, 30004, 13, 4706, 363, 1361, 297, 3515, 29889, 3179, 29879, 29901, 30004, 13, 9651, 1361, 1542, 353, 376, 8091, 5166, 29908, 565, 1361, 29889, 275, 29918, 1563, 1683, 376, 7341, 5166, 19451, 13, 9651, 5534, 3001, 14438, 1280, 30004, 13, 9651, 396, 2158, 376, 1273, 29879, 1919, 3553, 353, 1273, 29881, 1919, 3283, 353, 1273, 269, 376, 1273, 29898, 3179, 1542, 29892, 3179, 29889, 333, 29892, 3179, 29889, 7830, 29885, 29918, 3283, 8443, 13, 9651, 4226, 353, 1361, 29889, 7830, 29885, 29918, 8945, 30004, 13, 9651, 5305, 353, 1361, 29889, 20845, 30004, 13, 9651, 5305, 1293, 29889, 4397, 3552, 8945, 29961, 29906, 12622, 30004, 13, 9651, 3001, 14438, 1280, 23661, 29896, 30004, 13, 30004, 13, 9651, 1596, 376, 1273, 29879, 338, 21981, 322, 1273, 29879, 338, 5305, 376, 1273, 313, 8945, 29961, 29906, 1402, 20845, 29961, 29900, 2314, 30004, 13, 1753, 1667, 7295, 30004, 13, 1678, 396, 6204, 263, 4559, 13254, 322, 4701, 30004, 13, 30004, 13, 1678, 13254, 353, 21029, 3962, 26471, 13, 1678, 4701, 353, 951, 481, 29889, 2956, 26471, 13, 30004, 13, 1678, 396, 6975, 278, 4559, 13254, 7150, 4959, 515, 278, 4701, 30004, 13, 1678, 4701, 29889, 1202, 29918, 25894, 29898, 25894, 8443, 13, 1678, 6756, 13, 1678, 396, 19152, 445, 1889, 2734, 2745, 9041, 338, 15385, 30004, 13, 1678, 1596, 376, 10923, 9041, 304, 23283, 17794, 30004, 13, 1678, 1018, 29901, 30004, 13, 4706, 10876, 29889, 4172, 262, 29889, 949, 1220, 26471, 13, 1678, 5174, 7670, 3377, 4074, 6685, 29901, 30004, 13, 4706, 1209, 30004, 13, 1678, 7146, 29901, 30004, 13, 4706, 396, 15154, 278, 4559, 13254, 746, 2309, 30004, 13, 4706, 4701, 29889, 5992, 29918, 25894, 29898, 25894, 8443, 13, 30004, 13, 30004, 13, 361, 4770, 978, 1649, 1275, 376, 1649, 3396, 1649, 1115, 30004, 13, 1678, 1667, 26471, 13, 1678, 6492, 9527, 26471, 13, 30004, 13, 2 ]
detector/effdet_cfg.py
HwangToeMat/tmp
10
190992
<filename>detector/effdet_cfg.py from easydict import EasyDict as edict cfg = edict() cfg.NMS_THRES = 0.6 cfg.CONFIDENCE = 0.1 cfg.NUM_CLASSES = 80
[ 1, 529, 9507, 29958, 4801, 3019, 29914, 12352, 4801, 29918, 16859, 29889, 2272, 13, 3166, 2240, 2941, 919, 1053, 382, 8995, 21533, 408, 1226, 919, 13, 13, 16859, 353, 1226, 919, 580, 13, 13, 16859, 29889, 29940, 4345, 29918, 4690, 15989, 353, 259, 29900, 29889, 29953, 13, 16859, 29889, 6007, 29943, 1367, 1430, 4741, 353, 29871, 29900, 29889, 29896, 13, 16859, 29889, 13967, 29918, 6154, 3289, 1660, 29903, 353, 29871, 29947, 29900, 13, 2 ]
src/homework/homework1.py
acc-cosc-1336/cosc-1336-spring-2018-Isaacol77
0
77697
<filename>src/homework/homework1.py def get_hours_since_midnight(seconds): ''' Type the code to calculate total hours given n(number) of seconds For example, given 3800 seconds the total hours is 1 ''' return (seconds//3600) ''' IF YOU ARE OK WITH A GRADE OF 70 FOR THIS ASSIGNMENT STOP HERE. ''' def get_minutes(seconds): ''' Type the code to calculate total minutes less whole hour given n(number) of seconds For example, given 3800 seconds the total minutes is 3 ''' seconds_left = (seconds % 3600) return (seconds_left // 60) def get_seconds(seconds): ''' Type the code to calculate total minutes less whole hour given n(number) of seconds For example, given 3800 seconds the total minutes is 20 ''' seconds_left = (seconds % 3600) return (seconds_left % 60) # used the // to get the amount of minutes left and the % to get the remaining seconds.
[ 1, 529, 9507, 29958, 4351, 29914, 5184, 1287, 29914, 5184, 1287, 29896, 29889, 2272, 13, 1753, 679, 29918, 29882, 2470, 29918, 16076, 29918, 6563, 11147, 29898, 23128, 1125, 13, 1678, 14550, 13, 1678, 5167, 278, 775, 304, 8147, 3001, 6199, 2183, 302, 29898, 4537, 29897, 310, 6923, 13, 1678, 1152, 1342, 29892, 2183, 29871, 29941, 29947, 29900, 29900, 6923, 278, 3001, 6199, 338, 29871, 29896, 13, 1678, 14550, 13, 1678, 736, 313, 23128, 458, 29941, 29953, 29900, 29900, 29897, 13, 13, 12008, 13, 6545, 612, 27269, 319, 1525, 9280, 22659, 319, 402, 4717, 2287, 8079, 29871, 29955, 29900, 15842, 3446, 3235, 319, 1799, 17298, 13780, 6850, 4590, 379, 27267, 29889, 13, 12008, 13, 13, 1753, 679, 29918, 1195, 2667, 29898, 23128, 1125, 13, 1678, 14550, 13, 1678, 5167, 278, 775, 304, 8147, 3001, 6233, 3109, 3353, 7234, 2183, 302, 29898, 4537, 29897, 310, 6923, 13, 1678, 1152, 1342, 29892, 2183, 29871, 29941, 29947, 29900, 29900, 6923, 278, 3001, 6233, 338, 29871, 29941, 13, 1678, 14550, 13, 1678, 6923, 29918, 1563, 353, 313, 23128, 1273, 29871, 29941, 29953, 29900, 29900, 29897, 13, 1678, 736, 313, 23128, 29918, 1563, 849, 29871, 29953, 29900, 29897, 13, 13, 1753, 679, 29918, 23128, 29898, 23128, 1125, 13, 1678, 14550, 13, 1678, 5167, 278, 775, 304, 8147, 3001, 6233, 3109, 3353, 7234, 2183, 302, 29898, 4537, 29897, 310, 6923, 13, 1678, 1152, 1342, 29892, 2183, 29871, 29941, 29947, 29900, 29900, 6923, 278, 3001, 6233, 338, 29871, 29906, 29900, 13, 1678, 14550, 13, 1678, 6923, 29918, 1563, 353, 313, 23128, 1273, 29871, 29941, 29953, 29900, 29900, 29897, 13, 1678, 736, 29871, 313, 23128, 29918, 1563, 1273, 29871, 29953, 29900, 29897, 13, 13, 29937, 1304, 278, 849, 304, 679, 278, 5253, 310, 6233, 2175, 322, 278, 1273, 304, 679, 278, 9886, 6923, 29889, 29871, 13, 2 ]
.venv/lib/python2.7/site-packages/ansible/module_utils/nxos.py
Achraf-Ben/Ansible-
0
13702
<gh_stars>0 # # This code is part of Ansible, but is an independent component. # # This particular file snippet, and this file snippet only, is BSD licensed. # Modules you write using this snippet, which is embedded dynamically by Ansible # still belong to the author of the module, and may assign their own license # to the complete work. # # (c) 2017 Red Hat, Inc. # # 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. # # THIS SOFTWARE IS PROVIDED BY THE COPYRIGHT HOLDERS AND CONTRIBUTORS "AS IS" AND # ANY EXPRESS OR IMPLIED WARRANTIES, INCLUDING, BUT NOT LIMITED TO, THE IMPLIED # WARRANTIES OF MERCHANTABILITY AND FITNESS FOR A PARTICULAR PURPOSE ARE DISCLAIMED. # IN NO EVENT SHALL THE COPYRIGHT HOLDER OR CONTRIBUTORS BE LIABLE FOR ANY DIRECT, INDIRECT, # INCIDENTAL, SPECIAL, EXEMPLARY, OR CONSEQUENTIAL DAMAGES (INCLUDING, BUT NOT LIMITED TO, # PROCUREMENT OF SUBSTITUTE GOODS OR SERVICES; LOSS OF USE, DATA, OR PROFITS; OR BUSINESS # INTERRUPTION) HOWEVER CAUSED AND ON ANY THEORY OF LIABILITY, WHETHER IN CONTRACT, STRICT # LIABILITY, OR TORT (INCLUDING NEGLIGENCE OR OTHERWISE) ARISING IN ANY WAY OUT OF THE # USE OF THIS SOFTWARE, EVEN IF ADVISED OF THE POSSIBILITY OF SUCH DAMAGE. # import collections from ansible.module_utils._text import to_text from ansible.module_utils.basic import env_fallback, return_values from ansible.module_utils.network_common import to_list, ComplexList from ansible.module_utils.connection import exec_command from ansible.module_utils.six import iteritems from ansible.module_utils.urls import fetch_url _DEVICE_CONNECTION = None nxos_provider_spec = { 'host': dict(), 'port': dict(type='int'), 'username': dict(fallback=(env_fallback, ['ANSIBLE_NET_USERNAME'])), 'password': dict(fallback=(env_fallback, ['ANSIBLE_NET_PASSWORD']), no_log=True), 'ssh_keyfile': dict(fallback=(env_fallback, ['ANSIBLE_NET_SSH_KEYFILE'])), 'use_ssl': dict(type='bool'), 'validate_certs': dict(type='bool'), 'timeout': dict(type='int'), 'transport': dict(default='cli', choices=['cli', 'nxapi']) } nxos_argument_spec = { 'provider': dict(type='dict', options=nxos_provider_spec), } nxos_argument_spec.update(nxos_provider_spec) # Add argument's default value here ARGS_DEFAULT_VALUE = { 'transport': 'cli' } def get_argspec(): return nxos_argument_spec def check_args(module, warnings): for key in nxos_argument_spec: if module._name == 'nxos_user': if key not in ['password', 'provider', 'transport'] and module.params[key]: warnings.append('argument %s has been deprecated and will be in a future version' % key) else: if key not in ['provider', 'transport'] and module.params[key]: warnings.append('argument %s has been deprecated and will be removed in a future version' % key) # set argument's default value if not provided in input # This is done to avoid unwanted argument deprecation warning # in case argument is not given as input (outside provider). for key in ARGS_DEFAULT_VALUE: if not module.params.get(key, None): module.params[key] = ARGS_DEFAULT_VALUE[key] def load_params(module): provider = module.params.get('provider') or dict() for key, value in iteritems(provider): if key in nxos_argument_spec: if module.params.get(key) is None and value is not None: module.params[key] = value def get_connection(module): global _DEVICE_CONNECTION if not _DEVICE_CONNECTION: load_params(module) if is_nxapi(module): conn = Nxapi(module) else: conn = Cli(module) _DEVICE_CONNECTION = conn return _DEVICE_CONNECTION class Cli: def __init__(self, module): self._module = module self._device_configs = {} def exec_command(self, command): if isinstance(command, dict): command = self._module.jsonify(command) return exec_command(self._module, command) def get_config(self, flags=[]): """Retrieves the current config from the device or cache """ cmd = 'show running-config ' cmd += ' '.join(flags) cmd = cmd.strip() try: return self._device_configs[cmd] except KeyError: rc, out, err = self.exec_command(cmd) if rc != 0: self._module.fail_json(msg=to_text(err, errors='surrogate_then_replace')) cfg = to_text(out, errors='surrogate_then_replace').strip() self._device_configs[cmd] = cfg return cfg def run_commands(self, commands, check_rc=True): """Run list of commands on remote device and return results """ responses = list() for item in to_list(commands): if item['output'] == 'json' and not is_json(item['command']): cmd = '%s | json' % item['command'] elif item['output'] == 'text' and is_json(item['command']): cmd = item['command'].split('|')[0] else: cmd = item['command'] rc, out, err = self.exec_command(cmd) out = to_text(out, errors='surrogate_then_replace') if check_rc and rc != 0: self._module.fail_json(msg=to_text(err, errors='surrogate_then_replace')) try: out = self._module.from_json(out) except ValueError: out = str(out).strip() responses.append(out) return responses def load_config(self, config, return_error=False): """Sends configuration commands to the remote device """ rc, out, err = self.exec_command('configure') if rc != 0: self._module.fail_json(msg='unable to enter configuration mode', output=to_text(err, errors='surrogate_then_replace')) msgs = [] for cmd in config: rc, out, err = self.exec_command(cmd) if rc != 0: self._module.fail_json(msg=to_text(err, errors='surrogate_then_replace')) elif out: msgs.append(out) self.exec_command('end') return msgs class Nxapi: OUTPUT_TO_COMMAND_TYPE = { 'text': 'cli_show_ascii', 'json': 'cli_show', 'bash': 'bash', 'config': 'cli_conf' } def __init__(self, module): self._module = module self._nxapi_auth = None self._device_configs = {} self._module.params['url_username'] = self._module.params['username'] self._module.params['url_password'] = self._module.params['password'] host = self._module.params['host'] port = self._module.params['port'] if self._module.params['use_ssl']: proto = 'https' port = port or 443 else: proto = 'http' port = port or 80 self._url = '%s://%s:%s/ins' % (proto, host, port) def _error(self, msg, **kwargs): self._nxapi_auth = None if 'url' not in kwargs: kwargs['url'] = self._url self._module.fail_json(msg=msg, **kwargs) def _request_builder(self, commands, output, version='1.0', chunk='0', sid=None): """Encodes a NXAPI JSON request message """ try: command_type = self.OUTPUT_TO_COMMAND_TYPE[output] except KeyError: msg = 'invalid format, received %s, expected one of %s' % \ (output, ','.join(self.OUTPUT_TO_COMMAND_TYPE.keys())) self._error(msg=msg) if isinstance(commands, (list, set, tuple)): commands = ' ;'.join(commands) msg = { 'version': version, 'type': command_type, 'chunk': chunk, 'sid': sid, 'input': commands, 'output_format': 'json' } return dict(ins_api=msg) def send_request(self, commands, output='text', check_status=True, return_error=False): # only 10 show commands can be encoded in each request # messages sent to the remote device if output != 'config': commands = collections.deque(to_list(commands)) stack = list() requests = list() while commands: stack.append(commands.popleft()) if len(stack) == 10: body = self._request_builder(stack, output) data = self._module.jsonify(body) requests.append(data) stack = list() if stack: body = self._request_builder(stack, output) data = self._module.jsonify(body) requests.append(data) else: body = self._request_builder(commands, 'config') requests = [self._module.jsonify(body)] headers = {'Content-Type': 'application/json'} result = list() timeout = self._module.params['timeout'] for req in requests: if self._nxapi_auth: headers['Cookie'] = self._nxapi_auth response, headers = fetch_url( self._module, self._url, data=req, headers=headers, timeout=timeout, method='POST' ) self._nxapi_auth = headers.get('set-cookie') if headers['status'] != 200: self._error(**headers) try: response = self._module.from_json(response.read()) except ValueError: self._module.fail_json(msg='unable to parse response') if response['ins_api'].get('outputs'): output = response['ins_api']['outputs']['output'] for item in to_list(output): if check_status and item['code'] != '200': if return_error: result.append(item) else: self._error(output=output, **item) elif 'body' in item: result.append(item['body']) # else: # error in command but since check_status is disabled # silently drop it. # result.append(item['msg']) return result def get_config(self, flags=[]): """Retrieves the current config from the device or cache """ cmd = 'show running-config ' cmd += ' '.join(flags) cmd = cmd.strip() try: return self._device_configs[cmd] except KeyError: out = self.send_request(cmd) cfg = str(out[0]).strip() self._device_configs[cmd] = cfg return cfg def run_commands(self, commands, check_rc=True): """Run list of commands on remote device and return results """ output = None queue = list() responses = list() def _send(commands, output): return self.send_request(commands, output, check_status=check_rc) for item in to_list(commands): if is_json(item['command']): item['command'] = str(item['command']).split('|')[0] item['output'] = 'json' if all((output == 'json', item['output'] == 'text')) or all((output == 'text', item['output'] == 'json')): responses.extend(_send(queue, output)) queue = list() output = item['output'] or 'json' queue.append(item['command']) if queue: responses.extend(_send(queue, output)) return responses def load_config(self, commands, return_error=False): """Sends the ordered set of commands to the device """ commands = to_list(commands) msg = self.send_request(commands, output='config', check_status=True, return_error=return_error) if return_error: return msg else: return [] def is_json(cmd): return str(cmd).endswith('| json') def is_text(cmd): return not is_json(cmd) def is_nxapi(module): transport = module.params['transport'] provider_transport = (module.params['provider'] or {}).get('transport') return 'nxapi' in (transport, provider_transport) def to_command(module, commands): if is_nxapi(module): default_output = 'json' else: default_output = 'text' transform = ComplexList(dict( command=dict(key=True), output=dict(default=default_output), prompt=dict(), answer=dict() ), module) commands = transform(to_list(commands)) for item in commands: if is_json(item['command']): item['output'] = 'json' return commands def get_config(module, flags=[]): conn = get_connection(module) return conn.get_config(flags) def run_commands(module, commands, check_rc=True): conn = get_connection(module) return conn.run_commands(to_command(module, commands), check_rc) def load_config(module, config, return_error=False): conn = get_connection(module) return conn.load_config(config, return_error=return_error)
[ 1, 529, 12443, 29918, 303, 1503, 29958, 29900, 13, 29937, 13, 29937, 910, 775, 338, 760, 310, 530, 1687, 29892, 541, 338, 385, 7417, 4163, 29889, 13, 29937, 13, 29937, 910, 3153, 934, 11534, 29892, 322, 445, 934, 11534, 871, 29892, 338, 350, 7230, 7794, 21144, 29889, 13, 29937, 3382, 2540, 366, 2436, 773, 445, 11534, 29892, 607, 338, 15685, 11200, 491, 530, 1687, 13, 29937, 1603, 6852, 304, 278, 4148, 310, 278, 3883, 29892, 322, 1122, 3566, 1009, 1914, 19405, 13, 29937, 304, 278, 4866, 664, 29889, 13, 29937, 13, 29937, 313, 29883, 29897, 29871, 29906, 29900, 29896, 29955, 4367, 25966, 29892, 9266, 29889, 13, 29937, 13, 29937, 4367, 391, 3224, 322, 671, 297, 2752, 322, 7581, 7190, 29892, 411, 470, 1728, 21733, 29892, 13, 29937, 526, 21905, 4944, 393, 278, 1494, 5855, 526, 1539, 29901, 13, 29937, 13, 29937, 1678, 334, 4367, 391, 3224, 29879, 310, 2752, 775, 1818, 11551, 278, 2038, 3509, 1266, 13, 29937, 418, 8369, 29892, 445, 1051, 310, 5855, 322, 278, 1494, 2313, 433, 4193, 29889, 13, 29937, 1678, 334, 4367, 391, 3224, 29879, 297, 7581, 883, 1818, 18532, 278, 2038, 3509, 1266, 8369, 29892, 13, 29937, 418, 445, 1051, 310, 5855, 322, 278, 1494, 2313, 433, 4193, 297, 278, 5106, 13, 29937, 418, 322, 29914, 272, 916, 17279, 4944, 411, 278, 4978, 29889, 13, 29937, 13, 29937, 3446, 3235, 7791, 7818, 12982, 1525, 8519, 13756, 13044, 3352, 6770, 6093, 315, 4590, 29979, 22789, 3912, 379, 5607, 8032, 29903, 5300, 8707, 29911, 3960, 29933, 2692, 24125, 376, 3289, 8519, 29908, 5300, 13, 29937, 13764, 29979, 8528, 15094, 1799, 6323, 306, 3580, 5265, 3352, 399, 1718, 29934, 13566, 29059, 29892, 2672, 6154, 15789, 4214, 29892, 350, 2692, 6058, 27848, 3352, 7495, 29892, 6093, 306, 3580, 5265, 3352, 13, 29937, 399, 1718, 29934, 13566, 29059, 8079, 341, 1001, 3210, 13566, 2882, 6227, 11937, 5300, 383, 1806, 8186, 1799, 15842, 319, 349, 8322, 2965, 13309, 1718, 349, 4574, 13152, 1660, 319, 1525, 28657, 13875, 8890, 29928, 29889, 13, 29937, 2672, 11698, 382, 29963, 3919, 24972, 9818, 6093, 315, 4590, 29979, 22789, 3912, 379, 5607, 8032, 6323, 8707, 29911, 3960, 29933, 2692, 24125, 20700, 17705, 6181, 15842, 13764, 29979, 22471, 26282, 29892, 2672, 4571, 26282, 29892, 13, 29937, 2672, 29907, 1367, 3919, 1964, 29892, 317, 4162, 8426, 1964, 29892, 8528, 29923, 3580, 29931, 19926, 29892, 6323, 8707, 1660, 13356, 3919, 25758, 21330, 1529, 1692, 29903, 313, 1177, 6154, 15789, 4214, 29892, 350, 2692, 6058, 27848, 3352, 7495, 29892, 13, 29937, 13756, 29907, 11499, 13780, 8079, 27092, 1254, 1806, 26027, 21947, 29949, 8452, 6323, 26996, 29963, 2965, 2890, 29936, 11247, 1799, 8079, 501, 1660, 29892, 360, 8254, 29892, 6323, 13756, 29943, 1806, 29903, 29936, 6323, 350, 3308, 8895, 1799, 13, 29937, 2672, 4945, 29934, 4897, 29911, 2725, 29897, 29832, 8851, 5348, 12766, 17171, 29928, 5300, 6732, 13764, 29979, 6093, 18929, 8079, 17705, 2882, 6227, 11937, 29892, 12317, 2544, 4448, 2672, 8707, 29911, 4717, 1783, 29892, 6850, 3960, 1783, 13, 29937, 17705, 2882, 6227, 11937, 29892, 6323, 323, 8476, 313, 1177, 6154, 15789, 4214, 405, 11787, 5265, 24647, 4741, 6323, 438, 29911, 4448, 22119, 1660, 29897, 9033, 3235, 4214, 2672, 13764, 29979, 399, 29909, 29979, 19474, 8079, 6093, 13, 29937, 501, 1660, 8079, 3446, 3235, 7791, 7818, 12982, 1525, 29892, 382, 29963, 1430, 10762, 11033, 18118, 1660, 29928, 8079, 6093, 21521, 1799, 8979, 6227, 11937, 8079, 20134, 3210, 21330, 1529, 1692, 29889, 13, 29937, 13, 13, 5215, 16250, 13, 13, 3166, 385, 1687, 29889, 5453, 29918, 13239, 3032, 726, 1053, 304, 29918, 726, 13, 3166, 385, 1687, 29889, 5453, 29918, 13239, 29889, 16121, 1053, 8829, 29918, 11950, 1627, 29892, 736, 29918, 5975, 13, 3166, 385, 1687, 29889, 5453, 29918, 13239, 29889, 11618, 29918, 9435, 1053, 304, 29918, 1761, 29892, 26596, 1293, 13, 3166, 385, 1687, 29889, 5453, 29918, 13239, 29889, 9965, 1053, 2279, 29918, 6519, 13, 3166, 385, 1687, 29889, 5453, 29918, 13239, 29889, 28319, 1053, 4256, 7076, 13, 3166, 385, 1687, 29889, 5453, 29918, 13239, 29889, 26045, 1053, 6699, 29918, 2271, 13, 13, 29918, 2287, 19059, 29918, 6007, 8186, 9838, 353, 6213, 13, 13, 23818, 359, 29918, 18121, 29918, 6550, 353, 426, 13, 1678, 525, 3069, 2396, 9657, 3285, 13, 1678, 525, 637, 2396, 9657, 29898, 1853, 2433, 524, 5477, 13, 13, 1678, 525, 6786, 2396, 9657, 29898, 11950, 1627, 7607, 6272, 29918, 11950, 1627, 29892, 6024, 2190, 5425, 29933, 1307, 29918, 6006, 29918, 11889, 5813, 2033, 8243, 13, 1678, 525, 5630, 2396, 9657, 29898, 11950, 1627, 7607, 6272, 29918, 11950, 1627, 29892, 6024, 2190, 5425, 29933, 1307, 29918, 6006, 29918, 25711, 17013, 2033, 511, 694, 29918, 1188, 29922, 5574, 511, 13, 1678, 525, 15269, 29918, 1989, 1445, 2396, 9657, 29898, 11950, 1627, 7607, 6272, 29918, 11950, 1627, 29892, 6024, 2190, 5425, 29933, 1307, 29918, 6006, 29918, 1799, 29950, 29918, 10818, 7724, 2033, 8243, 13, 13, 1678, 525, 1509, 29918, 16265, 2396, 9657, 29898, 1853, 2433, 11227, 5477, 13, 1678, 525, 15480, 29918, 6327, 29879, 2396, 9657, 29898, 1853, 2433, 11227, 5477, 13, 1678, 525, 15619, 2396, 9657, 29898, 1853, 2433, 524, 5477, 13, 13, 1678, 525, 27882, 2396, 9657, 29898, 4381, 2433, 11303, 742, 19995, 29922, 1839, 11303, 742, 525, 23818, 2754, 11287, 13, 29913, 13, 23818, 359, 29918, 23516, 29918, 6550, 353, 426, 13, 1678, 525, 18121, 2396, 9657, 29898, 1853, 2433, 8977, 742, 3987, 29922, 23818, 359, 29918, 18121, 29918, 6550, 511, 13, 29913, 13, 23818, 359, 29918, 23516, 29918, 6550, 29889, 5504, 29898, 23818, 359, 29918, 18121, 29918, 6550, 29897, 13, 13, 29937, 3462, 2980, 29915, 29879, 2322, 995, 1244, 13, 1718, 10749, 29918, 23397, 29918, 19143, 353, 426, 13, 1678, 525, 27882, 2396, 525, 11303, 29915, 13, 29913, 13, 13, 13, 1753, 679, 29918, 5085, 3135, 7295, 13, 1678, 736, 302, 29916, 359, 29918, 23516, 29918, 6550, 13, 13, 13, 1753, 1423, 29918, 5085, 29898, 5453, 29892, 18116, 1125, 13, 1678, 363, 1820, 297, 302, 29916, 359, 29918, 23516, 29918, 6550, 29901, 13, 4706, 565, 3883, 3032, 978, 1275, 525, 23818, 359, 29918, 1792, 2396, 13, 9651, 565, 1820, 451, 297, 6024, 5630, 742, 525, 18121, 742, 525, 27882, 2033, 322, 3883, 29889, 7529, 29961, 1989, 5387, 13, 18884, 18116, 29889, 4397, 877, 23516, 1273, 29879, 756, 1063, 18164, 322, 674, 367, 297, 263, 5434, 1873, 29915, 1273, 1820, 29897, 13, 4706, 1683, 29901, 13, 9651, 565, 1820, 451, 297, 6024, 18121, 742, 525, 27882, 2033, 322, 3883, 29889, 7529, 29961, 1989, 5387, 13, 18884, 18116, 29889, 4397, 877, 23516, 1273, 29879, 756, 1063, 18164, 322, 674, 367, 6206, 297, 263, 5434, 1873, 29915, 1273, 1820, 29897, 13, 13, 1678, 396, 731, 2980, 29915, 29879, 2322, 995, 565, 451, 4944, 297, 1881, 13, 1678, 396, 910, 338, 2309, 304, 4772, 18500, 9714, 2980, 16460, 362, 9177, 13, 1678, 396, 297, 1206, 2980, 338, 451, 2183, 408, 1881, 313, 449, 2975, 13113, 467, 13, 1678, 363, 1820, 297, 9033, 10749, 29918, 23397, 29918, 19143, 29901, 13, 4706, 565, 451, 3883, 29889, 7529, 29889, 657, 29898, 1989, 29892, 6213, 1125, 13, 9651, 3883, 29889, 7529, 29961, 1989, 29962, 353, 9033, 10749, 29918, 23397, 29918, 19143, 29961, 1989, 29962, 13, 13, 13, 1753, 2254, 29918, 7529, 29898, 5453, 1125, 13, 1678, 13113, 353, 3883, 29889, 7529, 29889, 657, 877, 18121, 1495, 470, 9657, 580, 13, 1678, 363, 1820, 29892, 995, 297, 4256, 7076, 29898, 18121, 1125, 13, 4706, 565, 1820, 297, 302, 29916, 359, 29918, 23516, 29918, 6550, 29901, 13, 9651, 565, 3883, 29889, 7529, 29889, 657, 29898, 1989, 29897, 338, 6213, 322, 995, 338, 451, 6213, 29901, 13, 18884, 3883, 29889, 7529, 29961, 1989, 29962, 353, 995, 13, 13, 13, 1753, 679, 29918, 9965, 29898, 5453, 1125, 13, 1678, 5534, 903, 2287, 19059, 29918, 6007, 8186, 9838, 13, 1678, 565, 451, 903, 2287, 19059, 29918, 6007, 8186, 9838, 29901, 13, 4706, 2254, 29918, 7529, 29898, 5453, 29897, 13, 4706, 565, 338, 29918, 23818, 2754, 29898, 5453, 1125, 13, 9651, 11009, 353, 405, 29916, 2754, 29898, 5453, 29897, 13, 4706, 1683, 29901, 13, 9651, 11009, 353, 315, 492, 29898, 5453, 29897, 13, 4706, 903, 2287, 19059, 29918, 6007, 8186, 9838, 353, 11009, 13, 1678, 736, 903, 2287, 19059, 29918, 6007, 8186, 9838, 13, 13, 13, 1990, 315, 492, 29901, 13, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 3883, 1125, 13, 4706, 1583, 3032, 5453, 353, 3883, 13, 4706, 1583, 3032, 10141, 29918, 2917, 29879, 353, 6571, 13, 13, 1678, 822, 2279, 29918, 6519, 29898, 1311, 29892, 1899, 1125, 13, 4706, 565, 338, 8758, 29898, 6519, 29892, 9657, 1125, 13, 9651, 1899, 353, 1583, 3032, 5453, 29889, 3126, 1598, 29898, 6519, 29897, 13, 4706, 736, 2279, 29918, 6519, 29898, 1311, 3032, 5453, 29892, 1899, 29897, 13, 13, 1678, 822, 679, 29918, 2917, 29898, 1311, 29892, 13449, 29922, 2636, 1125, 13, 4706, 9995, 8015, 2546, 1960, 278, 1857, 2295, 515, 278, 4742, 470, 7090, 13, 4706, 9995, 13, 4706, 9920, 353, 525, 4294, 2734, 29899, 2917, 525, 13, 4706, 9920, 4619, 525, 15300, 7122, 29898, 15764, 29897, 13, 4706, 9920, 353, 9920, 29889, 17010, 580, 13, 13, 4706, 1018, 29901, 13, 9651, 736, 1583, 3032, 10141, 29918, 2917, 29879, 29961, 9006, 29962, 13, 4706, 5174, 7670, 2392, 29901, 13, 9651, 364, 29883, 29892, 714, 29892, 4589, 353, 1583, 29889, 4258, 29918, 6519, 29898, 9006, 29897, 13, 9651, 565, 364, 29883, 2804, 29871, 29900, 29901, 13, 18884, 1583, 3032, 5453, 29889, 14057, 29918, 3126, 29898, 7645, 29922, 517, 29918, 726, 29898, 3127, 29892, 4436, 2433, 7610, 9102, 403, 29918, 6098, 29918, 6506, 8785, 13, 9651, 274, 16434, 353, 304, 29918, 726, 29898, 449, 29892, 4436, 2433, 7610, 9102, 403, 29918, 6098, 29918, 6506, 2824, 17010, 580, 13, 9651, 1583, 3032, 10141, 29918, 2917, 29879, 29961, 9006, 29962, 353, 274, 16434, 13, 9651, 736, 274, 16434, 13, 13, 1678, 822, 1065, 29918, 26381, 29898, 1311, 29892, 8260, 29892, 1423, 29918, 2214, 29922, 5574, 1125, 13, 4706, 9995, 6558, 1051, 310, 8260, 373, 7592, 4742, 322, 736, 2582, 13, 4706, 9995, 13, 4706, 20890, 353, 1051, 580, 13, 13, 4706, 363, 2944, 297, 304, 29918, 1761, 29898, 26381, 1125, 13, 9651, 565, 2944, 1839, 4905, 2033, 1275, 525, 3126, 29915, 322, 451, 338, 29918, 3126, 29898, 667, 1839, 6519, 2033, 1125, 13, 18884, 9920, 353, 14210, 29879, 891, 4390, 29915, 1273, 2944, 1839, 6519, 2033, 13, 9651, 25342, 2944, 1839, 4905, 2033, 1275, 525, 726, 29915, 322, 338, 29918, 3126, 29898, 667, 1839, 6519, 2033, 1125, 13, 18884, 9920, 353, 2944, 1839, 6519, 13359, 5451, 877, 29989, 29861, 29900, 29962, 13, 9651, 1683, 29901, 13, 18884, 9920, 353, 2944, 1839, 6519, 2033, 13, 13, 9651, 364, 29883, 29892, 714, 29892, 4589, 353, 1583, 29889, 4258, 29918, 6519, 29898, 9006, 29897, 13, 9651, 714, 353, 304, 29918, 726, 29898, 449, 29892, 4436, 2433, 7610, 9102, 403, 29918, 6098, 29918, 6506, 1495, 13, 9651, 565, 1423, 29918, 2214, 322, 364, 29883, 2804, 29871, 29900, 29901, 13, 18884, 1583, 3032, 5453, 29889, 14057, 29918, 3126, 29898, 7645, 29922, 517, 29918, 726, 29898, 3127, 29892, 4436, 2433, 7610, 9102, 403, 29918, 6098, 29918, 6506, 8785, 13, 13, 9651, 1018, 29901, 13, 18884, 714, 353, 1583, 3032, 5453, 29889, 3166, 29918, 3126, 29898, 449, 29897, 13, 9651, 5174, 7865, 2392, 29901, 13, 18884, 714, 353, 851, 29898, 449, 467, 17010, 580, 13, 13, 9651, 20890, 29889, 4397, 29898, 449, 29897, 13, 4706, 736, 20890, 13, 13, 1678, 822, 2254, 29918, 2917, 29898, 1311, 29892, 2295, 29892, 736, 29918, 2704, 29922, 8824, 1125, 13, 4706, 9995, 29903, 1975, 5285, 8260, 304, 278, 7592, 4742, 13, 4706, 9995, 13, 13, 4706, 364, 29883, 29892, 714, 29892, 4589, 353, 1583, 29889, 4258, 29918, 6519, 877, 17591, 1495, 13, 4706, 565, 364, 29883, 2804, 29871, 29900, 29901, 13, 9651, 1583, 3032, 5453, 29889, 14057, 29918, 3126, 29898, 7645, 2433, 348, 519, 304, 3896, 5285, 4464, 742, 1962, 29922, 517, 29918, 726, 29898, 3127, 29892, 4436, 2433, 7610, 9102, 403, 29918, 6098, 29918, 6506, 8785, 13, 13, 4706, 10887, 3174, 353, 5159, 13, 4706, 363, 9920, 297, 2295, 29901, 13, 9651, 364, 29883, 29892, 714, 29892, 4589, 353, 1583, 29889, 4258, 29918, 6519, 29898, 9006, 29897, 13, 9651, 565, 364, 29883, 2804, 29871, 29900, 29901, 13, 18884, 1583, 3032, 5453, 29889, 14057, 29918, 3126, 29898, 7645, 29922, 517, 29918, 726, 29898, 3127, 29892, 4436, 2433, 7610, 9102, 403, 29918, 6098, 29918, 6506, 8785, 13, 9651, 25342, 714, 29901, 13, 18884, 10887, 3174, 29889, 4397, 29898, 449, 29897, 13, 13, 4706, 1583, 29889, 4258, 29918, 6519, 877, 355, 1495, 13, 4706, 736, 10887, 3174, 13, 13, 13, 1990, 405, 29916, 2754, 29901, 13, 13, 1678, 19474, 12336, 29918, 4986, 29918, 19795, 1529, 2797, 29918, 11116, 353, 426, 13, 4706, 525, 726, 2396, 525, 11303, 29918, 4294, 29918, 294, 18869, 742, 13, 4706, 525, 3126, 2396, 525, 11303, 29918, 4294, 742, 13, 4706, 525, 13067, 2396, 525, 13067, 742, 13, 4706, 525, 2917, 2396, 525, 11303, 29918, 5527, 29915, 13, 1678, 500, 13, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 3883, 1125, 13, 4706, 1583, 3032, 5453, 353, 3883, 13, 4706, 1583, 3032, 23818, 2754, 29918, 5150, 353, 6213, 13, 4706, 1583, 3032, 10141, 29918, 2917, 29879, 353, 6571, 13, 13, 4706, 1583, 3032, 5453, 29889, 7529, 1839, 2271, 29918, 6786, 2033, 353, 1583, 3032, 5453, 29889, 7529, 1839, 6786, 2033, 13, 4706, 1583, 3032, 5453, 29889, 7529, 1839, 2271, 29918, 5630, 2033, 353, 1583, 3032, 5453, 29889, 7529, 1839, 5630, 2033, 13, 13, 4706, 3495, 353, 1583, 3032, 5453, 29889, 7529, 1839, 3069, 2033, 13, 4706, 2011, 353, 1583, 3032, 5453, 29889, 7529, 1839, 637, 2033, 13, 13, 4706, 565, 1583, 3032, 5453, 29889, 7529, 1839, 1509, 29918, 16265, 2033, 29901, 13, 9651, 17814, 353, 525, 991, 29915, 13, 9651, 2011, 353, 2011, 470, 29871, 29946, 29946, 29941, 13, 4706, 1683, 29901, 13, 9651, 17814, 353, 525, 1124, 29915, 13, 9651, 2011, 353, 2011, 470, 29871, 29947, 29900, 13, 13, 4706, 1583, 3032, 2271, 353, 14210, 29879, 597, 29995, 29879, 16664, 29879, 29914, 1144, 29915, 1273, 313, 17529, 29892, 3495, 29892, 2011, 29897, 13, 13, 1678, 822, 903, 2704, 29898, 1311, 29892, 10191, 29892, 3579, 19290, 1125, 13, 4706, 1583, 3032, 23818, 2754, 29918, 5150, 353, 6213, 13, 4706, 565, 525, 2271, 29915, 451, 297, 9049, 5085, 29901, 13, 9651, 9049, 5085, 1839, 2271, 2033, 353, 1583, 3032, 2271, 13, 4706, 1583, 3032, 5453, 29889, 14057, 29918, 3126, 29898, 7645, 29922, 7645, 29892, 3579, 19290, 29897, 13, 13, 1678, 822, 903, 3827, 29918, 16409, 29898, 1311, 29892, 8260, 29892, 1962, 29892, 1873, 2433, 29896, 29889, 29900, 742, 19875, 2433, 29900, 742, 25349, 29922, 8516, 1125, 13, 4706, 9995, 8566, 2631, 263, 405, 29990, 8787, 4663, 2009, 2643, 13, 4706, 9995, 13, 4706, 1018, 29901, 13, 9651, 1899, 29918, 1853, 353, 1583, 29889, 12015, 12336, 29918, 4986, 29918, 19795, 1529, 2797, 29918, 11116, 29961, 4905, 29962, 13, 4706, 5174, 7670, 2392, 29901, 13, 9651, 10191, 353, 525, 20965, 3402, 29892, 4520, 1273, 29879, 29892, 3806, 697, 310, 1273, 29879, 29915, 1273, 320, 13, 18884, 313, 4905, 29892, 13420, 4286, 7122, 29898, 1311, 29889, 12015, 12336, 29918, 4986, 29918, 19795, 1529, 2797, 29918, 11116, 29889, 8149, 22130, 13, 9651, 1583, 3032, 2704, 29898, 7645, 29922, 7645, 29897, 13, 13, 4706, 565, 338, 8758, 29898, 26381, 29892, 313, 1761, 29892, 731, 29892, 18761, 22164, 13, 9651, 8260, 353, 525, 2056, 4286, 7122, 29898, 26381, 29897, 13, 13, 4706, 10191, 353, 426, 13, 9651, 525, 3259, 2396, 1873, 29892, 13, 9651, 525, 1853, 2396, 1899, 29918, 1853, 29892, 13, 9651, 525, 29812, 2396, 19875, 29892, 13, 9651, 525, 29879, 333, 2396, 25349, 29892, 13, 9651, 525, 2080, 2396, 8260, 29892, 13, 9651, 525, 4905, 29918, 4830, 2396, 525, 3126, 29915, 13, 4706, 500, 13, 13, 4706, 736, 9657, 29898, 1144, 29918, 2754, 29922, 7645, 29897, 13, 13, 1678, 822, 3638, 29918, 3827, 29898, 1311, 29892, 8260, 29892, 1962, 2433, 726, 742, 1423, 29918, 4882, 29922, 5574, 29892, 736, 29918, 2704, 29922, 8824, 1125, 13, 4706, 396, 871, 29871, 29896, 29900, 1510, 8260, 508, 367, 18511, 297, 1269, 2009, 13, 4706, 396, 7191, 2665, 304, 278, 7592, 4742, 13, 4706, 565, 1962, 2804, 525, 2917, 2396, 13, 9651, 8260, 353, 16250, 29889, 311, 802, 29898, 517, 29918, 1761, 29898, 26381, 876, 13, 9651, 5096, 353, 1051, 580, 13, 9651, 7274, 353, 1051, 580, 13, 13, 9651, 1550, 8260, 29901, 13, 18884, 5096, 29889, 4397, 29898, 26381, 29889, 7323, 1563, 3101, 13, 18884, 565, 7431, 29898, 1429, 29897, 1275, 29871, 29896, 29900, 29901, 13, 462, 1678, 3573, 353, 1583, 3032, 3827, 29918, 16409, 29898, 1429, 29892, 1962, 29897, 13, 462, 1678, 848, 353, 1583, 3032, 5453, 29889, 3126, 1598, 29898, 2587, 29897, 13, 462, 1678, 7274, 29889, 4397, 29898, 1272, 29897, 13, 462, 1678, 5096, 353, 1051, 580, 13, 13, 9651, 565, 5096, 29901, 13, 18884, 3573, 353, 1583, 3032, 3827, 29918, 16409, 29898, 1429, 29892, 1962, 29897, 13, 18884, 848, 353, 1583, 3032, 5453, 29889, 3126, 1598, 29898, 2587, 29897, 13, 18884, 7274, 29889, 4397, 29898, 1272, 29897, 13, 13, 4706, 1683, 29901, 13, 9651, 3573, 353, 1583, 3032, 3827, 29918, 16409, 29898, 26381, 29892, 525, 2917, 1495, 13, 9651, 7274, 353, 518, 1311, 3032, 5453, 29889, 3126, 1598, 29898, 2587, 4638, 13, 13, 4706, 9066, 353, 11117, 3916, 29899, 1542, 2396, 525, 6214, 29914, 3126, 10827, 13, 4706, 1121, 353, 1051, 580, 13, 4706, 11815, 353, 1583, 3032, 5453, 29889, 7529, 1839, 15619, 2033, 13, 13, 4706, 363, 12428, 297, 7274, 29901, 13, 9651, 565, 1583, 3032, 23818, 2754, 29918, 5150, 29901, 13, 18884, 9066, 1839, 24914, 2033, 353, 1583, 3032, 23818, 2754, 29918, 5150, 13, 13, 9651, 2933, 29892, 9066, 353, 6699, 29918, 2271, 29898, 13, 18884, 1583, 3032, 5453, 29892, 1583, 3032, 2271, 29892, 848, 29922, 7971, 29892, 9066, 29922, 13662, 29892, 13, 18884, 11815, 29922, 15619, 29892, 1158, 2433, 5438, 29915, 13, 9651, 1723, 13, 9651, 1583, 3032, 23818, 2754, 29918, 5150, 353, 9066, 29889, 657, 877, 842, 29899, 21509, 1495, 13, 13, 9651, 565, 9066, 1839, 4882, 2033, 2804, 29871, 29906, 29900, 29900, 29901, 13, 18884, 1583, 3032, 2704, 29898, 1068, 13662, 29897, 13, 13, 9651, 1018, 29901, 13, 18884, 2933, 353, 1583, 3032, 5453, 29889, 3166, 29918, 3126, 29898, 5327, 29889, 949, 3101, 13, 9651, 5174, 7865, 2392, 29901, 13, 18884, 1583, 3032, 5453, 29889, 14057, 29918, 3126, 29898, 7645, 2433, 348, 519, 304, 6088, 2933, 1495, 13, 13, 9651, 565, 2933, 1839, 1144, 29918, 2754, 13359, 657, 877, 4905, 29879, 29374, 13, 18884, 1962, 353, 2933, 1839, 1144, 29918, 2754, 16215, 4905, 29879, 16215, 4905, 2033, 13, 18884, 363, 2944, 297, 304, 29918, 1761, 29898, 4905, 1125, 13, 462, 1678, 565, 1423, 29918, 4882, 322, 2944, 1839, 401, 2033, 2804, 525, 29906, 29900, 29900, 2396, 13, 462, 4706, 565, 736, 29918, 2704, 29901, 13, 462, 9651, 1121, 29889, 4397, 29898, 667, 29897, 13, 462, 4706, 1683, 29901, 13, 462, 9651, 1583, 3032, 2704, 29898, 4905, 29922, 4905, 29892, 3579, 667, 29897, 13, 462, 1678, 25342, 525, 2587, 29915, 297, 2944, 29901, 13, 462, 4706, 1121, 29889, 4397, 29898, 667, 1839, 2587, 11287, 13, 462, 1678, 396, 1683, 29901, 13, 462, 4706, 396, 1059, 297, 1899, 541, 1951, 1423, 29918, 4882, 338, 12708, 13, 462, 4706, 396, 4047, 2705, 5768, 372, 29889, 13, 462, 4706, 396, 1121, 29889, 4397, 29898, 667, 1839, 7645, 11287, 13, 13, 9651, 736, 1121, 13, 13, 1678, 822, 679, 29918, 2917, 29898, 1311, 29892, 13449, 29922, 2636, 1125, 13, 4706, 9995, 8015, 2546, 1960, 278, 1857, 2295, 515, 278, 4742, 470, 7090, 13, 4706, 9995, 13, 4706, 9920, 353, 525, 4294, 2734, 29899, 2917, 525, 13, 4706, 9920, 4619, 525, 15300, 7122, 29898, 15764, 29897, 13, 4706, 9920, 353, 9920, 29889, 17010, 580, 13, 13, 4706, 1018, 29901, 13, 9651, 736, 1583, 3032, 10141, 29918, 2917, 29879, 29961, 9006, 29962, 13, 4706, 5174, 7670, 2392, 29901, 13, 9651, 714, 353, 1583, 29889, 6717, 29918, 3827, 29898, 9006, 29897, 13, 9651, 274, 16434, 353, 851, 29898, 449, 29961, 29900, 14664, 17010, 580, 13, 9651, 1583, 3032, 10141, 29918, 2917, 29879, 29961, 9006, 29962, 353, 274, 16434, 13, 9651, 736, 274, 16434, 13, 13, 1678, 822, 1065, 29918, 26381, 29898, 1311, 29892, 8260, 29892, 1423, 29918, 2214, 29922, 5574, 1125, 13, 4706, 9995, 6558, 1051, 310, 8260, 373, 7592, 4742, 322, 736, 2582, 13, 4706, 9995, 13, 4706, 1962, 353, 6213, 13, 4706, 9521, 353, 1051, 580, 13, 4706, 20890, 353, 1051, 580, 13, 13, 4706, 822, 903, 6717, 29898, 26381, 29892, 1962, 1125, 13, 9651, 736, 1583, 29889, 6717, 29918, 3827, 29898, 26381, 29892, 1962, 29892, 1423, 29918, 4882, 29922, 3198, 29918, 2214, 29897, 13, 13, 4706, 363, 2944, 297, 304, 29918, 1761, 29898, 26381, 1125, 13, 9651, 565, 338, 29918, 3126, 29898, 667, 1839, 6519, 2033, 1125, 13, 18884, 2944, 1839, 6519, 2033, 353, 851, 29898, 667, 1839, 6519, 2033, 467, 5451, 877, 29989, 29861, 29900, 29962, 13, 18884, 2944, 1839, 4905, 2033, 353, 525, 3126, 29915, 13, 13, 9651, 565, 599, 3552, 4905, 1275, 525, 3126, 742, 2944, 1839, 4905, 2033, 1275, 525, 726, 8785, 470, 599, 3552, 4905, 1275, 525, 726, 742, 2944, 1839, 4905, 2033, 1275, 525, 3126, 8785, 29901, 13, 18884, 20890, 29889, 21843, 7373, 6717, 29898, 9990, 29892, 1962, 876, 13, 18884, 9521, 353, 1051, 580, 13, 13, 9651, 1962, 353, 2944, 1839, 4905, 2033, 470, 525, 3126, 29915, 13, 9651, 9521, 29889, 4397, 29898, 667, 1839, 6519, 11287, 13, 13, 4706, 565, 9521, 29901, 13, 9651, 20890, 29889, 21843, 7373, 6717, 29898, 9990, 29892, 1962, 876, 13, 13, 4706, 736, 20890, 13, 13, 1678, 822, 2254, 29918, 2917, 29898, 1311, 29892, 8260, 29892, 736, 29918, 2704, 29922, 8824, 1125, 13, 4706, 9995, 29903, 1975, 278, 10372, 731, 310, 8260, 304, 278, 4742, 13, 4706, 9995, 13, 4706, 8260, 353, 304, 29918, 1761, 29898, 26381, 29897, 13, 4706, 10191, 353, 1583, 29889, 6717, 29918, 3827, 29898, 26381, 29892, 1962, 2433, 2917, 742, 1423, 29918, 4882, 29922, 5574, 29892, 736, 29918, 2704, 29922, 2457, 29918, 2704, 29897, 13, 4706, 565, 736, 29918, 2704, 29901, 13, 9651, 736, 10191, 13, 4706, 1683, 29901, 13, 9651, 736, 5159, 13, 13, 13, 1753, 338, 29918, 3126, 29898, 9006, 1125, 13, 1678, 736, 851, 29898, 9006, 467, 1975, 2541, 877, 29989, 4390, 1495, 13, 13, 13, 1753, 338, 29918, 726, 29898, 9006, 1125, 13, 1678, 736, 451, 338, 29918, 3126, 29898, 9006, 29897, 13, 13, 13, 1753, 338, 29918, 23818, 2754, 29898, 5453, 1125, 13, 1678, 8608, 353, 3883, 29889, 7529, 1839, 27882, 2033, 13, 1678, 13113, 29918, 27882, 353, 313, 5453, 29889, 7529, 1839, 18121, 2033, 470, 6571, 467, 657, 877, 27882, 1495, 13, 1678, 736, 525, 23818, 2754, 29915, 297, 313, 27882, 29892, 13113, 29918, 27882, 29897, 13, 13, 13, 1753, 304, 29918, 6519, 29898, 5453, 29892, 8260, 1125, 13, 1678, 565, 338, 29918, 23818, 2754, 29898, 5453, 1125, 13, 4706, 2322, 29918, 4905, 353, 525, 3126, 29915, 13, 1678, 1683, 29901, 13, 4706, 2322, 29918, 4905, 353, 525, 726, 29915, 13, 13, 1678, 4327, 353, 26596, 1293, 29898, 8977, 29898, 13, 4706, 1899, 29922, 8977, 29898, 1989, 29922, 5574, 511, 13, 4706, 1962, 29922, 8977, 29898, 4381, 29922, 4381, 29918, 4905, 511, 13, 4706, 9508, 29922, 8977, 3285, 13, 4706, 1234, 29922, 8977, 580, 13, 1678, 10353, 3883, 29897, 13, 13, 1678, 8260, 353, 4327, 29898, 517, 29918, 1761, 29898, 26381, 876, 13, 13, 1678, 363, 2944, 297, 8260, 29901, 13, 4706, 565, 338, 29918, 3126, 29898, 667, 1839, 6519, 2033, 1125, 13, 9651, 2944, 1839, 4905, 2033, 353, 525, 3126, 29915, 13, 13, 1678, 736, 8260, 13, 13, 13, 1753, 679, 29918, 2917, 29898, 5453, 29892, 13449, 29922, 2636, 1125, 13, 1678, 11009, 353, 679, 29918, 9965, 29898, 5453, 29897, 13, 1678, 736, 11009, 29889, 657, 29918, 2917, 29898, 15764, 29897, 13, 13, 13, 1753, 1065, 29918, 26381, 29898, 5453, 29892, 8260, 29892, 1423, 29918, 2214, 29922, 5574, 1125, 13, 1678, 11009, 353, 679, 29918, 9965, 29898, 5453, 29897, 13, 1678, 736, 11009, 29889, 3389, 29918, 26381, 29898, 517, 29918, 6519, 29898, 5453, 29892, 8260, 511, 1423, 29918, 2214, 29897, 13, 13, 13, 1753, 2254, 29918, 2917, 29898, 5453, 29892, 2295, 29892, 736, 29918, 2704, 29922, 8824, 1125, 13, 1678, 11009, 353, 679, 29918, 9965, 29898, 5453, 29897, 13, 1678, 736, 11009, 29889, 1359, 29918, 2917, 29898, 2917, 29892, 736, 29918, 2704, 29922, 2457, 29918, 2704, 29897, 13, 2 ]
module_st/F_find_DEM_bn.py
Qinayan/Soil-thickness
0
109408
#!/usr/bin/env python3 # -*- coding: utf-8 -*- """ Created on Mon Aug 12 15:21:31 2019 @author: qinayan """ import os import numpy as np def find_DEM_bn(eta): #------------- # find the boundary index #------------- nrows,ncols = eta.shape eta_vector = eta.flatten()*1.0 validID = np.where(eta_vector>0)[0] xn = [-1,0,1,-1,1,-1, 0, 1] yn = [1, 1,1, 0,0,-1,-1,-1] bn_ID = [] ghostbn_ID = [] for i in validID: irows = i//ncols icols = i%ncols for n in range (0,8): if (irows+xn[n]<=nrows-1) and (irows+xn[n]>=0) and (icols+yn[n]<=ncols-1) and icols+yn[n]>=0: if eta[irows+xn[n],icols+yn[n]] < 0.0: bn_ID.append((irows)*ncols+(icols)) ghostbn_ID.append((irows+xn[n])*ncols+(icols+yn[n])) #-------------- # remove duplicate numbers in bn_ID. bn_ID has duplicate number happends # when the bondary grid has more than one # neighbours which is outsided of the dem domain #-------------- bn_ID_unique = [] for item in bn_ID: if item not in bn_ID_unique: bn_ID_unique.append(item) bn_ID_unique_arr = np.array(bn_ID_unique) bn_ID_arr = np.array(bn_ID) ghostbn_ID_arr = np.array(ghostbn_ID) current_dir = os.getcwd() os.chdir(current_dir+'/GeoData/') np.save('DEM_Sf_bn_id',bn_ID_unique_arr) # save the ID without deleteing duplicate numbers np.save('DEM_Sf_bn_id_dup',bn_ID_arr) np.save('DEM_Sf_ghostbn_id_dup',ghostbn_ID_arr) os.chdir(current_dir) return (bn_ID_unique_arr, bn_ID_arr,ghostbn_ID_arr)
[ 1, 18787, 4855, 29914, 2109, 29914, 6272, 3017, 29941, 13, 29937, 448, 29930, 29899, 14137, 29901, 23616, 29899, 29947, 448, 29930, 29899, 13, 15945, 29908, 13, 20399, 373, 2598, 22333, 29871, 29896, 29906, 29871, 29896, 29945, 29901, 29906, 29896, 29901, 29941, 29896, 29871, 29906, 29900, 29896, 29929, 13, 13, 29992, 8921, 29901, 3855, 262, 388, 273, 13, 15945, 29908, 13, 5215, 2897, 13, 5215, 12655, 408, 7442, 13, 13, 1753, 1284, 29918, 2287, 29924, 29918, 11197, 29898, 1187, 1125, 13, 29937, 9072, 29899, 13, 29937, 1284, 278, 10452, 2380, 13, 29937, 9072, 29899, 13, 1678, 302, 5727, 29892, 29876, 22724, 353, 634, 29874, 29889, 12181, 13, 1678, 634, 29874, 29918, 8111, 29871, 353, 634, 29874, 29889, 1579, 8606, 580, 29930, 29896, 29889, 29900, 13, 1678, 2854, 1367, 268, 353, 7442, 29889, 3062, 29898, 1187, 29918, 8111, 29958, 29900, 9601, 29900, 29962, 13, 268, 13, 1678, 921, 29876, 353, 21069, 29896, 29892, 29900, 29892, 29896, 6653, 29896, 29892, 29896, 6653, 29896, 29892, 29871, 29900, 29892, 29871, 29896, 29962, 13, 1678, 343, 29876, 353, 518, 29896, 29892, 29871, 29896, 29892, 29896, 29892, 29871, 29900, 29892, 29900, 6653, 29896, 6653, 29896, 6653, 29896, 29962, 13, 1678, 289, 29876, 29918, 1367, 353, 5159, 13, 1678, 330, 3069, 11197, 29918, 1367, 353, 5159, 13, 1678, 363, 474, 297, 2854, 1367, 29901, 13, 4706, 474, 5727, 353, 474, 458, 29876, 22724, 13, 4706, 16077, 3775, 353, 474, 29995, 29876, 22724, 13, 4706, 363, 302, 297, 3464, 313, 29900, 29892, 29947, 1125, 13, 9651, 565, 313, 29875, 5727, 29974, 29916, 29876, 29961, 29876, 29962, 14065, 29876, 5727, 29899, 29896, 29897, 322, 313, 29875, 5727, 29974, 29916, 29876, 29961, 29876, 29962, 18572, 29900, 29897, 322, 313, 293, 3775, 29974, 948, 29961, 29876, 29962, 14065, 29876, 22724, 29899, 29896, 29897, 322, 16077, 3775, 29974, 948, 29961, 29876, 29962, 18572, 29900, 29901, 13, 18884, 565, 634, 29874, 29961, 29875, 5727, 29974, 29916, 29876, 29961, 29876, 1402, 293, 3775, 29974, 948, 29961, 29876, 5262, 529, 29871, 29900, 29889, 29900, 29901, 13, 462, 1678, 289, 29876, 29918, 1367, 29889, 4397, 3552, 29875, 5727, 11877, 29876, 22724, 17108, 293, 3775, 876, 13, 462, 1678, 330, 3069, 11197, 29918, 1367, 29889, 4397, 3552, 29875, 5727, 29974, 29916, 29876, 29961, 29876, 2314, 29930, 29876, 22724, 17108, 293, 3775, 29974, 948, 29961, 29876, 12622, 13, 1678, 396, 9072, 489, 1678, 13, 1678, 396, 3349, 7929, 3694, 297, 289, 29876, 29918, 1367, 29889, 289, 29876, 29918, 1367, 756, 7929, 1353, 2250, 1975, 29871, 13, 1678, 396, 746, 278, 21224, 653, 6856, 756, 901, 1135, 697, 13, 1678, 396, 22092, 2470, 607, 338, 714, 29879, 2618, 310, 278, 1261, 5354, 13, 1678, 396, 9072, 489, 13, 268, 13, 1678, 289, 29876, 29918, 1367, 29918, 13092, 353, 5159, 13, 1678, 363, 2944, 297, 289, 29876, 29918, 1367, 29901, 13, 4706, 565, 2944, 451, 297, 289, 29876, 29918, 1367, 29918, 13092, 29901, 13, 9651, 289, 29876, 29918, 1367, 29918, 13092, 29889, 4397, 29898, 667, 29897, 13, 632, 13, 1678, 289, 29876, 29918, 1367, 29918, 13092, 29918, 2749, 353, 7442, 29889, 2378, 29898, 11197, 29918, 1367, 29918, 13092, 29897, 268, 13, 1678, 289, 29876, 29918, 1367, 29918, 2749, 353, 7442, 29889, 2378, 29898, 11197, 29918, 1367, 29897, 268, 13, 1678, 330, 3069, 11197, 29918, 1367, 29918, 2749, 353, 7442, 29889, 2378, 29898, 29887, 3069, 11197, 29918, 1367, 29897, 13, 268, 13, 1678, 1857, 29918, 3972, 353, 2897, 29889, 657, 29883, 9970, 580, 13, 1678, 2897, 29889, 305, 3972, 29898, 3784, 29918, 3972, 23097, 29914, 7999, 29877, 1469, 29914, 1495, 539, 13, 1678, 7442, 29889, 7620, 877, 2287, 29924, 29918, 29903, 29888, 29918, 11197, 29918, 333, 742, 11197, 29918, 1367, 29918, 13092, 29918, 2749, 29897, 13, 1678, 396, 4078, 278, 3553, 1728, 5217, 292, 7929, 3694, 13, 1678, 7442, 29889, 7620, 877, 2287, 29924, 29918, 29903, 29888, 29918, 11197, 29918, 333, 29918, 20908, 742, 11197, 29918, 1367, 29918, 2749, 29897, 29871, 13, 268, 13, 1678, 7442, 29889, 7620, 877, 2287, 29924, 29918, 29903, 29888, 29918, 29887, 3069, 11197, 29918, 333, 29918, 20908, 742, 29887, 3069, 11197, 29918, 1367, 29918, 2749, 29897, 13, 268, 13, 1678, 2897, 29889, 305, 3972, 29898, 3784, 29918, 3972, 29897, 13, 268, 13, 1678, 736, 313, 11197, 29918, 1367, 29918, 13092, 29918, 2749, 29892, 289, 29876, 29918, 1367, 29918, 2749, 29892, 29887, 3069, 11197, 29918, 1367, 29918, 2749, 29897, 2 ]
holocron/utils/data/collate.py
MateoLostanlen/Holocron
181
145348
<reponame>MateoLostanlen/Holocron # Copyright (C) 2019-2021, <NAME>. # This program is licensed under the Apache License version 2. # See LICENSE or go to <https://www.apache.org/licenses/LICENSE-2.0.txt> for full license details. import numpy as np import torch from torch import Tensor from torch.utils.data._utils.collate import default_collate from typing import Tuple, List __all__ = ['mixup_collate'] def mixup_collate(data: List[Tuple[Tensor, int]], alpha: float = 0.1) -> Tuple[Tensor, Tensor, Tensor, float]: """Implements a batch collate function with MixUp strategy from `"mixup: Beyond Empirical Risk Minimization" <https://arxiv.org/pdf/1710.09412.pdf>`_ Args: data: list of elements alpha: mixup factor Returns: interpolated input original target resorted target interpolation factor Example:: >>> import torch >>> from holocron import utils >>> loader = torch.utils.data.DataLoader(dataset, batch_size, collate_fn=utils.data.mixup_collate) """ inputs, targets = default_collate(data) # Sample lambda if alpha > 0: lam = np.random.beta(alpha, alpha) else: lam = 1 # Mix batch indices batch_size = inputs.size()[0] index = torch.randperm(batch_size) # Create the new input and targets inputs = lam * inputs + (1 - lam) * inputs[index, :] targets_a, targets_b = targets, targets[index] return inputs, targets_a, targets_b, lam
[ 1, 529, 276, 1112, 420, 29958, 29924, 403, 29877, 29931, 520, 273, 2435, 29914, 19984, 542, 1617, 13, 29937, 14187, 1266, 313, 29907, 29897, 29871, 29906, 29900, 29896, 29929, 29899, 29906, 29900, 29906, 29896, 29892, 529, 5813, 15513, 13, 13, 29937, 910, 1824, 338, 7794, 21144, 1090, 278, 13380, 19245, 1873, 29871, 29906, 29889, 13, 29937, 2823, 365, 2965, 1430, 1660, 470, 748, 304, 529, 991, 597, 1636, 29889, 4288, 29889, 990, 29914, 506, 11259, 29914, 27888, 1430, 1660, 29899, 29906, 29889, 29900, 29889, 3945, 29958, 363, 2989, 19405, 4902, 29889, 13, 13, 5215, 12655, 408, 7442, 13, 5215, 4842, 305, 13, 3166, 4842, 305, 1053, 323, 6073, 13, 3166, 4842, 305, 29889, 13239, 29889, 1272, 3032, 13239, 29889, 1054, 9632, 1053, 2322, 29918, 1054, 9632, 13, 3166, 19229, 1053, 12603, 552, 29892, 2391, 13, 13, 13, 1649, 497, 1649, 353, 6024, 28084, 786, 29918, 1054, 9632, 2033, 13, 13, 13, 1753, 6837, 786, 29918, 1054, 9632, 29898, 1272, 29901, 2391, 29961, 23215, 552, 29961, 29911, 6073, 29892, 938, 20526, 15595, 29901, 5785, 353, 29871, 29900, 29889, 29896, 29897, 1599, 12603, 552, 29961, 29911, 6073, 29892, 323, 6073, 29892, 323, 6073, 29892, 5785, 5387, 13, 1678, 9995, 1888, 9711, 263, 9853, 5321, 403, 740, 411, 23478, 3373, 13705, 515, 13, 1678, 10248, 28084, 786, 29901, 18502, 898, 7361, 381, 936, 390, 3873, 3080, 326, 2133, 29908, 529, 991, 597, 279, 26560, 29889, 990, 29914, 5140, 29914, 29896, 29955, 29896, 29900, 29889, 29900, 29929, 29946, 29896, 29906, 29889, 5140, 13885, 29918, 13, 13, 1678, 826, 3174, 29901, 13, 4706, 848, 29901, 1051, 310, 3161, 13, 4706, 15595, 29901, 6837, 786, 7329, 13, 13, 1678, 16969, 29901, 13, 4706, 20064, 630, 1881, 13, 4706, 2441, 3646, 13, 4706, 620, 18054, 3646, 13, 4706, 29694, 7329, 13, 13, 1678, 8741, 1057, 13, 4706, 8653, 1053, 4842, 305, 13, 4706, 8653, 515, 8753, 542, 1617, 1053, 3667, 29879, 13, 4706, 8653, 23466, 353, 4842, 305, 29889, 13239, 29889, 1272, 29889, 1469, 10036, 29898, 24713, 29892, 9853, 29918, 2311, 29892, 5321, 403, 29918, 9144, 29922, 13239, 29889, 1272, 29889, 28084, 786, 29918, 1054, 9632, 29897, 13, 1678, 9995, 13, 13, 1678, 10970, 29892, 22525, 353, 2322, 29918, 1054, 9632, 29898, 1272, 29897, 13, 13, 1678, 396, 30081, 17708, 14013, 13, 1678, 565, 15595, 1405, 29871, 29900, 29901, 13, 4706, 301, 314, 353, 7442, 29889, 8172, 29889, 3571, 29898, 2312, 29892, 15595, 29897, 13, 1678, 1683, 29901, 13, 4706, 301, 314, 353, 29871, 29896, 13, 13, 1678, 396, 23478, 9853, 16285, 13, 1678, 9853, 29918, 2311, 353, 10970, 29889, 2311, 580, 29961, 29900, 29962, 13, 1678, 2380, 353, 4842, 305, 29889, 9502, 17858, 29898, 16175, 29918, 2311, 29897, 13, 13, 1678, 396, 6204, 278, 716, 1881, 322, 22525, 13, 1678, 10970, 353, 301, 314, 334, 10970, 718, 313, 29896, 448, 301, 314, 29897, 334, 10970, 29961, 2248, 29892, 584, 29962, 13, 1678, 22525, 29918, 29874, 29892, 22525, 29918, 29890, 353, 22525, 29892, 22525, 29961, 2248, 29962, 13, 13, 1678, 736, 10970, 29892, 22525, 29918, 29874, 29892, 22525, 29918, 29890, 29892, 301, 314, 13, 2 ]
openstates/data/migrations/0042_delete_personcontactdetail.py
csnardi/openstates-core
9
1604329
<reponame>csnardi/openstates-core # Generated by Django 3.2.2 on 2021-10-13 19:07 from django.db import migrations class Migration(migrations.Migration): dependencies = [ ("data", "0041_personoffice"), ] operations = [ migrations.DeleteModel( name="PersonContactDetail", ), ]
[ 1, 529, 276, 1112, 420, 29958, 2395, 29876, 18015, 29914, 3150, 28631, 29899, 3221, 13, 29937, 3251, 630, 491, 15337, 29871, 29941, 29889, 29906, 29889, 29906, 373, 29871, 29906, 29900, 29906, 29896, 29899, 29896, 29900, 29899, 29896, 29941, 29871, 29896, 29929, 29901, 29900, 29955, 13, 13, 3166, 9557, 29889, 2585, 1053, 9725, 800, 13, 13, 13, 1990, 341, 16783, 29898, 26983, 800, 29889, 29924, 16783, 1125, 13, 13, 1678, 9962, 353, 518, 13, 4706, 4852, 1272, 613, 376, 29900, 29900, 29946, 29896, 29918, 10532, 20205, 4968, 13, 1678, 4514, 13, 13, 1678, 6931, 353, 518, 13, 4706, 9725, 800, 29889, 12498, 3195, 29898, 13, 9651, 1024, 543, 7435, 13443, 16570, 613, 13, 4706, 10353, 13, 1678, 4514, 13, 2 ]
Medium/Remove Covered Intervals.py
Koushik-Deb/LeetCode
0
196399
class Solution: def removeCoveredIntervals(self, intervals: List[List[int]]) -> int: intervals.sort(reverse=True,key=lambda x:(x[1],-x[0])) # print(intervals) slen = len(intervals) count = slen for i in range(slen-1): # print(intervals[i],intervals[i+1]) if intervals[i][0]<=intervals[i+1][0] and intervals[i][1]>=intervals[i+1][1]: # print("wh") intervals[i+1] = intervals[i] count-=1 return count
[ 1, 770, 24380, 29901, 13, 1678, 822, 3349, 29907, 957, 287, 12506, 29879, 29898, 1311, 29892, 18747, 29901, 2391, 29961, 1293, 29961, 524, 24960, 1599, 938, 29901, 13, 4706, 18747, 29889, 6605, 29898, 24244, 29922, 5574, 29892, 1989, 29922, 2892, 921, 5919, 29916, 29961, 29896, 1402, 29899, 29916, 29961, 29900, 12622, 13, 4706, 396, 1596, 29898, 19207, 29879, 29897, 13, 4706, 2243, 264, 353, 7431, 29898, 19207, 29879, 29897, 13, 4706, 2302, 353, 2243, 264, 13, 4706, 363, 474, 297, 3464, 29898, 29879, 2435, 29899, 29896, 1125, 13, 9651, 396, 1596, 29898, 19207, 29879, 29961, 29875, 1402, 19207, 29879, 29961, 29875, 29974, 29896, 2314, 13, 9651, 565, 18747, 29961, 29875, 3816, 29900, 29962, 14065, 19207, 29879, 29961, 29875, 29974, 29896, 3816, 29900, 29962, 322, 18747, 29961, 29875, 3816, 29896, 29962, 18572, 19207, 29879, 29961, 29875, 29974, 29896, 3816, 29896, 5387, 13, 18884, 396, 1596, 703, 1332, 1159, 13, 18884, 18747, 29961, 29875, 29974, 29896, 29962, 353, 18747, 29961, 29875, 29962, 13, 18884, 2302, 29899, 29922, 29896, 13, 4706, 736, 2302, 13, 268, 2 ]
app/consumers.py
hongphuong0211/Shrimp-Farming-Management-System
1
174957
<filename>app/consumers.py from channels.generic.websocket import AsyncWebsocketConsumer import json class Consumer(AsyncWebsocketConsumer): async def connect(self): self.user_name = self.scope['url_route']['kwargs']['user_name'] await self.channel_layer.group_add( self.user_name, self.channel_name ) await self.accept() async def disconnect(self, close_code): await self.channel_layer.group_discard( self.user_name, self.channel_name ) await self.close() async def update_params(self, event): await self.send(text_data=json.dumps(event['text']))
[ 1, 529, 9507, 29958, 932, 29914, 25978, 414, 29889, 2272, 13, 3166, 18196, 29889, 19206, 29889, 2676, 11514, 1053, 20688, 3609, 11514, 13696, 4680, 13, 5215, 4390, 13, 13, 13, 1990, 2138, 4680, 29898, 8123, 3609, 11514, 13696, 4680, 1125, 13, 1678, 7465, 822, 4511, 29898, 1311, 1125, 13, 4706, 1583, 29889, 1792, 29918, 978, 353, 1583, 29889, 6078, 1839, 2271, 29918, 13134, 16215, 19290, 16215, 1792, 29918, 978, 2033, 13, 13, 4706, 7272, 1583, 29889, 12719, 29918, 13148, 29889, 2972, 29918, 1202, 29898, 13, 9651, 1583, 29889, 1792, 29918, 978, 29892, 13, 9651, 1583, 29889, 12719, 29918, 978, 13, 4706, 1723, 13, 13, 4706, 7272, 1583, 29889, 16044, 580, 13, 13, 1678, 7465, 822, 766, 6915, 29898, 1311, 29892, 3802, 29918, 401, 1125, 13, 13, 4706, 7272, 1583, 29889, 12719, 29918, 13148, 29889, 2972, 29918, 2218, 7543, 29898, 13, 9651, 1583, 29889, 1792, 29918, 978, 29892, 13, 9651, 1583, 29889, 12719, 29918, 978, 13, 4706, 1723, 13, 4706, 7272, 1583, 29889, 5358, 580, 13, 268, 13, 1678, 7465, 822, 2767, 29918, 7529, 29898, 1311, 29892, 1741, 1125, 13, 4706, 7272, 1583, 29889, 6717, 29898, 726, 29918, 1272, 29922, 3126, 29889, 29881, 17204, 29898, 3696, 1839, 726, 25901, 13, 13, 308, 2 ]
src/webpub_manifest_parser/epub/ast.py
tdilauro/webpub-manifest-parser
1
72222
<reponame>tdilauro/webpub-manifest-parser from webpub_manifest_parser.core.ast import LinkProperties, Metadata, Node from webpub_manifest_parser.core.parsers import ArrayParser, EnumParser from webpub_manifest_parser.core.properties import ( EnumProperty, IntegerProperty, Property, StringProperty, TypeProperty, URIProperty, ) class EPUBPresentationHints(Node): """EPUB presentation hints.""" layout = EnumProperty("layout", required=False, items=["fixed", "reflowable"]) class EPUBMetadata(Metadata): """EPUB metadata.""" presentation = TypeProperty( "presentation", required=False, nested_type=EPUBPresentationHints ) class EPUBEncryptionSettings(Node): """EPUB encryption settings.""" algorithm = URIProperty("algorithm", required=True) compression = StringProperty("compression", required=False) original_length = IntegerProperty("originalLength", required=False) profile = URIProperty("profile", required=False) scheme = URIProperty("scheme", required=False) class EPUBLinkProperties(LinkProperties): """EPUB link properties.""" contains = Property( "contains", required=False, parser=ArrayParser( item_parser=EnumParser( ["mathml", "onix", "remote-resources", "js", "svg", "xmp"] ), unique_items=True, ), ) layout = EnumProperty("layout", False, ["fixed", "reflowable"]) encryption_settings = TypeProperty("encrypted", False, EPUBEncryptionSettings)
[ 1, 529, 276, 1112, 420, 29958, 1594, 309, 585, 307, 29914, 2676, 5467, 29899, 29135, 29899, 16680, 13, 3166, 1856, 5467, 29918, 29135, 29918, 16680, 29889, 3221, 29889, 579, 1053, 6645, 11857, 29892, 4737, 7221, 29892, 9071, 13, 3166, 1856, 5467, 29918, 29135, 29918, 16680, 29889, 3221, 29889, 862, 4253, 1053, 4398, 11726, 29892, 1174, 398, 11726, 13, 3166, 1856, 5467, 29918, 29135, 29918, 16680, 29889, 3221, 29889, 11330, 1053, 313, 13, 1678, 1174, 398, 4854, 29892, 13, 1678, 8102, 4854, 29892, 13, 1678, 9079, 29892, 13, 1678, 1714, 4854, 29892, 13, 1678, 5167, 4854, 29892, 13, 1678, 23539, 4854, 29892, 13, 29897, 13, 13, 13, 1990, 382, 7056, 29933, 13504, 9233, 29950, 9466, 29898, 4247, 1125, 13, 1678, 9995, 29923, 7056, 29933, 24329, 26085, 1213, 15945, 13, 13, 1678, 5912, 353, 1174, 398, 4854, 703, 2680, 613, 3734, 29922, 8824, 29892, 4452, 29922, 3366, 20227, 613, 376, 999, 677, 519, 20068, 13, 13, 13, 1990, 382, 7056, 29933, 18417, 29898, 18417, 1125, 13, 1678, 9995, 29923, 7056, 29933, 15562, 1213, 15945, 13, 13, 1678, 24329, 353, 5167, 4854, 29898, 13, 4706, 376, 26081, 613, 3734, 29922, 8824, 29892, 9322, 29918, 1853, 29922, 29923, 7056, 29933, 13504, 9233, 29950, 9466, 13, 1678, 1723, 13, 13, 13, 1990, 382, 7056, 29933, 8566, 14272, 9585, 29898, 4247, 1125, 13, 1678, 9995, 29923, 7056, 29933, 20956, 6055, 1213, 15945, 13, 13, 1678, 5687, 353, 23539, 4854, 703, 20567, 613, 3734, 29922, 5574, 29897, 13, 1678, 24221, 353, 1714, 4854, 703, 510, 2590, 613, 3734, 29922, 8824, 29897, 13, 1678, 2441, 29918, 2848, 353, 8102, 4854, 703, 13492, 6513, 613, 3734, 29922, 8824, 29897, 13, 1678, 8722, 353, 23539, 4854, 703, 10185, 613, 3734, 29922, 8824, 29897, 13, 1678, 11380, 353, 23539, 4854, 703, 816, 2004, 613, 3734, 29922, 8824, 29897, 13, 13, 13, 1990, 382, 7056, 29933, 6595, 11857, 29898, 6595, 11857, 1125, 13, 1678, 9995, 29923, 7056, 29933, 1544, 4426, 1213, 15945, 13, 13, 1678, 3743, 353, 9079, 29898, 13, 4706, 376, 11516, 613, 13, 4706, 3734, 29922, 8824, 29892, 13, 4706, 13812, 29922, 2588, 11726, 29898, 13, 9651, 2944, 29918, 16680, 29922, 16854, 11726, 29898, 13, 18884, 6796, 755, 828, 613, 376, 265, 861, 613, 376, 16674, 29899, 13237, 613, 376, 1315, 613, 376, 15120, 613, 376, 29916, 1526, 3108, 13, 9651, 10353, 13, 9651, 5412, 29918, 7076, 29922, 5574, 29892, 13, 4706, 10353, 13, 1678, 1723, 13, 1678, 5912, 353, 1174, 398, 4854, 703, 2680, 613, 7700, 29892, 6796, 20227, 613, 376, 999, 677, 519, 20068, 13, 1678, 20956, 29918, 11027, 353, 5167, 4854, 703, 3977, 14740, 613, 7700, 29892, 382, 7056, 29933, 8566, 14272, 9585, 29897, 13, 2 ]
src/ikea_api/__init__.py
momoson/ikea-api-client
14
80891
<reponame>momoson/ikea-api-client<gh_stars>10-100 from __future__ import annotations from typing import Any from ikea_api._constants import Constants from ikea_api._endpoints.auth import get_guest_token from ikea_api._endpoints.cart import Cart from ikea_api._endpoints.item_ingka import IngkaItems from ikea_api._endpoints.item_iows import IowsItems from ikea_api._endpoints.item_pip import PipItem from ikea_api._endpoints.order_capture import OrderCapture from ikea_api._endpoints.purchases import Purchases from ikea_api._endpoints.search import Search, SearchType from ikea_api._utils import format_item_code, parse_item_codes __all__ = [ "IKEA", "IngkaItems", "IowsItems", "PipItem", "format_item_code", "parse_item_codes", ] class IKEA: token: str def __init__( self, token: str | None = None, *, country_code: str = "ru", language_code: str = "ru", ) -> None: self.token = token # type: ignore Constants.COUNTRY_CODE = country_code Constants.LANGUAGE_CODE = language_code def login_as_guest(self) -> None: """Log in as guest. Token expires in 30 days.""" self.token = get_guest_token() @property def cart(self) -> Cart: """Manage cart.""" if not hasattr(self, "_cart"): self._cart = Cart(self.token) return self._cart def order_capture( self, *, zip_code: str, state_code: str | None = None ) -> OrderCapture: """Get available delivery services.""" return OrderCapture(self.token, zip_code=zip_code, state_code=state_code) @property def purchases(self) -> Purchases: """Get information about your purchases.""" if not hasattr(self, "_purchases"): self._purchases = Purchases(self.token) return self._purchases def search( self, query: str, *, limit: int = 24, types: list[SearchType] = ["PRODUCT"] ) -> dict[str, dict[str, Any] | list[Any]]: """Search the IKEA product catalog by product name""" return Search()(query=query, limit=limit, types=types)
[ 1, 529, 276, 1112, 420, 29958, 29885, 290, 359, 265, 29914, 9345, 29874, 29899, 2754, 29899, 4645, 29966, 12443, 29918, 303, 1503, 29958, 29896, 29900, 29899, 29896, 29900, 29900, 13, 3166, 4770, 29888, 9130, 1649, 1053, 25495, 13, 13, 3166, 19229, 1053, 3139, 13, 13, 3166, 474, 446, 29874, 29918, 2754, 3032, 3075, 1934, 1053, 5798, 1934, 13, 3166, 474, 446, 29874, 29918, 2754, 3032, 355, 9748, 29889, 5150, 1053, 679, 29918, 2543, 342, 29918, 6979, 13, 3166, 474, 446, 29874, 29918, 2754, 3032, 355, 9748, 29889, 13823, 1053, 12370, 13, 3166, 474, 446, 29874, 29918, 2754, 3032, 355, 9748, 29889, 667, 29918, 292, 1335, 1053, 22607, 1335, 6913, 13, 3166, 474, 446, 29874, 29918, 2754, 3032, 355, 9748, 29889, 667, 29918, 29875, 1242, 1053, 306, 1242, 6913, 13, 3166, 474, 446, 29874, 29918, 2754, 3032, 355, 9748, 29889, 667, 29918, 13096, 1053, 349, 666, 2001, 13, 3166, 474, 446, 29874, 29918, 2754, 3032, 355, 9748, 29889, 2098, 29918, 17885, 545, 1053, 8170, 21133, 545, 13, 3166, 474, 446, 29874, 29918, 2754, 3032, 355, 9748, 29889, 29886, 2458, 2129, 1053, 349, 2458, 2129, 13, 3166, 474, 446, 29874, 29918, 2754, 3032, 355, 9748, 29889, 4478, 1053, 11856, 29892, 11856, 1542, 13, 3166, 474, 446, 29874, 29918, 2754, 3032, 13239, 1053, 3402, 29918, 667, 29918, 401, 29892, 6088, 29918, 667, 29918, 18137, 13, 13, 1649, 497, 1649, 353, 518, 13, 1678, 376, 29902, 6059, 29909, 613, 13, 1678, 376, 797, 29887, 1335, 6913, 613, 13, 1678, 376, 29902, 1242, 6913, 613, 13, 1678, 376, 29925, 666, 2001, 613, 13, 1678, 376, 4830, 29918, 667, 29918, 401, 613, 13, 1678, 376, 5510, 29918, 667, 29918, 18137, 613, 13, 29962, 13, 13, 13, 1990, 306, 6059, 29909, 29901, 13, 1678, 5993, 29901, 851, 13, 13, 1678, 822, 4770, 2344, 12035, 13, 4706, 1583, 29892, 13, 4706, 5993, 29901, 851, 891, 6213, 353, 6213, 29892, 13, 4706, 334, 29892, 13, 4706, 4234, 29918, 401, 29901, 851, 353, 376, 582, 613, 13, 4706, 4086, 29918, 401, 29901, 851, 353, 376, 582, 613, 13, 1678, 1723, 1599, 6213, 29901, 13, 4706, 1583, 29889, 6979, 353, 5993, 29871, 396, 1134, 29901, 11455, 13, 4706, 5798, 1934, 29889, 3217, 3904, 5659, 29979, 29918, 16524, 353, 4234, 29918, 401, 13, 4706, 5798, 1934, 29889, 29931, 19453, 29965, 10461, 29918, 16524, 353, 4086, 29918, 401, 13, 13, 1678, 822, 6464, 29918, 294, 29918, 2543, 342, 29898, 1311, 29897, 1599, 6213, 29901, 13, 4706, 9995, 3403, 297, 408, 17838, 29889, 25159, 1518, 2658, 297, 29871, 29941, 29900, 3841, 1213, 15945, 13, 4706, 1583, 29889, 6979, 353, 679, 29918, 2543, 342, 29918, 6979, 580, 13, 13, 1678, 732, 6799, 13, 1678, 822, 7774, 29898, 1311, 29897, 1599, 12370, 29901, 13, 4706, 9995, 2517, 482, 7774, 1213, 15945, 13, 4706, 565, 451, 756, 5552, 29898, 1311, 29892, 11119, 13823, 29908, 1125, 13, 9651, 1583, 3032, 13823, 353, 12370, 29898, 1311, 29889, 6979, 29897, 13, 4706, 736, 1583, 3032, 13823, 13, 13, 1678, 822, 1797, 29918, 17885, 545, 29898, 13, 4706, 1583, 29892, 334, 29892, 14319, 29918, 401, 29901, 851, 29892, 2106, 29918, 401, 29901, 851, 891, 6213, 353, 6213, 13, 1678, 1723, 1599, 8170, 21133, 545, 29901, 13, 4706, 9995, 2577, 3625, 28289, 5786, 1213, 15945, 13, 4706, 736, 8170, 21133, 545, 29898, 1311, 29889, 6979, 29892, 14319, 29918, 401, 29922, 7554, 29918, 401, 29892, 2106, 29918, 401, 29922, 3859, 29918, 401, 29897, 13, 13, 1678, 732, 6799, 13, 1678, 822, 10596, 2129, 29898, 1311, 29897, 1599, 349, 2458, 2129, 29901, 13, 4706, 9995, 2577, 2472, 1048, 596, 10596, 2129, 1213, 15945, 13, 4706, 565, 451, 756, 5552, 29898, 1311, 29892, 11119, 29886, 2458, 2129, 29908, 1125, 13, 9651, 1583, 3032, 29886, 2458, 2129, 353, 349, 2458, 2129, 29898, 1311, 29889, 6979, 29897, 13, 4706, 736, 1583, 3032, 29886, 2458, 2129, 13, 13, 1678, 822, 2740, 29898, 13, 4706, 1583, 29892, 2346, 29901, 851, 29892, 334, 29892, 4046, 29901, 938, 353, 29871, 29906, 29946, 29892, 4072, 29901, 1051, 29961, 7974, 1542, 29962, 353, 6796, 8618, 14849, 1783, 3108, 13, 1678, 1723, 1599, 9657, 29961, 710, 29892, 9657, 29961, 710, 29892, 3139, 29962, 891, 1051, 29961, 10773, 5262, 29901, 13, 4706, 9995, 7974, 278, 306, 6059, 29909, 3234, 16653, 491, 3234, 1024, 15945, 29908, 13, 4706, 736, 11856, 580, 29898, 1972, 29922, 1972, 29892, 4046, 29922, 13400, 29892, 4072, 29922, 8768, 29897, 13, 2 ]
generators/lib/length_cutter.py
yautay/polish_wordlists
4
105785
<reponame>yautay/polish_wordlists from generators.lib.generator import Generator class LengthCutter(Generator): def __init__(self, minimum, maximum, **kwargs): super(LengthCutter, self).__init__(**kwargs) self.iterate_over_file(minimum, maximum) def iterate_over_file(self, _min, _max): received = 0 processed = 0 with open(self.file_in, "r") as _input: with open(self.file_out, "w") as output: for line in _input: received += 1 if _min <= len(line) <= _max: output.write(line + "\n") processed += 1 print("Processed {} of words in file".format(received)) print("Omitted {} words".format(received - processed)) print("Saved {} words in output file".format(processed))
[ 1, 529, 276, 1112, 420, 29958, 29891, 1300, 388, 29914, 3733, 728, 29918, 1742, 21513, 13, 3166, 1176, 4097, 29889, 1982, 29889, 27959, 1053, 3251, 1061, 13, 13, 13, 1990, 365, 1477, 29907, 6463, 29898, 21575, 1125, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 9212, 29892, 7472, 29892, 3579, 19290, 1125, 13, 4706, 2428, 29898, 6513, 29907, 6463, 29892, 1583, 467, 1649, 2344, 12035, 1068, 19290, 29897, 13, 4706, 1583, 29889, 1524, 403, 29918, 957, 29918, 1445, 29898, 1195, 12539, 29892, 7472, 29897, 13, 13, 1678, 822, 13649, 29918, 957, 29918, 1445, 29898, 1311, 29892, 903, 1195, 29892, 903, 3317, 1125, 13, 4706, 4520, 353, 29871, 29900, 13, 4706, 19356, 353, 29871, 29900, 13, 4706, 411, 1722, 29898, 1311, 29889, 1445, 29918, 262, 29892, 376, 29878, 1159, 408, 903, 2080, 29901, 13, 9651, 411, 1722, 29898, 1311, 29889, 1445, 29918, 449, 29892, 376, 29893, 1159, 408, 1962, 29901, 13, 18884, 363, 1196, 297, 903, 2080, 29901, 13, 462, 1678, 4520, 4619, 29871, 29896, 13, 462, 1678, 565, 903, 1195, 5277, 7431, 29898, 1220, 29897, 5277, 903, 3317, 29901, 13, 462, 4706, 1962, 29889, 3539, 29898, 1220, 718, 6634, 29876, 1159, 13, 462, 4706, 19356, 4619, 29871, 29896, 13, 4706, 1596, 703, 7032, 287, 6571, 310, 3838, 297, 934, 1642, 4830, 29898, 13556, 2347, 876, 13, 4706, 1596, 703, 5673, 4430, 6571, 3838, 1642, 4830, 29898, 13556, 2347, 448, 19356, 876, 13, 4706, 1596, 703, 29903, 10511, 6571, 3838, 297, 1962, 934, 1642, 4830, 29898, 5014, 287, 876, 13, 2 ]
seqnmf/seqnmf.py
calebweinreb/seqnmf-gpu
0
1605502
from jax.scipy.signal import convolve2d as conv2 import jax, jax.numpy as jnp import tqdm import numpy as np import seaborn as sns from matplotlib import pyplot as plt from matplotlib import gridspec from .helpers import reconstruct, reconstruct_numpy, shift_factors, compute_loadings_percent_power, get_shapes, shifted_matrix_product, trim_shapes def update_W(W, H, X, Lambda, M, L, K, smooth_kernel, eps, lambda_OrthW, lambda_L1W): X_hat = reconstruct(W, H) X = jnp.where(M==0, X_hat, X) XHT = shifted_matrix_product(X,H.T,jnp.arange(L)-1,None,0) X_hat_HT = shifted_matrix_product(X_hat,H.T,jnp.arange(L)-1,None,0) XS = conv2(X, smooth_kernel, 'same') XS_HT = shifted_matrix_product(XS, H.T, jnp.arange(L)-1,None,0) dWWdW = jnp.dot(lambda_OrthW * jnp.sum(W, axis=2), 1. - jnp.eye(K)) dRdW = Lambda * jax.vmap(lambda x: jnp.dot(x, 1-jnp.eye(K)))(XS_HT) + lambda_L1W + dWWdW return W * jnp.moveaxis(jnp.divide(XHT, X_hat_HT + dRdW + eps),0,2) def seqnmf_iter(W, H, X, X_hat, Lambda, M, L, K, smooth_kernel, shift, eps, W_fixed, lambda_OrthW, lambda_OrthH, lambda_L1W, lambda_L1H): WTX = shifted_matrix_product(W.T,X,-jnp.arange(L)+1,0,1).sum(0) WTX_hat = shifted_matrix_product(W.T,X_hat,-jnp.arange(L)+1,0,1).sum(0) dRdH = jnp.dot(Lambda * (1 - jnp.eye(K)), conv2(WTX, smooth_kernel, 'same')) dHHdH = jnp.dot(lambda_OrthH * (1 - jnp.eye(K)), conv2(H, smooth_kernel, 'same')) dRdH += lambda_L1H + dHHdH H = H * jnp.divide(WTX, WTX_hat + dRdH + eps) W,H = jax.lax.cond(shift, shift_factors, lambda WH: WH, (W,H)) W = W + eps*shift norms = jnp.sqrt(jnp.sum(jnp.power(H, 2), axis=1)).T H = jnp.dot(jnp.diag(jnp.divide(1., norms + eps)), H) W = jax.vmap(jnp.dot, in_axes=(2,None), out_axes=2)(W,jnp.diag(norms)) update = lambda w: update_W(w, H, X, Lambda, M, L, K, smooth_kernel, eps, lambda_OrthW, lambda_L1W) W = jax.lax.cond(not W_fixed, update, lambda w: w, W) X_hat = reconstruct(W, H) X = jnp.where(M==0, X_hat, X) cost = jnp.sqrt(jnp.mean(jnp.power(X - X_hat, 2))) return W, H, X, X_hat, cost def seqnmf(X, K=10, L=100, Lambda=.001, W_init=None, H_init=None, plot_it=False, max_iter=100, tol=-np.inf, shift=True, sort_factors=True, lambda_L1W=0, lambda_L1H=0, lambda_OrthH=0, lambda_OrthW=0, M=None, W_fixed=False): ''' :param X: an N (features) by T (timepoints) data matrix to be factorized using seqNMF :param K: the (maximum) number of factors to search for; any unused factors will be set to all zeros :param L: the (maximum) number of timepoints to consider in each factor; any unused timepoints will be set to zeros :param Lambda: regularization parameter (default: 0.001) :param W_init: initial factors (if unspecified, use random initialization) :param H_init: initial per-timepoint factor loadings (if unspecified, initialize randomly) :param plot_it: if True, display progress in each update using a plot (default: False) :param max_iter: maximum number of iterations/updates :param tol: if cost is within tol of the average of the previous 5 updates, the algorithm will terminate (default: tol = -inf) :param shift: allow timepoint shifts in H :param sort_factors: sort factors by time :param lambda_L1W: regularization parameter for W (default: 0) :param lambda_L1H: regularization parameter for H (default: 0) :param lambda_OrthH: regularization parameter for H (default: 0) :param lambda_OrthW: regularization parameter for W (default: 0) :param M: binary mask of the same size as X, used to ignore a subset of the data during training (default: use all data) :param W_fixed: if true, fix factors (W), e.g. for cross validation (default: False) :return: :W: N (features) by K (factors) by L (per-factor timepoints) tensor of factors :H: K (factors) by T (timepoints) matrix of factor loadings (i.e. factor timecourses) :cost: a vector of length (number-of-iterations + 1) containing the initial cost and cost after each update (i.e. the reconstruction error) :loadings: the per-factor loadings-- i.e. the explanatory power of each individual factor :power: the total power (across all factors) explained by the full reconstruction ''' assert np.all(X >= 0), 'all data values must be positive!' N = X.shape[0] T = X.shape[1] + 2 * L X = jnp.concatenate((jnp.zeros([N, L]), X, jnp.zeros([N, L])), axis=1) if W_init is None: W_init = jnp.array(np.max(X) * np.random.rand(N, K, L)) if H_init is None: H_init = jnp.array(np.max(X) * np.random.rand(K, T) / np.sqrt(T / 3)) if M is None: M = jnp.ones([N, T]) W = W_init H = H_init X_hat = reconstruct(W, H) X = jnp.where(M==0, X_hat, X) smooth_kernel = jnp.ones([1, (2 * L) - 1]) eps = jnp.max(X) * 1e-6 last_time = False costs = np.zeros(max_iter + 1) costs[0] = jnp.sqrt(jnp.mean(jnp.power(X - X_hat, 2))) update = jax.jit(lambda W,H,X,X_hat,Lambda: seqnmf_iter( W, H, X, X_hat, Lambda, M, L, K, smooth_kernel, shift, eps, W_fixed, lambda_OrthW, lambda_OrthH, lambda_L1W, lambda_L1H)) for i in tqdm.trange(max_iter): if (i == max_iter - 1) or ((i > 6) and (costs[i + 1] + tol) > np.mean(costs[i - 6:i])): costs = costs[:(i + 2)] last_time = True if i > 0: Lambda = 0 W, H, X, X_hat, cost = update(W, H, X, X_hat, Lambda) costs[i] = cost if plot_it: if i > 0: try: h.close() except: pass h = plot(W, H) h.suptitle(f'iteration {i}', fontsize=8) h.show() if last_time: break X = X[:, L:-L] X_hat = X_hat[:, L:-L] H = H[:, L:-L] power = jnp.divide(jnp.sum(jnp.power(X, 2)) - jnp.sum(jnp.power(X - X_hat, 2)), jnp.sum(jnp.power(X, 2))) loadings = compute_loadings_percent_power(X, W, H) W = np.array(W) H = np.array(H) power = np.array(power) loadings = np.array(loadings) if sort_factors: inds = np.flip(np.argsort(loadings), 0) loadings = loadings[inds] W = W[:, inds, :] H = H[inds, :] return W, H, costs, loadings, power def plot(W, H, cmap='gray_r', factor_cmap='Spectral'): ''' :param W: N (features) by K (factors) by L (per-factor timepoints) tensor of factors :param H: K (factors) by T (timepoints) matrix of factor loadings (i.e. factor timecourses) :param cmap: colormap used to draw heatmaps for the factors, factor loadings, and data reconstruction :param factor_cmap: colormap used to distinguish individual factors :return f: matplotlib figure handle ''' N, K, L, T = get_shapes(W, H) W, H = trim_shapes(W, H, N, K, L, T) data_recon = reconstruct_numpy(W, H) fig = plt.figure(figsize=(5, 5)) gs = gridspec.GridSpec(2, 2, width_ratios=[1, 4], height_ratios=[1, 4]) ax_h = plt.subplot(gs[1]) ax_w = plt.subplot(gs[2]) ax_data = plt.subplot(gs[3]) # plot W, H, and data_recon sns.heatmap(np.hstack(list(map(np.squeeze, np.split(W, K, axis=1)))), cmap=cmap, ax=ax_w, cbar=False) sns.heatmap(H, cmap=cmap, ax=ax_h, cbar=False) sns.heatmap(data_recon, cmap=cmap, ax=ax_data, cbar=False) # add dividing bars for factors of W and H factor_colors = sns.color_palette(factor_cmap, K) for k in np.arange(K): plt.sca(ax_w) start_w = k * L plt.plot([start_w, start_w], [0, N - 1], '-', color=factor_colors[k]) plt.sca(ax_h) plt.plot([0, T - 1], [k, k], '-', color=factor_colors[k]) return fig
[ 1, 515, 432, 1165, 29889, 26167, 2272, 29889, 25436, 1053, 378, 1555, 345, 29906, 29881, 408, 7602, 29906, 13, 5215, 432, 1165, 29892, 432, 1165, 29889, 23749, 408, 432, 9302, 13, 5215, 260, 29939, 18933, 13, 5215, 12655, 408, 7442, 13, 5215, 409, 370, 1398, 408, 269, 1983, 13, 3166, 22889, 1053, 11451, 5317, 408, 14770, 13, 3166, 22889, 1053, 867, 4841, 3135, 13, 3166, 869, 3952, 6774, 1053, 337, 11433, 29892, 337, 11433, 29918, 23749, 29892, 9500, 29918, 17028, 943, 29892, 10272, 29918, 1359, 886, 29918, 25376, 29918, 13519, 29892, 679, 29918, 845, 11603, 29892, 9500, 287, 29918, 5344, 29918, 4704, 29892, 17151, 29918, 845, 11603, 13, 13, 13, 1753, 2767, 29918, 29956, 29898, 29956, 29892, 379, 29892, 1060, 29892, 365, 2269, 29892, 341, 29892, 365, 29892, 476, 29892, 10597, 29918, 17460, 29892, 321, 567, 29892, 14013, 29918, 2816, 386, 29956, 29892, 14013, 29918, 29931, 29896, 29956, 1125, 13, 1678, 1060, 29918, 2455, 353, 337, 11433, 29898, 29956, 29892, 379, 29897, 13, 1678, 1060, 353, 432, 9302, 29889, 3062, 29898, 29924, 1360, 29900, 29892, 1060, 29918, 2455, 29892, 1060, 29897, 13, 1678, 1060, 3912, 353, 9500, 287, 29918, 5344, 29918, 4704, 29898, 29990, 29892, 29950, 29889, 29911, 29892, 29926, 9302, 29889, 279, 927, 29898, 29931, 6817, 29896, 29892, 8516, 29892, 29900, 29897, 13, 1678, 1060, 29918, 2455, 29918, 3912, 353, 9500, 287, 29918, 5344, 29918, 4704, 29898, 29990, 29918, 2455, 29892, 29950, 29889, 29911, 29892, 29926, 9302, 29889, 279, 927, 29898, 29931, 6817, 29896, 29892, 8516, 29892, 29900, 29897, 13, 1678, 1060, 29903, 353, 7602, 29906, 29898, 29990, 29892, 10597, 29918, 17460, 29892, 525, 17642, 1495, 13, 1678, 1060, 29903, 29918, 3912, 353, 9500, 287, 29918, 5344, 29918, 4704, 29898, 29990, 29903, 29892, 379, 29889, 29911, 29892, 432, 9302, 29889, 279, 927, 29898, 29931, 6817, 29896, 29892, 8516, 29892, 29900, 29897, 13, 1678, 270, 29956, 29956, 29881, 29956, 353, 432, 9302, 29889, 6333, 29898, 2892, 29918, 2816, 386, 29956, 334, 432, 9302, 29889, 2083, 29898, 29956, 29892, 9685, 29922, 29906, 511, 29871, 29896, 29889, 448, 432, 9302, 29889, 1032, 29872, 29898, 29968, 876, 13, 1678, 270, 29934, 29881, 29956, 353, 365, 2269, 334, 432, 1165, 29889, 29894, 1958, 29898, 2892, 921, 29901, 432, 9302, 29889, 6333, 29898, 29916, 29892, 29871, 29896, 29899, 29926, 9302, 29889, 1032, 29872, 29898, 29968, 4961, 29898, 29990, 29903, 29918, 3912, 29897, 718, 14013, 29918, 29931, 29896, 29956, 718, 270, 29956, 29956, 29881, 29956, 13, 1678, 736, 399, 334, 432, 9302, 29889, 11631, 8990, 29898, 29926, 9302, 29889, 4563, 680, 29898, 29990, 3912, 29892, 1060, 29918, 2455, 29918, 3912, 718, 270, 29934, 29881, 29956, 718, 321, 567, 511, 29900, 29892, 29906, 29897, 13, 13, 13, 1753, 19359, 22882, 29888, 29918, 1524, 29898, 29956, 29892, 379, 29892, 1060, 29892, 1060, 29918, 2455, 29892, 365, 2269, 29892, 341, 29892, 365, 29892, 476, 29892, 10597, 29918, 17460, 29892, 9500, 29892, 321, 567, 29892, 29871, 13, 18884, 399, 29918, 20227, 29892, 14013, 29918, 2816, 386, 29956, 29892, 14013, 29918, 2816, 386, 29950, 29892, 14013, 29918, 29931, 29896, 29956, 29892, 14013, 29918, 29931, 29896, 29950, 1125, 13, 268, 13, 1678, 399, 28627, 353, 9500, 287, 29918, 5344, 29918, 4704, 29898, 29956, 29889, 29911, 29892, 29990, 6653, 29926, 9302, 29889, 279, 927, 29898, 29931, 7240, 29896, 29892, 29900, 29892, 29896, 467, 2083, 29898, 29900, 29897, 13, 1678, 399, 28627, 29918, 2455, 353, 9500, 287, 29918, 5344, 29918, 4704, 29898, 29956, 29889, 29911, 29892, 29990, 29918, 2455, 6653, 29926, 9302, 29889, 279, 927, 29898, 29931, 7240, 29896, 29892, 29900, 29892, 29896, 467, 2083, 29898, 29900, 29897, 965, 13, 268, 13, 1678, 270, 29934, 29881, 29950, 353, 432, 9302, 29889, 6333, 29898, 9099, 334, 313, 29896, 448, 432, 9302, 29889, 1032, 29872, 29898, 29968, 8243, 7602, 29906, 29898, 17755, 29990, 29892, 10597, 29918, 17460, 29892, 525, 17642, 8785, 13, 1678, 270, 27590, 29881, 29950, 353, 432, 9302, 29889, 6333, 29898, 2892, 29918, 2816, 386, 29950, 334, 313, 29896, 448, 432, 9302, 29889, 1032, 29872, 29898, 29968, 8243, 7602, 29906, 29898, 29950, 29892, 10597, 29918, 17460, 29892, 525, 17642, 8785, 13, 1678, 270, 29934, 29881, 29950, 4619, 14013, 29918, 29931, 29896, 29950, 718, 270, 27590, 29881, 29950, 13, 13, 1678, 379, 353, 379, 334, 432, 9302, 29889, 4563, 680, 29898, 17755, 29990, 29892, 399, 28627, 29918, 2455, 718, 270, 29934, 29881, 29950, 718, 321, 567, 29897, 13, 268, 13, 1678, 399, 29892, 29950, 353, 432, 1165, 29889, 21222, 29889, 1116, 29898, 10889, 29892, 9500, 29918, 17028, 943, 29892, 14013, 12317, 29901, 12317, 29892, 313, 29956, 29892, 29950, 876, 13, 1678, 399, 353, 399, 718, 321, 567, 29930, 10889, 13, 13, 1678, 6056, 29879, 353, 432, 9302, 29889, 3676, 29898, 29926, 9302, 29889, 2083, 29898, 29926, 9302, 29889, 13519, 29898, 29950, 29892, 29871, 29906, 511, 9685, 29922, 29896, 8106, 29911, 13, 1678, 379, 353, 432, 9302, 29889, 6333, 29898, 29926, 9302, 29889, 6051, 351, 29898, 29926, 9302, 29889, 4563, 680, 29898, 29896, 1696, 6056, 29879, 718, 321, 567, 8243, 379, 29897, 13, 1678, 399, 353, 432, 1165, 29889, 29894, 1958, 29898, 29926, 9302, 29889, 6333, 29892, 297, 29918, 1165, 267, 7607, 29906, 29892, 8516, 511, 714, 29918, 1165, 267, 29922, 29906, 5033, 29956, 29892, 29926, 9302, 29889, 6051, 351, 29898, 12324, 29879, 876, 13, 268, 13, 1678, 2767, 353, 14013, 281, 29901, 2767, 29918, 29956, 29898, 29893, 29892, 379, 29892, 1060, 29892, 365, 2269, 29892, 341, 29892, 365, 29892, 476, 29892, 10597, 29918, 17460, 29892, 321, 567, 29892, 14013, 29918, 2816, 386, 29956, 29892, 14013, 29918, 29931, 29896, 29956, 29897, 13, 1678, 399, 353, 432, 1165, 29889, 21222, 29889, 1116, 29898, 1333, 399, 29918, 20227, 29892, 2767, 29892, 14013, 281, 29901, 281, 29892, 399, 29897, 13, 13, 1678, 1060, 29918, 2455, 353, 337, 11433, 29898, 29956, 29892, 379, 29897, 13, 1678, 1060, 353, 432, 9302, 29889, 3062, 29898, 29924, 1360, 29900, 29892, 1060, 29918, 2455, 29892, 1060, 29897, 13, 1678, 3438, 353, 432, 9302, 29889, 3676, 29898, 29926, 9302, 29889, 12676, 29898, 29926, 9302, 29889, 13519, 29898, 29990, 448, 1060, 29918, 2455, 29892, 29871, 29906, 4961, 13, 1678, 736, 399, 29892, 379, 29892, 1060, 29892, 1060, 29918, 2455, 29892, 3438, 13, 13, 13, 1753, 19359, 22882, 29888, 29898, 29990, 29892, 476, 29922, 29896, 29900, 29892, 365, 29922, 29896, 29900, 29900, 29892, 365, 2269, 21098, 29900, 29900, 29896, 29892, 399, 29918, 2344, 29922, 8516, 29892, 379, 29918, 2344, 29922, 8516, 29892, 13, 965, 6492, 29918, 277, 29922, 8824, 29892, 4236, 29918, 1524, 29922, 29896, 29900, 29900, 29892, 304, 29880, 10457, 9302, 29889, 7192, 29892, 9500, 29922, 5574, 29892, 2656, 29918, 17028, 943, 29922, 5574, 29892, 13, 965, 14013, 29918, 29931, 29896, 29956, 29922, 29900, 29892, 14013, 29918, 29931, 29896, 29950, 29922, 29900, 29892, 14013, 29918, 2816, 386, 29950, 29922, 29900, 29892, 14013, 29918, 2816, 386, 29956, 29922, 29900, 29892, 341, 29922, 8516, 29892, 399, 29918, 20227, 29922, 8824, 1125, 13, 1678, 14550, 13, 1678, 584, 3207, 1060, 29901, 385, 405, 313, 22100, 29897, 491, 323, 313, 2230, 9748, 29897, 848, 4636, 304, 367, 7329, 1891, 773, 19359, 29940, 29924, 29943, 13, 1678, 584, 3207, 476, 29901, 278, 313, 27525, 398, 29897, 1353, 310, 13879, 304, 2740, 363, 29936, 738, 443, 3880, 13879, 674, 367, 731, 304, 599, 24786, 13, 1678, 584, 3207, 365, 29901, 278, 313, 27525, 398, 29897, 1353, 310, 931, 9748, 304, 2050, 297, 1269, 7329, 29936, 738, 443, 3880, 931, 9748, 674, 367, 731, 304, 24786, 13, 1678, 584, 3207, 365, 2269, 29901, 4943, 2133, 3443, 313, 4381, 29901, 29871, 29900, 29889, 29900, 29900, 29896, 29897, 13, 1678, 584, 3207, 399, 29918, 2344, 29901, 2847, 13879, 313, 361, 443, 6550, 2164, 29892, 671, 4036, 17865, 29897, 13, 1678, 584, 3207, 379, 29918, 2344, 29901, 2847, 639, 29899, 2230, 3149, 7329, 2254, 886, 313, 361, 443, 6550, 2164, 29892, 11905, 20459, 29897, 13, 1678, 584, 3207, 6492, 29918, 277, 29901, 565, 5852, 29892, 2479, 6728, 297, 1269, 2767, 773, 263, 6492, 313, 4381, 29901, 7700, 29897, 13, 1678, 584, 3207, 4236, 29918, 1524, 29901, 7472, 1353, 310, 24372, 29914, 786, 15190, 13, 1678, 584, 3207, 304, 29880, 29901, 565, 3438, 338, 2629, 304, 29880, 310, 278, 6588, 310, 278, 3517, 29871, 29945, 11217, 29892, 278, 5687, 674, 29504, 313, 4381, 29901, 304, 29880, 353, 448, 7192, 29897, 13, 1678, 584, 3207, 9500, 29901, 2758, 931, 3149, 528, 17741, 297, 379, 13, 1678, 584, 3207, 2656, 29918, 17028, 943, 29901, 2656, 13879, 491, 931, 13, 1678, 584, 3207, 14013, 29918, 29931, 29896, 29956, 29901, 4943, 2133, 3443, 363, 399, 313, 4381, 29901, 29871, 29900, 29897, 13, 1678, 584, 3207, 14013, 29918, 29931, 29896, 29950, 29901, 4943, 2133, 3443, 363, 379, 313, 4381, 29901, 29871, 29900, 29897, 13, 1678, 584, 3207, 14013, 29918, 2816, 386, 29950, 29901, 4943, 2133, 3443, 363, 379, 313, 4381, 29901, 29871, 29900, 29897, 13, 1678, 584, 3207, 14013, 29918, 2816, 386, 29956, 29901, 4943, 2133, 3443, 363, 399, 313, 4381, 29901, 29871, 29900, 29897, 13, 1678, 584, 3207, 341, 29901, 7581, 11105, 310, 278, 1021, 2159, 408, 1060, 29892, 1304, 304, 11455, 263, 11306, 310, 278, 848, 2645, 6694, 313, 4381, 29901, 671, 599, 848, 29897, 13, 1678, 584, 3207, 399, 29918, 20227, 29901, 565, 1565, 29892, 2329, 13879, 313, 29956, 511, 321, 29889, 29887, 29889, 363, 4891, 8845, 313, 4381, 29901, 7700, 29897, 13, 13, 1678, 584, 2457, 29901, 13, 1678, 584, 29956, 29901, 405, 313, 22100, 29897, 491, 476, 313, 17028, 943, 29897, 491, 365, 313, 546, 29899, 19790, 931, 9748, 29897, 12489, 310, 13879, 13, 1678, 584, 29950, 29901, 476, 313, 17028, 943, 29897, 491, 323, 313, 2230, 9748, 29897, 4636, 310, 7329, 2254, 886, 313, 29875, 29889, 29872, 29889, 7329, 931, 29883, 29781, 29897, 13, 1678, 584, 18253, 29901, 263, 4608, 310, 3309, 313, 4537, 29899, 974, 29899, 1524, 800, 718, 29871, 29896, 29897, 6943, 278, 2847, 3438, 322, 3438, 1156, 1269, 2767, 313, 29875, 29889, 29872, 29889, 278, 17789, 4080, 1059, 29897, 13, 1678, 584, 1359, 886, 29901, 278, 639, 29899, 19790, 2254, 886, 489, 474, 29889, 29872, 29889, 278, 7309, 7606, 3081, 310, 1269, 5375, 7329, 13, 1678, 584, 13519, 29901, 278, 3001, 3081, 313, 562, 2124, 599, 13879, 29897, 10824, 491, 278, 2989, 17789, 4080, 13, 1678, 14550, 13, 1678, 4974, 7442, 29889, 497, 29898, 29990, 6736, 29871, 29900, 511, 525, 497, 848, 1819, 1818, 367, 6374, 20714, 13, 268, 13, 1678, 405, 353, 1060, 29889, 12181, 29961, 29900, 29962, 13, 1678, 323, 353, 1060, 29889, 12181, 29961, 29896, 29962, 718, 29871, 29906, 334, 365, 13, 1678, 1060, 353, 432, 9302, 29889, 535, 29883, 2579, 403, 3552, 29926, 9302, 29889, 3298, 359, 4197, 29940, 29892, 365, 11724, 1060, 29892, 432, 9302, 29889, 3298, 359, 4197, 29940, 29892, 365, 2314, 511, 9685, 29922, 29896, 29897, 13, 13, 1678, 565, 399, 29918, 2344, 338, 6213, 29901, 13, 4706, 399, 29918, 2344, 353, 432, 9302, 29889, 2378, 29898, 9302, 29889, 3317, 29898, 29990, 29897, 334, 7442, 29889, 8172, 29889, 9502, 29898, 29940, 29892, 476, 29892, 365, 876, 13, 1678, 565, 379, 29918, 2344, 338, 6213, 29901, 13, 4706, 379, 29918, 2344, 353, 432, 9302, 29889, 2378, 29898, 9302, 29889, 3317, 29898, 29990, 29897, 334, 7442, 29889, 8172, 29889, 9502, 29898, 29968, 29892, 323, 29897, 847, 7442, 29889, 3676, 29898, 29911, 847, 29871, 29941, 876, 13, 1678, 565, 341, 338, 6213, 29901, 13, 4706, 341, 353, 432, 9302, 29889, 2873, 4197, 29940, 29892, 323, 2314, 13, 13, 1678, 399, 353, 399, 29918, 2344, 13, 1678, 379, 353, 379, 29918, 2344, 13, 13, 1678, 1060, 29918, 2455, 353, 337, 11433, 29898, 29956, 29892, 379, 29897, 13, 1678, 1060, 353, 432, 9302, 29889, 3062, 29898, 29924, 1360, 29900, 29892, 1060, 29918, 2455, 29892, 1060, 29897, 13, 13, 1678, 10597, 29918, 17460, 353, 432, 9302, 29889, 2873, 4197, 29896, 29892, 313, 29906, 334, 365, 29897, 448, 29871, 29896, 2314, 13, 1678, 321, 567, 353, 432, 9302, 29889, 3317, 29898, 29990, 29897, 334, 29871, 29896, 29872, 29899, 29953, 13, 1678, 1833, 29918, 2230, 353, 7700, 13, 13, 1678, 21544, 353, 7442, 29889, 3298, 359, 29898, 3317, 29918, 1524, 718, 29871, 29896, 29897, 13, 1678, 21544, 29961, 29900, 29962, 353, 432, 9302, 29889, 3676, 29898, 29926, 9302, 29889, 12676, 29898, 29926, 9302, 29889, 13519, 29898, 29990, 448, 1060, 29918, 2455, 29892, 29871, 29906, 4961, 13, 268, 13, 1678, 2767, 353, 432, 1165, 29889, 29926, 277, 29898, 2892, 399, 29892, 29950, 29892, 29990, 29892, 29990, 29918, 2455, 29892, 9099, 29901, 19359, 22882, 29888, 29918, 1524, 29898, 13, 4706, 399, 29892, 379, 29892, 1060, 29892, 1060, 29918, 2455, 29892, 365, 2269, 29892, 341, 29892, 365, 29892, 476, 29892, 10597, 29918, 17460, 29892, 9500, 29892, 321, 567, 29892, 13, 4706, 399, 29918, 20227, 29892, 14013, 29918, 2816, 386, 29956, 29892, 14013, 29918, 2816, 386, 29950, 29892, 14013, 29918, 29931, 29896, 29956, 29892, 14013, 29918, 29931, 29896, 29950, 876, 13, 13, 1678, 363, 474, 297, 260, 29939, 18933, 29889, 509, 927, 29898, 3317, 29918, 1524, 1125, 13, 4706, 565, 313, 29875, 1275, 4236, 29918, 1524, 448, 29871, 29896, 29897, 470, 5135, 29875, 1405, 29871, 29953, 29897, 322, 313, 18253, 29879, 29961, 29875, 718, 29871, 29896, 29962, 718, 304, 29880, 29897, 1405, 7442, 29889, 12676, 29898, 18253, 29879, 29961, 29875, 448, 29871, 29953, 29901, 29875, 12622, 29901, 13, 9651, 21544, 353, 21544, 29961, 5919, 29875, 718, 29871, 29906, 4638, 13, 9651, 1833, 29918, 2230, 353, 5852, 13, 9651, 565, 474, 1405, 29871, 29900, 29901, 365, 2269, 353, 29871, 29900, 13, 462, 13, 4706, 399, 29892, 379, 29892, 1060, 29892, 1060, 29918, 2455, 29892, 3438, 353, 2767, 29898, 29956, 29892, 379, 29892, 1060, 29892, 1060, 29918, 2455, 29892, 365, 2269, 29897, 13, 4706, 21544, 29961, 29875, 29962, 353, 3438, 13, 308, 13, 13, 4706, 565, 6492, 29918, 277, 29901, 13, 9651, 565, 474, 1405, 29871, 29900, 29901, 13, 18884, 1018, 29901, 13, 462, 1678, 298, 29889, 5358, 580, 13, 18884, 5174, 29901, 13, 462, 1678, 1209, 13, 9651, 298, 353, 6492, 29898, 29956, 29892, 379, 29897, 13, 9651, 298, 29889, 2146, 415, 1740, 29898, 29888, 29915, 1524, 362, 426, 29875, 29913, 742, 4079, 2311, 29922, 29947, 29897, 13, 9651, 298, 29889, 4294, 580, 13, 13, 4706, 565, 1833, 29918, 2230, 29901, 13, 9651, 2867, 13, 13, 1678, 1060, 353, 1060, 7503, 29892, 365, 13018, 29931, 29962, 13, 1678, 1060, 29918, 2455, 353, 1060, 29918, 2455, 7503, 29892, 365, 13018, 29931, 29962, 13, 1678, 379, 353, 379, 7503, 29892, 365, 13018, 29931, 29962, 13, 1678, 3081, 353, 432, 9302, 29889, 4563, 680, 29898, 29926, 9302, 29889, 2083, 29898, 29926, 9302, 29889, 13519, 29898, 29990, 29892, 29871, 29906, 876, 448, 432, 9302, 29889, 2083, 29898, 29926, 9302, 29889, 13519, 29898, 29990, 448, 1060, 29918, 2455, 29892, 29871, 29906, 8243, 432, 9302, 29889, 2083, 29898, 29926, 9302, 29889, 13519, 29898, 29990, 29892, 29871, 29906, 4961, 13, 1678, 2254, 886, 353, 10272, 29918, 1359, 886, 29918, 25376, 29918, 13519, 29898, 29990, 29892, 399, 29892, 379, 29897, 13, 13, 1678, 399, 353, 7442, 29889, 2378, 29898, 29956, 29897, 13, 1678, 379, 353, 7442, 29889, 2378, 29898, 29950, 29897, 13, 1678, 3081, 353, 7442, 29889, 2378, 29898, 13519, 29897, 13, 1678, 2254, 886, 353, 7442, 29889, 2378, 29898, 1359, 886, 29897, 13, 268, 13, 1678, 565, 2656, 29918, 17028, 943, 29901, 13, 4706, 1399, 29879, 353, 7442, 29889, 29888, 3466, 29898, 9302, 29889, 5085, 441, 29898, 1359, 886, 511, 29871, 29900, 29897, 13, 4706, 2254, 886, 353, 2254, 886, 29961, 12772, 29962, 13, 4706, 399, 353, 399, 7503, 29892, 1399, 29879, 29892, 584, 29962, 13, 4706, 379, 353, 379, 29961, 12772, 29892, 584, 29962, 13, 308, 13, 1678, 736, 399, 29892, 379, 29892, 21544, 29892, 2254, 886, 29892, 3081, 13, 13, 13, 13, 1753, 6492, 29898, 29956, 29892, 379, 29892, 274, 1958, 2433, 21012, 29918, 29878, 742, 7329, 29918, 29883, 1958, 2433, 29903, 1103, 1705, 29374, 13, 1678, 14550, 13, 1678, 584, 3207, 399, 29901, 405, 313, 22100, 29897, 491, 476, 313, 17028, 943, 29897, 491, 365, 313, 546, 29899, 19790, 931, 9748, 29897, 12489, 310, 13879, 13, 1678, 584, 3207, 379, 29901, 476, 313, 17028, 943, 29897, 491, 323, 313, 2230, 9748, 29897, 4636, 310, 7329, 2254, 886, 313, 29875, 29889, 29872, 29889, 7329, 931, 29883, 29781, 29897, 13, 1678, 584, 3207, 274, 1958, 29901, 784, 555, 481, 1304, 304, 4216, 12871, 10339, 363, 278, 13879, 29892, 7329, 2254, 886, 29892, 322, 848, 17789, 4080, 13, 1678, 584, 3207, 7329, 29918, 29883, 1958, 29901, 784, 555, 481, 1304, 304, 20820, 5375, 13879, 13, 1678, 584, 2457, 285, 29901, 22889, 4377, 4386, 13, 1678, 14550, 13, 13, 1678, 405, 29892, 476, 29892, 365, 29892, 323, 353, 679, 29918, 845, 11603, 29898, 29956, 29892, 379, 29897, 13, 1678, 399, 29892, 379, 353, 17151, 29918, 845, 11603, 29898, 29956, 29892, 379, 29892, 405, 29892, 476, 29892, 365, 29892, 323, 29897, 13, 13, 1678, 848, 29918, 276, 535, 353, 337, 11433, 29918, 23749, 29898, 29956, 29892, 379, 29897, 13, 13, 1678, 2537, 353, 14770, 29889, 4532, 29898, 1003, 2311, 7607, 29945, 29892, 29871, 29945, 876, 13, 1678, 330, 29879, 353, 867, 4841, 3135, 29889, 5756, 10299, 29898, 29906, 29892, 29871, 29906, 29892, 2920, 29918, 29878, 2219, 359, 11759, 29896, 29892, 29871, 29946, 1402, 3171, 29918, 29878, 2219, 359, 11759, 29896, 29892, 29871, 29946, 2314, 13, 1678, 4853, 29918, 29882, 353, 14770, 29889, 1491, 5317, 29898, 3174, 29961, 29896, 2314, 13, 1678, 4853, 29918, 29893, 353, 14770, 29889, 1491, 5317, 29898, 3174, 29961, 29906, 2314, 13, 1678, 4853, 29918, 1272, 353, 14770, 29889, 1491, 5317, 29898, 3174, 29961, 29941, 2314, 13, 13, 1678, 396, 6492, 399, 29892, 379, 29892, 322, 848, 29918, 276, 535, 13, 1678, 269, 1983, 29889, 354, 271, 1958, 29898, 9302, 29889, 29882, 1429, 29898, 1761, 29898, 1958, 29898, 9302, 29889, 29879, 802, 29872, 911, 29892, 7442, 29889, 5451, 29898, 29956, 29892, 476, 29892, 9685, 29922, 29896, 4961, 511, 274, 1958, 29922, 29883, 1958, 29892, 4853, 29922, 1165, 29918, 29893, 29892, 274, 1646, 29922, 8824, 29897, 13, 1678, 269, 1983, 29889, 354, 271, 1958, 29898, 29950, 29892, 274, 1958, 29922, 29883, 1958, 29892, 4853, 29922, 1165, 29918, 29882, 29892, 274, 1646, 29922, 8824, 29897, 13, 1678, 269, 1983, 29889, 354, 271, 1958, 29898, 1272, 29918, 276, 535, 29892, 274, 1958, 29922, 29883, 1958, 29892, 4853, 29922, 1165, 29918, 1272, 29892, 274, 1646, 29922, 8824, 29897, 13, 13, 1678, 396, 788, 1933, 4821, 22306, 363, 13879, 310, 399, 322, 379, 13, 1678, 7329, 29918, 27703, 353, 269, 1983, 29889, 2780, 29918, 29886, 26456, 29898, 19790, 29918, 29883, 1958, 29892, 476, 29897, 13, 1678, 363, 413, 297, 7442, 29889, 279, 927, 29898, 29968, 1125, 13, 4706, 14770, 29889, 29879, 1113, 29898, 1165, 29918, 29893, 29897, 13, 4706, 1369, 29918, 29893, 353, 413, 334, 365, 13, 4706, 14770, 29889, 5317, 4197, 2962, 29918, 29893, 29892, 1369, 29918, 29893, 1402, 518, 29900, 29892, 405, 448, 29871, 29896, 1402, 17411, 742, 2927, 29922, 19790, 29918, 27703, 29961, 29895, 2314, 13, 13, 4706, 14770, 29889, 29879, 1113, 29898, 1165, 29918, 29882, 29897, 13, 4706, 14770, 29889, 5317, 4197, 29900, 29892, 323, 448, 29871, 29896, 1402, 518, 29895, 29892, 413, 1402, 17411, 742, 2927, 29922, 19790, 29918, 27703, 29961, 29895, 2314, 13, 13, 1678, 736, 2537, 2 ]
cookbook/c08/p15_delegate_attribute.py
itpubs/python3-cookbook
3
137690
<filename>cookbook/c08/p15_delegate_attribute.py #!/usr/bin/env python # -*- encoding: utf-8 -*- """ Topic: 属性访问代理 Desc : """ class A: def spam(self, x): pass def foo(self): pass class B1: """简单的代理""" def __init__(self): self._a = A() def spam(self, x): # Delegate to the internal self._a instance return self._a.spam(x) def foo(self): # Delegate to the internal self._a instance return self._a.foo() def bar(self): pass class B2: """使用__getattr__的代理,代理方法比较多时候""" def __init__(self): self._a = A() def bar(self): pass # Expose all of the methods defined on class A def __getattr__(self, name): """这个方法在访问的attribute不存在的时候被调用 the __getattr__() method is actually a fallback method that only gets called when an attribute is not found""" return getattr(self._a, name) b = B2() b.bar() # Calls B.bar() (exists on B) b.spam(42) # Calls B.__getattr__('spam') and delegates to A.spam # A proxy class that wraps around another object, but # exposes its public attributes class Proxy: def __init__(self, obj): self._obj = obj # Delegate attribute lookup to internal obj def __getattr__(self, name): print('getattr:', name) return getattr(self._obj, name) # Delegate attribute assignment def __setattr__(self, name, value): if name.startswith('_'): super().__setattr__(name, value) else: print('setattr:', name, value) setattr(self._obj, name, value) # Delegate attribute deletion def __delattr__(self, name): if name.startswith('_'): super().__delattr__(name) else: print('delattr:', name) delattr(self._obj, name) class Spam: def __init__(self, x): self.x = x def bar(self, y): print('Spam.bar:', self.x, y) # Create an instance s = Spam(2) # Create a proxy around it p = Proxy(s) # Access the proxy print(p.x) # Outputs 2 p.bar(3) # Outputs "Spam.bar: 2 3" p.x = 37 # Changes s.x to 37 class ListLike: """__getattr__对于双下划线开始和结尾的方法是不能用的,需要一个个去重定义""" def __init__(self): self._items = [] def __getattr__(self, name): return getattr(self._items, name) # Added special methods to support certain list operations def __len__(self): return len(self._items) def __getitem__(self, index): return self._items[index] def __setitem__(self, index, value): self._items[index] = value def __delitem__(self, index): del self._items[index] a = ListLike() a.append(2) a.insert(0, 1) a.sort() print(len(a)) class A: def spam(self, x): print('A.spam', x) def foo(self): print('A.foo') class B(A): def spam(self, x): print('B.spam') super().spam(x) def bar(self): print('B.bar') class A: def spam(self, x): print('A.spam', x) def foo(self): print('A.foo') class B: def __init__(self): self._a = A() def spam(self, x): print('B.spam', x) self._a.spam(x) def bar(self): print('B.bar') def __getattr__(self, name): return getattr(self._a, name)
[ 1, 529, 9507, 29958, 15108, 2909, 29914, 29883, 29900, 29947, 29914, 29886, 29896, 29945, 29918, 21234, 29918, 12715, 29889, 2272, 13, 29937, 14708, 4855, 29914, 2109, 29914, 6272, 3017, 13, 29937, 448, 29930, 29899, 8025, 29901, 23616, 29899, 29947, 448, 29930, 29899, 13, 15945, 29908, 13, 7031, 293, 29901, 29871, 31360, 30952, 235, 177, 194, 31658, 30690, 30687, 13, 19617, 584, 29871, 13, 15945, 29908, 13, 13, 13, 1990, 319, 29901, 13, 1678, 822, 805, 314, 29898, 1311, 29892, 921, 1125, 13, 4706, 1209, 13, 13, 1678, 822, 7953, 29898, 1311, 1125, 13, 4706, 1209, 13, 13, 13, 1990, 350, 29896, 29901, 13, 1678, 9995, 234, 177, 131, 31166, 30210, 30690, 30687, 15945, 29908, 13, 13, 1678, 822, 4770, 2344, 12035, 1311, 1125, 13, 4706, 1583, 3032, 29874, 353, 319, 580, 13, 13, 1678, 822, 805, 314, 29898, 1311, 29892, 921, 1125, 13, 4706, 396, 897, 6045, 304, 278, 7463, 1583, 3032, 29874, 2777, 13, 4706, 736, 1583, 3032, 29874, 29889, 1028, 314, 29898, 29916, 29897, 13, 13, 1678, 822, 7953, 29898, 1311, 1125, 13, 4706, 396, 897, 6045, 304, 278, 7463, 1583, 3032, 29874, 2777, 13, 4706, 736, 1583, 3032, 29874, 29889, 5431, 580, 13, 13, 1678, 822, 2594, 29898, 1311, 1125, 13, 4706, 1209, 13, 13, 13, 1990, 350, 29906, 29901, 13, 1678, 9995, 30785, 30406, 1649, 657, 5552, 1649, 30210, 30690, 30687, 30214, 30690, 30687, 30525, 30545, 31419, 235, 193, 134, 30923, 30594, 31974, 15945, 29908, 13, 13, 1678, 822, 4770, 2344, 12035, 1311, 1125, 13, 4706, 1583, 3032, 29874, 353, 319, 580, 13, 13, 1678, 822, 2594, 29898, 1311, 1125, 13, 4706, 1209, 13, 13, 1678, 396, 1222, 4220, 599, 310, 278, 3519, 3342, 373, 770, 319, 13, 1678, 822, 4770, 657, 5552, 12035, 1311, 29892, 1024, 1125, 13, 4706, 9995, 30810, 30502, 30525, 30545, 30505, 235, 177, 194, 31658, 30210, 12715, 30413, 30946, 30505, 30210, 30594, 31974, 31407, 31268, 30406, 13, 4706, 278, 4770, 657, 5552, 1649, 580, 1158, 338, 2869, 263, 6416, 1627, 1158, 13, 4706, 393, 871, 4947, 2000, 746, 385, 5352, 338, 451, 1476, 15945, 29908, 13, 4706, 736, 679, 5552, 29898, 1311, 3032, 29874, 29892, 1024, 29897, 13, 13, 13, 29890, 353, 350, 29906, 580, 13, 29890, 29889, 1646, 580, 29871, 396, 315, 4293, 350, 29889, 1646, 580, 313, 9933, 373, 350, 29897, 13, 29890, 29889, 1028, 314, 29898, 29946, 29906, 29897, 29871, 396, 315, 4293, 350, 17255, 657, 5552, 1649, 877, 1028, 314, 1495, 322, 16000, 1078, 304, 319, 29889, 1028, 314, 13, 13, 13, 29937, 319, 10166, 770, 393, 11463, 567, 2820, 1790, 1203, 29892, 541, 13, 29937, 429, 10590, 967, 970, 8393, 13, 1990, 1019, 3594, 29901, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 5446, 1125, 13, 4706, 1583, 3032, 5415, 353, 5446, 13, 13, 1678, 396, 897, 6045, 5352, 16280, 304, 7463, 5446, 13, 1678, 822, 4770, 657, 5552, 12035, 1311, 29892, 1024, 1125, 13, 4706, 1596, 877, 657, 5552, 29901, 742, 1024, 29897, 13, 4706, 736, 679, 5552, 29898, 1311, 3032, 5415, 29892, 1024, 29897, 13, 13, 1678, 396, 897, 6045, 5352, 12827, 13, 1678, 822, 4770, 842, 5552, 12035, 1311, 29892, 1024, 29892, 995, 1125, 13, 4706, 565, 1024, 29889, 27382, 2541, 877, 29918, 29374, 13, 9651, 2428, 2141, 1649, 842, 5552, 12035, 978, 29892, 995, 29897, 13, 4706, 1683, 29901, 13, 9651, 1596, 877, 842, 5552, 29901, 742, 1024, 29892, 995, 29897, 13, 9651, 731, 5552, 29898, 1311, 3032, 5415, 29892, 1024, 29892, 995, 29897, 13, 13, 1678, 396, 897, 6045, 5352, 7374, 291, 13, 1678, 822, 4770, 6144, 5552, 12035, 1311, 29892, 1024, 1125, 13, 4706, 565, 1024, 29889, 27382, 2541, 877, 29918, 29374, 13, 9651, 2428, 2141, 1649, 6144, 5552, 12035, 978, 29897, 13, 4706, 1683, 29901, 13, 9651, 1596, 877, 6144, 5552, 29901, 742, 1024, 29897, 13, 9651, 628, 5552, 29898, 1311, 3032, 5415, 29892, 1024, 29897, 13, 13, 13, 1990, 1706, 314, 29901, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 921, 1125, 13, 4706, 1583, 29889, 29916, 353, 921, 13, 13, 1678, 822, 2594, 29898, 1311, 29892, 343, 1125, 13, 4706, 1596, 877, 5592, 314, 29889, 1646, 29901, 742, 1583, 29889, 29916, 29892, 343, 29897, 13, 13, 29937, 6204, 385, 2777, 13, 29879, 353, 1706, 314, 29898, 29906, 29897, 13, 29937, 6204, 263, 10166, 2820, 372, 13, 29886, 353, 1019, 3594, 29898, 29879, 29897, 13, 29937, 11028, 278, 10166, 13, 2158, 29898, 29886, 29889, 29916, 29897, 29871, 396, 10604, 29879, 29871, 29906, 13, 29886, 29889, 1646, 29898, 29941, 29897, 29871, 396, 10604, 29879, 376, 5592, 314, 29889, 1646, 29901, 29871, 29906, 29871, 29941, 29908, 13, 29886, 29889, 29916, 353, 29871, 29941, 29955, 29871, 396, 678, 6916, 269, 29889, 29916, 304, 29871, 29941, 29955, 13, 13, 13, 1990, 2391, 27552, 29901, 13, 1678, 9995, 1649, 657, 5552, 1649, 30783, 30909, 31960, 30557, 232, 139, 149, 31532, 31026, 31020, 30503, 31320, 31631, 30210, 30525, 30545, 30392, 30413, 30815, 30406, 30210, 30214, 31383, 30698, 30287, 30502, 30502, 31475, 30908, 30495, 31349, 15945, 29908, 13, 13, 1678, 822, 4770, 2344, 12035, 1311, 1125, 13, 4706, 1583, 3032, 7076, 353, 5159, 13, 13, 1678, 822, 4770, 657, 5552, 12035, 1311, 29892, 1024, 1125, 13, 4706, 736, 679, 5552, 29898, 1311, 3032, 7076, 29892, 1024, 29897, 13, 13, 1678, 396, 25601, 4266, 3519, 304, 2304, 3058, 1051, 6931, 13, 1678, 822, 4770, 2435, 12035, 1311, 1125, 13, 4706, 736, 7431, 29898, 1311, 3032, 7076, 29897, 13, 13, 1678, 822, 4770, 657, 667, 12035, 1311, 29892, 2380, 1125, 13, 4706, 736, 1583, 3032, 7076, 29961, 2248, 29962, 13, 13, 1678, 822, 4770, 842, 667, 12035, 1311, 29892, 2380, 29892, 995, 1125, 13, 4706, 1583, 3032, 7076, 29961, 2248, 29962, 353, 995, 13, 13, 1678, 822, 4770, 6144, 667, 12035, 1311, 29892, 2380, 1125, 13, 4706, 628, 1583, 3032, 7076, 29961, 2248, 29962, 13, 13, 13, 29874, 353, 2391, 27552, 580, 13, 29874, 29889, 4397, 29898, 29906, 29897, 13, 29874, 29889, 7851, 29898, 29900, 29892, 29871, 29896, 29897, 13, 29874, 29889, 6605, 580, 13, 2158, 29898, 2435, 29898, 29874, 876, 13, 13, 13, 1990, 319, 29901, 13, 1678, 822, 805, 314, 29898, 1311, 29892, 921, 1125, 13, 4706, 1596, 877, 29909, 29889, 1028, 314, 742, 921, 29897, 13, 13, 1678, 822, 7953, 29898, 1311, 1125, 13, 4706, 1596, 877, 29909, 29889, 5431, 1495, 13, 13, 13, 1990, 350, 29898, 29909, 1125, 13, 1678, 822, 805, 314, 29898, 1311, 29892, 921, 1125, 13, 4706, 1596, 877, 29933, 29889, 1028, 314, 1495, 13, 4706, 2428, 2141, 1028, 314, 29898, 29916, 29897, 13, 13, 1678, 822, 2594, 29898, 1311, 1125, 13, 4706, 1596, 877, 29933, 29889, 1646, 1495, 13, 13, 13, 1990, 319, 29901, 13, 1678, 822, 805, 314, 29898, 1311, 29892, 921, 1125, 13, 4706, 1596, 877, 29909, 29889, 1028, 314, 742, 921, 29897, 13, 13, 1678, 822, 7953, 29898, 1311, 1125, 13, 4706, 1596, 877, 29909, 29889, 5431, 1495, 13, 13, 13, 1990, 350, 29901, 13, 1678, 822, 4770, 2344, 12035, 1311, 1125, 13, 4706, 1583, 3032, 29874, 353, 319, 580, 13, 13, 1678, 822, 805, 314, 29898, 1311, 29892, 921, 1125, 13, 4706, 1596, 877, 29933, 29889, 1028, 314, 742, 921, 29897, 13, 4706, 1583, 3032, 29874, 29889, 1028, 314, 29898, 29916, 29897, 13, 13, 1678, 822, 2594, 29898, 1311, 1125, 13, 4706, 1596, 877, 29933, 29889, 1646, 1495, 13, 13, 1678, 822, 4770, 657, 5552, 12035, 1311, 29892, 1024, 1125, 13, 4706, 736, 679, 5552, 29898, 1311, 3032, 29874, 29892, 1024, 29897, 2 ]
hanging_points_cnn/create_dataset/merge_all_dataset.py
kosuke55/hanging_points_cnn
4
196021
#!/usr/bin/env python # coding: utf-8 import argparse import glob import os.path as osp from merge_dataset import merge_two_dataset if __name__ == '__main__': parser = argparse.ArgumentParser( formatter_class=argparse.ArgumentDefaultsHelpFormatter) parser.add_argument( '--base_dir', '-b', type=str, help='base_dir', default='/media/kosuke/SANDISK/meshdata/ycb_hanging_object/hoge') parser.add_argument( '--out_dir', '-o', type=str, help='out dir', default='/media/kosuke/SANDISK/meshdata/ycb_hanging_object/hoge/merged') args = parser.parse_args() base_dir = args.base_dir out_dir = args.out_dir dirs = glob.glob(osp.join(base_dir, '*')) c = 0 for dir in dirs: f = glob.glob(osp.join(dir, 'depth', '*')) # print(f) print(dir + ', len:{}'.format(len(f))) c += len(f) merge_two_dataset(input_dir_1=dirs[0], input_dir_2=dirs[1], out_dir=out_dir) for i in range(len(dirs) - 2): print(dirs[i + 2]) merge_two_dataset(input_dir_1=out_dir, input_dir_2=dirs[i + 2], out_dir=out_dir) f = glob.glob(osp.join(out_dir, 'depth', '*')) print('Expected number: {}, Actual number: {}'.format(c, len(f))) assert c == len(f), '{} was expected but {}'.format(c, len(f))
[ 1, 18787, 4855, 29914, 2109, 29914, 6272, 3017, 13, 29937, 14137, 29901, 23616, 29899, 29947, 13, 13, 5215, 1852, 5510, 13, 5215, 13149, 13, 5215, 2897, 29889, 2084, 408, 288, 1028, 13, 13, 3166, 10366, 29918, 24713, 1053, 10366, 29918, 10184, 29918, 24713, 13, 13, 361, 4770, 978, 1649, 1275, 525, 1649, 3396, 1649, 2396, 13, 13, 1678, 13812, 353, 1852, 5510, 29889, 15730, 11726, 29898, 13, 4706, 883, 2620, 29918, 1990, 29922, 1191, 5510, 29889, 15730, 24863, 29648, 18522, 29897, 13, 1678, 13812, 29889, 1202, 29918, 23516, 29898, 13, 4706, 525, 489, 3188, 29918, 3972, 742, 13, 4706, 17411, 29890, 742, 13, 4706, 1134, 29922, 710, 29892, 13, 4706, 1371, 2433, 3188, 29918, 3972, 742, 13, 4706, 2322, 2433, 29914, 9799, 29914, 29895, 359, 29884, 446, 29914, 29903, 9468, 3235, 29968, 29914, 4467, 29882, 1272, 29914, 29891, 10702, 29918, 29882, 9776, 29918, 3318, 29914, 29882, 21317, 1495, 13, 1678, 13812, 29889, 1202, 29918, 23516, 29898, 13, 4706, 525, 489, 449, 29918, 3972, 742, 13, 4706, 17411, 29877, 742, 13, 4706, 1134, 29922, 710, 29892, 13, 4706, 1371, 2433, 449, 4516, 742, 13, 4706, 2322, 2433, 29914, 9799, 29914, 29895, 359, 29884, 446, 29914, 29903, 9468, 3235, 29968, 29914, 4467, 29882, 1272, 29914, 29891, 10702, 29918, 29882, 9776, 29918, 3318, 29914, 29882, 21317, 29914, 1050, 3192, 1495, 13, 13, 1678, 6389, 353, 13812, 29889, 5510, 29918, 5085, 580, 13, 1678, 2967, 29918, 3972, 353, 6389, 29889, 3188, 29918, 3972, 13, 1678, 714, 29918, 3972, 353, 6389, 29889, 449, 29918, 3972, 13, 1678, 4516, 29879, 353, 13149, 29889, 23705, 29898, 4705, 29889, 7122, 29898, 3188, 29918, 3972, 29892, 525, 29930, 8785, 13, 13, 1678, 274, 353, 29871, 29900, 13, 1678, 363, 4516, 297, 4516, 29879, 29901, 13, 4706, 285, 353, 13149, 29889, 23705, 29898, 4705, 29889, 7122, 29898, 3972, 29892, 525, 19488, 742, 525, 29930, 8785, 13, 4706, 396, 1596, 29898, 29888, 29897, 13, 4706, 1596, 29898, 3972, 718, 13420, 7431, 29901, 8875, 4286, 4830, 29898, 2435, 29898, 29888, 4961, 13, 4706, 274, 4619, 7431, 29898, 29888, 29897, 13, 13, 1678, 10366, 29918, 10184, 29918, 24713, 29898, 2080, 29918, 3972, 29918, 29896, 29922, 3972, 29879, 29961, 29900, 1402, 13, 462, 418, 1881, 29918, 3972, 29918, 29906, 29922, 3972, 29879, 29961, 29896, 1402, 714, 29918, 3972, 29922, 449, 29918, 3972, 29897, 13, 1678, 363, 474, 297, 3464, 29898, 2435, 29898, 3972, 29879, 29897, 448, 29871, 29906, 1125, 13, 4706, 1596, 29898, 3972, 29879, 29961, 29875, 718, 29871, 29906, 2314, 13, 4706, 10366, 29918, 10184, 29918, 24713, 29898, 2080, 29918, 3972, 29918, 29896, 29922, 449, 29918, 3972, 29892, 13, 462, 3986, 1881, 29918, 3972, 29918, 29906, 29922, 3972, 29879, 29961, 29875, 718, 29871, 29906, 1402, 714, 29918, 3972, 29922, 449, 29918, 3972, 29897, 13, 13, 1678, 285, 353, 13149, 29889, 23705, 29898, 4705, 29889, 7122, 29898, 449, 29918, 3972, 29892, 525, 19488, 742, 525, 29930, 8785, 13, 13, 1678, 1596, 877, 1252, 6021, 1353, 29901, 24335, 3185, 950, 1353, 29901, 6571, 4286, 4830, 29898, 29883, 29892, 7431, 29898, 29888, 4961, 13, 1678, 4974, 274, 1275, 7431, 29898, 29888, 511, 525, 8875, 471, 3806, 541, 6571, 4286, 4830, 29898, 29883, 29892, 7431, 29898, 29888, 876, 13, 2 ]
python_pb2/go/chromium/org/luci/buildbucket/proto/rpc_prpc_pb2.py
allaparthi/monorail
0
161405
<filename>python_pb2/go/chromium/org/luci/buildbucket/proto/rpc_prpc_pb2.py # Generated by the pRPC protocol buffer compiler plugin. DO NOT EDIT! # source: go.chromium.org/luci/buildbucket/proto/rpc.proto import base64 import zlib from google.protobuf import descriptor_pb2 # Includes description of the go.chromium.org/luci/buildbucket/proto/rpc.proto and all of its transitive # dependencies. Includes source code info. FILE_DESCRIPTOR_SET = descriptor_pb2.FileDescriptorSet() FILE_DESCRIPTOR_SET.ParseFromString(zlib.decompress(base64.b64decode( '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>8NqdSH44dZuoVcPNzbAhlU7eZiWCSJ2nbrNOI2wHa0HVawequ+IvWf' 'b+i377PJat+O/t+FE7v8/OBLURy7VGsxX4lD9lD1JbfmskA8Dhk/eWkyQsn+ef52YqqmT+YXsP' 'fVxudDZXoWYWavZXhgk2T6D8SXuASB2N1KjZQpkpWVZ0Ll/An6/ARFSkZPGLln1wwfda1Q3qM1' 'I4P20PNVt+DQfnE+rDJx/sieU1VaoSV3g7mOTvgx69dX85Cl71R3waXQ4BC/A9/4Bt04/t8Lrf' 'GFmDX4cqVHwRAcVN+1ByEFEzbER+ftweIJwjGEIW8DjccwgVKZR/zN7f8G+0l42uatTVXgRf09' '39YNbec95rVzcUtb7DzrX4o+rp0a6ejPJl+beiaxU+n7EHVWvP2kPrfnuZGhDaP5RuLsVjl+6q' '<KEY>' <KEY>' '<KEY>' 'y7wALJaKjBRc7buBh4DMXPWnZ+qVkDmZCQiMft/ltTssJl8ufs4Q41QVuIkPBmEsXm4vj5bcnE' 'NwdBnPRgZ5RCwnTLItCHkGEIModEOtD2N5t1RJVlNZTKkNjfr36g9uYSe0D2tveACXsAJsVr7d' 'Dc7Tt5T7rOYivAnytSDEi3x7/R9FvBpt9oe/WR/ptXSxTOPwEytxUCoB3AMhogLO/pIt8Cbd0V' 'oygsv33rQTuo+9EybsVBe2SQKj/QJcS41DQVquxdN7/mp6EVYKigvVzd8BrrgEKOVvL93aIQS0' '1TIWjE+Bbly3Zf21uPRoaoaqFr3bVh5OvXvKBVoXJ5YN4ajj+CHT0asalWl3QSdvBrM6poxaiV' 'L9i5ZisIAYudkWHZx+Q7rMEBUhp2Rvb0lnzzhkoxHTbW<KEY>eFjqHB+sjem0++Lp' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>' 'ar9wQZI3aultxQaYlDj532ftAdEUZuyc0g/zt9IcC7033+Jd+VfsPaZekr8d/bFwW6oNNP6cPW' 'zoBfkuOditNOyO6Ly9NyFh8relnO7eHuBmSJVu3LpFzu5tXbD7SdPMd61K80BQ6FpnCfW0eNf5' 'My+fvr1D6TkD0lx97r/4Xssecvqcu5wPZR3L/rSV20Pf8id/znKnw+ZOK1jfaLsnJ0886S5u+K' '<KEY>fDLb/V8Gvu' '<KEY>' '<KEY>' '++<KEY>' '<KEY>' '<KEY>' '<KEY>' 'z/7JPvqagTk44mSck4Uf7HNBUsFouAei/45b89e8Tp0QhgG1O8xnWABGC5MFqpIegQeMy1u0IJ' 'eSfGX1ozmzwRq1HTX9KuhhuvFAI6IJXYKxNIDTAcegjWSlRmx3048iYBx3O2hvUFtrYb0ebuOa' 'aoEIis7a7jGXmcFteFAaZ9Fd69TrJZfIWoRjTttv6cVeLLugFcqakVnA2sBBLtJ26yS1EMFybf' 'tAD9VMNSiWsS8YkoeFCD+mSEysTe86VKU1CU29cKKEg4HRdgDSnoBDS3uHGgGMmpo/AyE0rAAf' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>' 'JQxnkWuObJwj+3XFZHYmnkVohDUNi6tEhiKYVSbtNve1ABJroTxQKp+C6WqONsRXSvg9AlKeG5' 'ZGy0YUU0/BbqyWrvpP22BSP1G65Yc3DF4E+qQzUA5PJnYZAHDAiOIO88akCyAJlwTtttgWSd8z' 'DGpws1V+lIOMiGv63aJ61AbByACQ1ow9sCLm67dR+mx12YvjQ7s3R5tuK2wrqv9vEalAe1l7Ye' '2fpiXHGfPg+4HjQgGYAcckYNCOJ2ynnS/<KEY>R' '<KEY>' '<KEY>' '<KEY>' '<KEY>' 'CMcqXT7oBusANiAtZlFGzJXi2iigSy3njyqiVgPmzreedeQFnB+gk2aEAsgOQc24BkAbIXNqwl' 'gVjOu6DOSGHWFRsA69F6QbuonsCcRwqJXRHG0WgELUAQG1509uvOQZARbNiAYPd7aOH1abn3Lu' '<KEY>LOK1Dn3sKzQjRFixgxodRtYobrFlt8F822gvUTbNCAWADJOYcMSBYg90Ctv8oKKOv4' 'UGms8NWsS3YYUmeVeJUFrTgSEJ5bY33Db5dkrbP2iHZkUnIi1JZwU0+sJKWkso5AG3E9YOWbVU' 'ZD9dQqKYr+BVZsYBHUtlBugIjwN71GO6iy7mC7G+12Mzo7MaEPcmxe4hNUGfqdCBprLY/PdvjX' '<KEY>lOef+Yp79QT1dOrtdqkP/mk9+Tq5NoT/omTp9bO+KcnT/lPPHHaX53wmk2/sR40fL' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>EMgGadD4vVdLt+K46qVqYLR8MKFAc/wqiXgiclJgEw1dtwtr97x3WcBMInyIYCjTQ' 'umEwcC52UEGzijXMO+ms6YxgflWkfLNUvkWgd46YAByQLkEEjc/07NZNZ5DSoVCr9nuS8QCoB0' 'L8NZOXU97a6BGKEpAiy3grATmeIPbTR8NIVjCig5HV9ODaCtyPYdHzBw19P378w9QaQXzZWlhU' 'WcWDjYkC4SwcEVScJcZpvdM2fFZMK1jKPriPhnWD/BcgbEAsiQbEyWrOXXYGO6136K9Jf3wVr+' 'fgsW8zFazOpcdevVjDPwPpiB++2PWvQVl/<KEY>' '<KEY>' '<KEY>' <KEY> 'GHv+iOVkC/e6Vxta/iTUVUKCikMLUMGGJXm3BuWglR+xnD7nxy2n3z5swqH4j3DxgxqMLPSjFq' 'i0jxpleaIIfDgFthB8Nwi3JDiL4KLzSKJly/kgNlFKlEVhSOB7U2AqXXCOpsBZBB9zjttVA5xx' 'fgybKBfmyaqbsIondHxSR4nwyOY+nwdgQfgwIz5zta0rAGnNvuGwxt0UUmALwfeBsEyCswguOe' 'MJGmSdD2MTxxNlUQMg8EgKbCH4XudICkyNjEKHf2oRHCftp5FT3MJXLLeixgsMLyNkfsEVXPc1' '27ABXBVO0IMpFcAes92AL7VgK6iBPsx2YBCUeB0Mgta09KPQ9OA8TydQPioapb06n0/oOBr1JD' '6ImNo46WEG/Q+o8cHa/OlYdmSFJX8aZUfeAFkIOgiCIgZlEfQgcCgev/qcn8WF+Su4MB/ZTdym' '<KEY>' '<KEY>' '<KEY>' '<KEY>' 'TwpsIXgkhTruHwB2QXxeIjBO+GeR34qFJzSzaXlGKgtvwLAGEwyYWkl9spI+G6+kPmGcz+JKOm' 'iALAQdAsxiUBZBrvOw/<KEY>xOBfssfcXhfR5RysN5hkuD' '6GJfpxIr2mi3YwM/abKRbNv9MiCq/Tm1bffLmAg6aIAsBOWcvQYoiyAHtsD/zRKY5fw21isV/s' 'QybxaiGCe5deFrJXXwrflbfh1Pf5HyrMBDLx1Lq2F9fLWzhrdUE7WwGk3QjZUP5+iJlBPGI9QV' 'nl1BPE93WugRgkqpOn6TeExevdABJCLfAryBGRdrCx1E4q9d59OYfqj20IiBEHlNGVzyBL3PAB' 'Fp7octOQZlEYTb8QsCyji/Y9HhbfY2LBmajrtfYSk0cTFSy9BfSSOA8uN3kmjiDP6ORYepGJRF' '<KEY>' '<KEY>' '<KEY>' 'DhSVmLt/miVYQecqmQrBbfEFIrWmfVV+FND4/T0GIHFzhC6GIjtjUre7EyRwkfDMhyJ/oC2R+k' 'GWZoP0NzBshC0JBItQFZ7n9gkU3wA5bALOerWO/BQgdmFsW5Gh8fqls7dBqM0Krt1ds+2TzcF+' 'naQl2llpSEWAUJsB1f5bKNgQWWGrpyl9S3HGpcuAwJE0BwRGOMp4+vxmJsQJbhV5Hl7jVAWQTd' 'D9I6FFDG+Roz4XcaByRi5rI2cuLiC2DClVUwtoTCkDqNOsys2+X3ibTQIzfwx/VJXX7VnBdcnw' 'QdNkAWgvYY84Lr82s8L/+7mpes83Wsd7jw5xZynUFs9MJoAV9Hcok0DgQP0HC1JRYGufQsk8Ux' '4X/Cfkowzquo6W8H5LAhU4QDQ4Mi66QeLpawEduvfboTXQvWRforf5JyG6T1siYT97AMq7CKDg' 'rrPh2XyxNcd0LuHZelKZL7BhHRpEDD/prJBKjKEHTIAFkIsuXgPCAqzNdR+T1k/7eKiH3ON0g4' '<KEY>' <KEY>dY6Srwk/W2zFTJd' '<KEY>' 'KGJrxaTV3fqjZLbEBT0p9E+hrozLw7zDWAbYLaVGudPHlcX6vXtDGmmFIPsso+ArQ1bEL/NXbz' 'QSnGbKhcr2S4shc1YIOiK2zx84obJPs9ea68UjQkRfHdBshvoTuLBtXhC16bFBXk0RYsq6a/LB' 'cUrU4DHTqLJbcYRMt413FbBc2lABVs94UTLkpjGBfAzgJtWqw3sUpVjBmDL9zRqwBdkzZBc2hF' 'y++JwkbRWDHA6czjwPr36bXQDyuGoCMGyELQvXD6iEFZBD0Gmt//pLScAef9Gaj3SOGrma4dhp' 'dI0u+WrpHEL8bgU2KLqtcRWZJcMDBMvulWFnaYGNsFqcqzyjNe5PYnpLuJ1zbCqI0T9vrEayJF' 'Xp84PvFaUHsd6eEmfHrdcBULRGwHps6wesmVmujooi/HIrrqT88LKOdAbx9FaRGNxegzU4wZDN' '<KEY>' '<KEY>' '<KEY>' '+yT+9eZ8QxWXj6VF/63ZJoFTUU75NMnANDTNJmgAQcNiWGeQhaAR5zEDlEXQmHPM/ozSInLOGx' 'kytn/Mche99d7bIrq099z2jHtoKmSb+iZez511d62b8C7jOwcqq/aFUG5p1Lalh5GD8b+RHH8O' 'xv8Gjv+wAbIQdDdoAjEoiyA0MX1GrZgh5+PYVLnwsax7VetNSs2PH8hotNT9Srxz4nV7WvOnbY' '5UASBGCyc9eW5CoX5b27gd49DdRLyXv5VNXDdYkgM7beL2W9nFYXxr5LDEek7JJBRVZvcyXl3q' 'wEfuFjVfyBMPCzbHoMW+THQvTb5E2osHSHiCzqd6Godg/j+enP8hmP+P4/w/YIAsBD1oyNUhmH' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>' 'q8xa5wmENyCfx2pfyjjZQjl+XSFbeZU8bhIOYMYN+gHVBlpkmSp/NaBhaEH7vYzT5zxQ+P2B1L' '<KEY>' 'H+RwHc5LILDX1/kyPbZYoWwIO+06uovhkYSxRVm2uNNE1kH7HiJA7lfcAuHRQHNaQEoLrsgN8h' 'XHdkejMXaFYDuc7Z6QRtWREt+XrKVrhOb1HRY/2sae1zr1MjpHNEo2Vko05OOxAtHahoH6W2RE' '9CKU/54MbAf2KtiMgmgDBk0d2sZrjbgLxql9FLfDCIT2KghoNIX5SFiPvHH8TdhWwpBOzswh55' 'PbZexRT1O/g5eXamZWPTigNWp/n42JHEQSnISuQVEEZUkbhN1F+5/QPppmCy9ilgobvmKK2EuW' '<KEY>' '<KEY>' '<KEY>' '<KEY>fTg0Kef8w3tAHhbR/mCEX2xiURRD62D4rIMv5aoas1eOx' 'C17XRpV+E2ygQ1ZmbOEP1clxUFmZM9p6PqiszLCDiZV5UFmZM2RlfkFAGeePv+2b+qAYk6ll6O' '<KEY>tQHxZj8x/GmPijG5D/mTf2/whNMzvk6zv73ZWH2/6UF08+TFTszoqqpbk9wQcuc' 'xldscswUrzGk+dn49UnysMye7esIoNNtVFaXJsbtJbZEyq96kxSsN0LT6E7+97X4LCzciMeVr2' 'fozeAp+orc+BesrhT1wJR+rOyBytzP1M0JT1K1rytNICc3pgQdNkAWgpSpPic8+RcZMtWfEJDl' '<KEY>IHO1PyOkoMdxRggG1KlvzAxwDvHb8RsmBM2/Aay4X4DlEVQHpB6WUAZ55ts0phTGB' '<KEY> '<KEY>' '<KEY>' '<KEY>' 'HROgv6T+XatMlgaJj92ySDoVX2b2NTRU6ssn8bmypyYpX9WzZV1AU04HwrQ+6fr/TAeNX3G5qK' '<KEY> 'sENOj8+wz5sDVQYq7BTuG7o2JlGSvpe1nFD/h0d9d7KVw53g7rYcYNkzw/TlbT40GjGaHwLbVX' 'M7SfoQMGyELQoGxEObGb/fsM+Zl9Ua32nPM9Wah3T+Ez1s2lsyY8HNK9oNXtJC2+rHrLUj4eZn' 'QF3np29YFF7+dnTqhXDB3xBQCFvpZ0szbvpXNiSaNhwOhcPVw0phF0jwGyELRXjrg5MaYB6DBs' '<KEY>' '<KEY>' '<KEY>' '<KEY>' 'Zj+YRMPiLnIGsuRInMVHWKsDdLl8yv6ZZ+xbRnjM7095bBUftod05Jz8IbufLhQpNttQhb+c/6' 'eWfRD27XTEnfP7dMVrCLpmvfyUFFkP68BWFAxj3W9wTMYeOJ2LP/5sJnvx2vlPZh68yC1cU2F9' 'XvTr9Xc24BSwuNP0o+f+xTl7CKTUXc7/aTmW/ZU9uT30LX/yt/e418RZDdYcOauBEsCt4VkeH/' '3Ss5Gq3L2ELVisdiLUxuSTUgHZqezuEmHjLXrM0bVtLUAfKTjrosUSWb7D7/olQgdCVikWDeEV' 'idcgmjPg37CD3kZhTds8S7SjNdEi0W7zbfBWgA9ftZUnVqlg0dYC7bWMURDaZ21+530shRjdYZ' 'gxQ0iytdBTlAWAtxpu4U9CMXrTHVTJBQpWrXqKZ/Yo0jlGB/qr1j3Yu/CSvjcS0JlBC4UEjLHW' '<KEY>' '<KEY>' '<KEY>' '/MVkC1nJ8B6PxiZe780uLVyoINKuQCVC3SL6hNzr7rWmV2YcG9WnHnrly7PAetQfOVqfnFudmF' 'kjs3P315aWZu/mLJhRbc+auLtnt57socPsBevFqibrvruVcvuFdmK9OX4OvU+bnLc4svUYcX5h' 'bnsbMLVyuoj1ybqizOTS9dnqq415Yq164uzLo4spm5henLU3NXZmfK0D/06c6+MDu/6C5cQr04' 'MVBQy16cn60g9uYw3fOzgOXU+cuz2BWNc2auMju9iAOKP00D8QDByyVQbfCxOXwCeszCcKYqL5' 'Wk0YXZ55egFPzozkxdmboIoxu9FVVgYqaXKrNXEGsgxcLS+YXFucWlxVn34tWrM0TshdnKC3PT' 'swvn3MtXF4hgSwuzgMjM1OIUdQ1tALngd/h8fmlhjgg3N784W6ksXVucuzo/BrP8IlAGsJyCuj' 'NE4avzOFrkldmrlZewWaQDzUDJffHSLMArSFSi1hSSYQGoNr1oFoMOgYgwpHic7vzsxctzF2fn' '<KEY>' '<KEY>' '<KEY>' 'LLfI58omQ/+w25xbWyV0xDVss1wNq95IP0WFlLdcQN09aFvrFhqO2QgJ23QqJ2ZXXF1lYnFq6x' 'rVJCSkHDJS5cW9HNmgGn4oA9VLq8uoICisZP78T5WKeko2Fo76wKMZTfO7kdKIdjO/FG3MNYNy' '5u4iz1gVC80crPDXGZj4uUUzigPVCU/yrsVOGm+9wCrBC/ATsobjSj6D1AjrVjiP8jUvsK1YaR' 'XWMDBW5Ttjjm0piSOjc79jZ1WTxOdr39CWEvg9GPa7qh9wj7/OqQXxgMK2Q/fGyad/Ywin1RMP' 'yVPlCryUP9MRk/Rx6h84P9RuIIZqtSrn6wTFPUA2Mvki05Uny5Fge58dyz7smT6ttq/IPr1uCn' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY> '<KEY>' '<KEY>' 'kA1vZa6xR/QJMet6P1kG426QaVm6zx7SkK3gTqWgrzcdR4aaGs4kog95bHNokWmIYtrkwTiuHh' '2mEHb2rLvH41dhj/wovUzhLa9G4ezhpcW3AVFEp6r+CbnSiFHqxSvb+z7NwyNxnaLpQA6ZZK8X' 'Bw1npsscknNXbcROopCs1APEIlhhEZdboRjPBCWT28SwiQbuxoUpTQlJ66paW7QtIS1JyUvEzt' '<KEY>' '<KEY>' '<KEY>' '<KEY>' 'p45jNJlQcijCbJeOY0bn1Kp15AsB8Jnipuf6W2G9oyRDwNs3BryjenZ89tGBorSCdL0RbhPlNt' '<KEY>dGIc' '<KEY>rMTxCuJxYt9zsQpKiCfVvKCEMfchOYmm1k9FHfRNAvR5h7vhlGP7TDWtpJ+NzXYPB' 'oUfCut8l4HnY20sN5aTg8hZmvVQLSHjZB8KoyDG+k2j7jTMCZgZKWm4IZxaXHxGmuXfLah74gD' 'cVv3BisaTSfyoyRz6rUvs3xtanH6klZMobFrS4uJxazia1GPOqYanI+wIFluaT9VZkw6THWAlR' 'ijSI7EdGKeVSdm6MZQ4FiaYYlS19qkQzaHgNLRQeQt8jYpsHykIbu3ur6WYz/6IXhl5fVDFloV' '<KEY>' '<KEY>' '<KEY>' '<KEY>T/<KEY>mTBIrMqw1fsWeUska10TPB2IVCLBq57+lwbJmWv47h+1Tga72M5WCZ' '5ow0MywQP12Rb3ok1InbxsQ3/NHQHGQWZXZPn4t/WeisqpZAh1xWfTzjPnUupVm8LhLFmGm+gb' '/5jBqT+DrF7bp5cQMJo1a8C8ood5rqvmS0GA+5qH0RUNCOGU8sxY4mlg0Rn/GMui/4LX2lJuPU' 'kbP1ZoESHE9CfHIWyblBEie2XBBq2jLaNt+NiuFxC/tiUS6OW+rMITZaduSmQLKo/6/Mzb8wdX' 'luZnmqcnEJjfwr8XaHKJGQwlt7FV0B7+ph790EVQRdluXSHC+w/86iKHcTORV69VscYu1BGrFp' '<KEY>kIsjrH4rjrii3Gu/hRFXDhggenaZF98F5Vb7LYp7pu+of+<KEY>9+w7AFOZZ' '<KEY>' '<KEY>' '<KEY>' '<KEY>' 'ixDjpiZ5Uu69lPIWbFJi7kSDjyHP/TXP07y7pd94SvPmjnyCFh+Y53wh3vhDveCXe8E+54J9zx' '<KEY> <KEY>' 'GswptZd4V337S7AgE7aOCgvY/2dzkts3Fb39/bonODZkvRv3bw3M2BfXG31hH18FBIPgm4pXcw' 'Q1RJd47BulASr+pUTsoOgAkmtvwYOb7jT911gz6O1qEmIaabB1F+3YdzqB5Oj/MnqvJ8ccrXQI' 'mwi1471S9tnLFZUt2o2fGreD55m+mo+FKBUVJvA8mekmqaDuhqLgBRKiOoxVkaTlHOp6f1UeFx' 'cmgvuUuNUGIv4zQA9rtOQzIzA9Y/JeHTVYzPx+n1tZmZ4XF6fG1mZnicPNF/l186PCu5vz6XcV' '<KEY>' '<KEY>' '<KEY>' '/fPOPiPq+F2UUQafX5ZyKoL+DNS5v3B/soda2MHnuOk+0GV6hh57mgHpZ+iFkxmQfobea6g+Ms' '<KEY>' '+UwKpM95jgbidg1Eydh0Pxho7LnEYHCdPZcYDD4oeo4Go/rpdy7TtKf60Xeown5GP/gQ6HJi8v' 'Ed0OXE5OMzoMs0+Z+CeaTMMHc5L8Jy/0nLXdGnvRV+OsBG3jZG1IAFrMzZdKukLmlIb9WcGGcK' 'UYuDbDWdhqiUN19Pye6p2Aq2vUKLqj/HaWX6QWQ+QN9wabwAi+pAYa87n1wN/VravUDPTmJIBi' '<KEY>d/4Rnx4LW+6KPijL6LdbHr0q8FrkJ9d1fR1LpFsJimTLVMxrtbwdIzL/PyKr0TM5' '<KEY>' '<KEY>' '<KEY>' '<KEY>' 'QysrB6RiR0Nf+Zih01OISTjpzlbrLtIGHEJfkhbCVTq8e3RWVtdiUsyFPZKPq2jRODsxsb29Xf' 'YIUU6yysWiCclLOg7IQoUlfoGsL9NW2QkMuBM3jrpHQYi89ZbPuzL0jkdNSQ3BZ1LjzJygkkIM' 'ra5GATqN61Pl+amFuQU4xbw4t3gJjwHmkZBOUzNzeHSh8w4eF94Jx7GSKCeoL9CFC5p5N8lvUm' 'LwmN0rpU+fmJX2J/ldKS6iPjbLi+56sBmo4PVdI5KzhUNvqzhva94ZFB3/ECpfcnbgzwg9bJwH' 'DuvzwN3G2eFufXa4Bz4dlXMGf0boiHF24M//zUE6O1xlli584SCJsBVeNCK343hS9XCdIpKwVX' '<KEY>' '<KEY>' '<KEY>' '<KEY>' 'uy62qNDWZ60rEfcrDAIaPHG+JgJ3E18XC1TXR8zSMnglnQJoJoQxcmBtrw6xh6PDagusfiOTlG' '<KEY>' '4ePAfqoXOqJhJS+Th7rdWg3fJaO2hdZFMznT5XQ8FGRrRIl+ikeuDbXXkgqoK+Gc3T4oy0rRKk' '9HUcwko8rSuukVk6dgbAa/iwoedTmUTZLeCyEmx4qYVk3IWPg0hIyBIhpe/ItmKsRcVctvLvMV' '2GyYLLoZi20TeFyVNmz/x27+7R470Zim+lljfKqaUerLbkHTomXtA/U/PKIB9RLA0V/RUH7Btl' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>hEOj5FGZ9k4BRviPRXtNDDdYwPDBqTRb9ClP55peLrQEbtXce7HiMAWtKPksCR6' 'DHMbvrQxfczjV0ncTGw81OPsRCqoZZo0PIzL4fo6Jz9b42WMiAsTUvrxNvmRAWogIMUbTtFWt1' 'hFPBiJLkJ7FAYTLVOo9JIklu2LeCJCS1nQ3oGzVrDlVXck8FpkWBWvklVxXVsVn6cj8ovsf8DU' 'YTWDLXa7qw63oTmkDJDY1dWEAbKfYMnUsM+Tecs0QD5PR3JKqsJphV6gYP7/A0bC6FIjktpR1y' 'iA9KJolDGZoW2qBrtqK7FCwE6ujbZ2LTHHzBNYll3+3Tf5ic/rZMGM2xbvQtEfkklrccTPS3rE' 'u8TK9oLODagSKL3gDBnkRSvbCxTD/7tyKmntyxTaqA6EU2ZTGW2kdIJWa6db12F1Tukfoiiw7h' 'E/DSS9Q7/+EDW6HGf5RePYy9ruoDI2vewMU1r6OMHty85DlHI8TnD7MkY+0naHPyvZu5sUup1W' '<KEY>' '<KEY>' 'HjXMi/z5r2h3d3Zksyv8a8ddgX11JTaDeYZlBI95gShJag9yeQ+KX6/Xw4bkWICz6VLlMm8Yya' 'ckZLYMdTaaIGnlQSGh9mYxFOwooRjpe348BHvV6xOdBv4TJ8TWL1NQstvYC2aQB13cXes0qrIH' 'tUzD2brf8PkVBPsz69em2Caiah6ST5yFE3D1ulglqWvPNE9NHz9elr3vQhgCEvgAoVwuixM5Ng' 'mqiHxDbQlbuwAydRSKjgm8XBYhH6y5o1hoiXpaDEcfw1Jjsbe4Lvm6gePJW+CIho/bQBJgU6jO' 'Qf2bIhdEo9BKGfa6KDJx42axBCNhlDKeTmisT90C62s7MDkNhTc3Di2OAj5jmpyM8+hYkr6Efj' 'f2+PMcIz8zuzBdmbsGAmPsrA44oAlv1OcWDLRP3wLti6FgTCiffcZ9rLlahi5fg3bUU0XoiczJ' <KEY>' '<KEY> '<KEY>' 'R4O2y7z8Cf3S+V+Z0Zy1M+rJPdh1/N0cMXexe7bM2PpWKJbS21WD6K5o5uVIYU45vnle9AdFeU' 'm098mREPvqxYNw57w5bp+ISFF5fnUg+v4JwBCKafS60Frai962MpnAD1o/lcCv/oloqEcvGsW+' 'zFLEmkyoxGsaQrEwL4UAkaeJq7fTb+FRFI/Wg8mBIjeIq8TChQb7fhWDiOD0Mb+mVoIp5NevZK' 'Pd3XdBYU1Y1kZJGXYra7ssU+B/KKJtRPVI3IOWgtlqlWRlSZaXnVqifVHV0zTCevpG/jZyQnyL' 'tfefdY1xOw252JZFPGZNBIsP6J8skTJ6P43ZK2eu2A6jNsf9zWZq8PWxQ59EOoSANz6qAWvOCI' 'oJwNFa2bFB2Ywk/srkXYu6kmfBNEMiHy1ymDgFSGfo9G/HpInwRpBu2eokadtTQO9KQZ3ydhE7' '<KEY>' '<KEY>' 'xvtFLiML3yK1uk8TpEXcxhqlm8sm0CMVjgSlYGQnHTa0ZafkV8waveisbBWpKBk45xYh+FTxBv' '<KEY>' 'tOdIgNSjpQpeu78DrQRJnSzRyc2CFtZdC6RGX3N41p5xfr6FfHyODnrZBCCtOlBjct95n42L2k' 'SmIDgNQqa836SmdVntyjiQoboKQmHHsd+Yu0DXd0CfhA8tSYuzJPmtegQD2uu9ryvetkOpLY7G' 'O2zhtGnjOiqnuEgrB+VefOBv01qJMzg3BpuLYWVOkSSOslLR+j//slSV2iGtG3rDE7rfrrAeeO' 'wX3VdnsIP8pAR4wUqZRlG7i3J5ncHRWLC2fBYs4b027WNnfOoYCSbyqNSADyXBy1jIOGzZ7k5I' '6kOVdG+w/H2ZGV1f7DmB35QOK54Ycx5/thCqzPZvs3OC/7nHtFp92izCo3O9+JvGPzXBzBRY5H' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>/' '<KEY>' 'gSHBR+pcYiDRG9S9Ff29eNq2F0h9veYFrR7vdBM3J0Nyc1J83R7COajQ2J6ybY47jvNGdXs9VF' '1UjF8ZotL4Pf+4ncNo5FQxc8uKg1AWvxW3kTHodtuvzaisf7eLPOIbJwgUjr+3q1ulXFWMwse+' 'z9LurHfb+YXFqcWlheWleTKOXpibnXHuyu+1hxamL83OLF2Gr1Z+2B6EYpVF+JLBN7Sz8zOzM8' 'tXphbe6fTRj0vT07MLC84e/HJhau7yUmXWOZQ/YO+dm79QmVpWoEfze+zc9NT89Cy2O3PsCKyC' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>' 'I5dLugNxsqfpak46uL/wgF9ptO+pwRCtd0zhGVxAlaAjJWW75KZctYStiQ7qRPiWbJLrIatClQ' 'Bh5dKO2dBBM0WgPyJUabpWjR5ruPLIz2EfXug0F9zmOUmW1dpRYx2sIwOuikSAd0St3B0ba8NC' 'XIU1kJqnbLa0TalAIHb1pvamTFYfdJ97tc2gBiVFGFeSwxMajOPAYTs8/+C4Vqv3OMUP2i1QvX' 'TsPE1q1xvDn0jDKSWoG0wJM/Ba+JKMcfMiOeYOavL<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>' 'Thlpxdr56PSLM24zDPAdIdFbrAnsehjiTQsF/WzbKm28ppHhXfgsvVv5cUvbWadhMgqF91ukCE' '7PXZvRZn+5JFAOlTE9yOghGscKnE9X5I6B4ocRNTfg32Qdbe6m2IKJnGS26jHljYiYPZt4/NxP' 'sFzCG3HaGXIOJ7wRp0F3uNde1laNSzTCq/EA5exNKbF8WOg4Hp1xCK2DEoNcfHrk4oqovoJJ3a' 'P2Ssr7D7uYdgoJ779LXd5/lxKoWvQ0FVH9uSHt/rdKuH5oiJClsHsN0UG3wuu+mcgtphmVnaQw' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>' 'Y9fO66wSGCRW306gl0h9RwI2qivSmE509VCtepG6fGBdFjNdt8MS+8oboS4wwWJEj2nW6Rk8TD' 'VaZnbI+B4xK7pHox0Q9ZvMUkfxOgPPkpFtMhVP+lsRRK8clZk7+u4VdzQowzkoXp624iJdSOUy' 'QN6WpWkKe7k6boQGWeyYLmMpL+HVlJdwP0CGDe9nFLuroJEcTngJr5K0e52U5nXY5DuwyYfuFQ' '+TAPrjuInTTmGE/fBijepSB9iaCpllaJ2Z2RVgh61zuO9kWmS5DY3DO6zDRnjYvkjfhpwNQH9v' '<KEY> '<KEY>' '<KEY>' 'aEzmFnNBEwI3SOOyVNCMt5r1EnS8R7LxDiADMnsW+brp833zIZ9FT9fYaKOgUi8F5jYJgwuS0n' 'rDhuR5vQNuN2tOlSZ5IOojcwFzb67z0M5wA0ptdQVqmVBSevsJXQEHHgN+gm/oOWjmXwGl0K/W' 'MLH89QIyWXXnd6rZo7WoRtCIZbxO22XYOzUnEMGxUfBbqudovvicJGmTO4FFEaL9HFvSn/DF1T' 'bXyjCQTHhDoqPgIidUNCZWREOXxNa1wqQsJroHGZZbIAcYBezwnEcr6bpvks3ecSWWI5QzPX1C' '9dJfZtRBQk2xI/k1NY4Zxha6+Bfu1oWD/BcgYE+xySOcvInH03zdk/yQgo43zAIlPOv7UUYvJm' 'U3VcptjJAEcb7vjkU+OTZyTMOm6mcdim+JK7CLVr4XoRj3f82A0dJ9qkJ7BvgZQ4OzHxNN5ZPD' '<KEY>' '<KEY>' '<KEY> <KEY>' '<KEY>' '<KEY>' '<KEY>/QVGU1u3h9XZXfltF1Z' 'rE9YjFqC9jmycJ+w2Bvx1PYJi70Rs1ifsBjfstszArKcjzJxT2EcG1Rs0crAXk4stjlt/O781i' 'f8Ru28ofitT/jto0mkLO5Q8Vuf8NtHmeiPCCjj/KRFpq28y/et7qXZd+HbiRNGn8hlVOyjisv6' 'hMt+MtknDvInsc9hA5RFEFrqIwFlnY+xPF5VfYI4VOOGj9HEBuwX0cSmB1PeQqGIVlnPXW15De' 'BJpNhZ9MDVNxcl9h3iCwTS8LgZk27IrNQtIBNTBJn1Y8kxILN+LJaAfcKsH2MJ+LeWwPqcT7BL' '<KEY>pAT4+R9BEMKG3AQa6ithQ9HdGuGm1' 'aw3sG3wPgMbh0fPqkACRRYUEmwemcdz7Tr0I75rm09aI/zoqanW4tXZ66OogbSCoKxs+6md53C' 'O8BJsLOK6Rxx94np2KdGDgQ5oCnUB3T8RJKOuDA/EXvJMCiLINycy1TlF3DR/6JF91hT7nV/Z5' 'x9u1Qmd/YlVUsdjeK/YJHFbT99xaX+SWIlQq9f1iyBoCBnrO6XNfvJGL1+WbOfjKe5X9bsJ3ma' 'VfuW8ykSx7p9XH4E+qQafr8sv08l27e47pAI3H5Zfp9igXs0h2HQfhmH/y9w+PcYedLJJi5p0m' 'ncaKL+ZQ6kfoa+4rg/Y9HT1reQfXxAyEM1f1mJ7AFR+wl6nwGyEHS/85gByiJozDmm0bCcX8Fq' 'Y28l+/iAUJFqQnvHdQeokv9KEg2Lu7jfedQAZRF0FI4kp4kl/iVS8T9DKj6K5nkJbye+23T1yk' 'tDxUPbi7W4Xj/M/n76iiT9vEW3ZAcUAMp8Xm1kCpRBkA3yTVWznF9T8en79TGCQP0GKIOgHBw2' '<KEY>' '<KEY>' '<KEY>' '<KEY>' 'RuTbk62or+jf0/AaYUT+Pf0V/nL+u3o/696rGlRvu4/d+m23QvMtxKT/9KMSk75954n3nSfed5' '5433nifeeJ950n3v8hxKSfMmLST90iJn3ZiElffksx6X+GH36v8Q5Y+JADTK523lRUegrPWIIT' '4Q2/Nl73G+sgsaKmx48V6UgQR2iy2RmsCjo2CU9RAUhyrtFLJbU/qB9A6qI6QF9tulzgDI4quG' 'TKG4hzBwIWoMJTq+i25jfboloWa95O0UbhVoRjanujqJqh63GWgNpTmSW2bHUqPFoVE9O3t326' 'aN02S6vX5ThATSp5XCI3lh498OPAWm0cLlKE3Iu8uCE4aZPqwIngW+GNAPcFOEofHz8xWZqcnH' '<KEY>' '<KEY>' '<KEY>' 'e3cmkchyxpw/k5xzwChNhHNxJcUBxqybFbrYIK6TpHOC6UwSxxV6Ujee37jgs2bBXfo43ruPnj' 'xkzOCp3VYw5v9EkVrGv2p+nQ4bqcAHbSR6d8FRkHzRM6dK7mbQgIajZ05MjiXXGVRTvY2mfipj' 'AIpF3VS7NhanIL2i44xKgkn9rBHFpsZfPZpOph/lZ+BQRD+Zi5N/lCQfKYcDbHH84ThZcQQHn+' 'CGW4yK7qhcytKFP5N+jH3Z6VWnX/Vrcdg2NiAae4zyedDbTKSc6wlNW29M6P7IBVKBRU/p7Ypa' 'mky0ZYQrVGMPEoRCUhRPRUWKgYezn9gVTxiNSVuUbDZGsVdrZcVdJ7BdbCfVKiZ3wbifZru32y' 'y0ia8PtS/hGl2Q/FnsS4juBYcK/8pyFzh0s+pZvcU2lIOyfmNIDD5+6sTjpcefOIPbHP5P7rjH' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>' 'y7exvK9ukWlaXs+<KEY>' 'rWzCsJVNvCVb2efuI1vZq7IFFt68D7g8PgYnrGX0cIfEGz0g6zZeEfxV0J3ISqVMWaV0jsTbMJ' 'zZu6iM0PnS4rQ72wyrG6Ivsg1MHU908HQKs1jHlAhV92LLXw8xx547rcxrHNjHv9GmYxmKzriQ' 'QhzOKl71Okg9jhFDajUMLt0lRdkhb3zY3+WESjvqmUlbDwkjR5ZccnHHyCvxUKFcMdqEpv1akZ' '<KEY>' '<KEY>' '<KEY>' '<KEY>' 'SYKP5Ye6vkEkLn3u6QtsrtLfx2sxFxIdAkqnLMTIzw1K4jfDFonDrprlz02wv0nAR/noouBHV/' '<KEY>' 'fdUyfH3O9y6bfL4bb6SdFtYgLkoDztoiZxZcFQTfNIWRfwSR6dONO95HRrWP3EmdOnTz9x6szk' 'pF7/qxSeCr3Jb6hWnnpiMt1K+e1N5iiPH0jBRJnQprsxOMwY6NyCg7EdJJdq54jRDjHAWIIBTu' '/KABic1V3hiSxLyCssciWog5ptMAAF2t0kKEzl7hVuwuZQL76WaPjb9BLdb42O4cAWhELSBRNG' 'R0F1XSwzz2MHOYsjl5I89DFlXsGhc0ghwiWmweO70kBGoTbRtAW0F/rKpBnPDSyH6Zgao7dt0j' '<KEY>' '<KEY>' '<KEY>' '<KEY>' 'MdoDHG77LhqNdoq7fUKVYSa5vRVRPfQ7RMG7J6AS/53VbhNEx9Yl2JPCdjiLrwcMnuugbrkvb7' 'hA27iFkvUWaeeHxx8sTZU5NnTzxenjwB5GPuBtGL37XQbXoRaJhUkvoPMWx0o4M2ghOPlyiHpr' 'yKR4G1QJnA47COStnxXNw0xODPelIQKWY39FD90OiVdji3cJU9BEfH4jWlLT/lzfBVEDMeLS6/' 'Mb60MFELq9HEi/7qRIzJRMWX29yJi/Vw1asvXyUUognEZ8Lo5N0qvjDlSmdBwwmwBaMVfdeiPq' 'yo8citrwwW73p7jvCVFZAZa1TTGBAgXW6yXMOhnJyQQMpkoytvtDfrj9AnVXfMyHhOclH6QCOD' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>' 'NY3yf+9crG//7uyJPv7448+f5k5Mm//BXLPnmboSeNJ/Lf9siThfvTBfiQI7++neiYhRO3WYki' 'dXGVMz2rqEg8Uh6WvgZJ3My/G7b7SamU+Id84YHxD0/Zg6usbUpIwXvTYSdFGZ2bqaiSGLeRr3' 'cpHmB/Rb7lH7BtfIUCInh5dUdiKg4J5PxO/iF7mEPi8O/30O+2AkGBc1CASnOMw4FbxjiU7ig6' 'YjKw4uDbDayYu+3Aiohup1nT6A7dGl0uTpXL9gC/RB7ZA/X2nby7d7jPipTKj9lO+pH9yCGi4H' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>kHf+9z9hd/eti2YwYHHhs2GpJRPbb7iuCP/EvFrJp/h51Tu4xM6SM3aWZBilZ0JRDY' 'A/w2Xcjz8E2qw2hnYMBSAatySDmJlXyzqhUqWJEKiDaHca+tEgPcHO0KFZ05X9GVCj+QsYcNou' 'TP2PdI2l2Y7cZasL6Mr9ONaNOH5edp+rUiP+afsw/pF1rLBqP135zRDupKcfif/JLZln64FMEO' 'irxTTA+wOxyw0ayGRRgKWT2Mpg11qKK/M78V/qzPzqmpTRS3ksXz99iDGJBoGZQPpsoAfp2rwa' '<KEY>' '<KEY>' '<KEY>' '<KEY>' 'PthJFX9MjE9ChcsHNKOtwUtQdtGyNFsf+KtGBAii/aQ1rFNsdhdY1DZLasHxE/I7ECzwNUX992' 'NOtvvmFJOOtPZ++Es74Tzvr/23DWNkUjvhs+H6HPWece+Pw0fe5zRuDzWfrc79wLn99h/1IfeQ' 'mgy8C/RS+Bn+pzp9CAhP5HxOelOH+RMtYGjfaZ0wDGK2Uf73MiI74v+mvZGKn1rItR/WitRq5s' 'RUQrDoxKR1Hl5NbyYfbw9hPJi4nPObo1eVHyTToe4vguw8eX8TXxYdL52SMjiRvGcIoE/WVpQy' 'WsZ09ODFBIs7WjAj4nPDzZUsNhn93zwfrzHb+1Izle4oyRUShhIjgE96bHNilVXq72OWxFs+6T' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>mTYVAv6vF5iJbXL+BzjeJdFiTVfOOGi7N9C15v2' 'WWDNFv/MRC/GqnwRI5bgBlAEZRZUAWDPaBmDs6Ff/93mYECS4XAmJZhCDB8geCEFtQCKYQSS0C' 'xAR50x+82MAbacd0ADRwofzNBereIdSdAkCfHsrWN2QhYzOm2ZCvIIm7uaUIz2BFKJNvwFCdKP' '3qyU4autKpWMaNE42xSHHv0wbxq7pw4EQv/VHhSOOuhq7OPlWFGdrYoqdOkOyYIio+i3i+iBtM' '5CUOIyc8AfHvGEnLEn0lOAZmuk1BnnWIKsGHME4QdSUKRr3nFT0CxAH3EetX/OnIKMcxEaGC/8' '<KEY>rQkAhfw94WpM/unnS<KEY>eBuDmXIERElMxnFHk2aIVEwkusbESylYEzpKaR' '<KEY>' '<KEY>m/<KEY>' 'NV/SIJW6eYSdj2OHIvyiSS5T51GrEnmxZEiS6YqrSHUQ6MTmuN4pQGFDwemOJaZ3Whs8oO6Ws6' 'i91oh7VUDgONIaLQP3CsJAhKuEJoZBMVlSq6lSS3+cgWLc7TT3Lb5LJthCBUu2qSKPH+EzS0li' 'JKRpRadajC4fRcdMYTc4nqHMJzKagFUAzqnYTiFGOo21MCtZwFCuaZLTzs8hFNcXd6czb2GYuq' '2Y5jP6UhQ84iRsovHu2Kb1uiKKSb4RZvfuclqGc+rgo7FFbep3FV4Wl7QTMCPWF0vURdP+QqC/' '1tdGlRpWTj1i7QjED/16wG465ao131j7O9d1WVP1G/8lPRTOMlAyyJZza0vC+zzaxs5mEtG2ID' 'lVa/za/KSraZC5gOZkYTmL+6GZQRMvrKUb+6ER5991iqzG7dvHJ0LYTi0MTRVa8Fhwv3Crqx4e' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>' 'yf7cBDHipKAWQA8YctqS/blJcnqEoENORIG4bVelG+Rw23eR7Ix0cO27RG6mIRmBTEtrbfi2r/' 'g4p+NZlmDRyxgUEbM/a9FJ2ViTN53luGOLmtmru7F6QDICeVo67lDHZUn38lZ7zFD9uH0kXhqi' 'ygTac2aHMhy95M4pU0YrscWVJFkzmmlYXYcTaD3c4SQq7tyM2CASISRrvgohmfKBwc46sFWYPj' 'A7XT4wmFLaTvjA7NAG8/HYBwYdZ0YK/8xSMS5r7DwoS43XFTPpqjbD0NusDmXUVuYYHXlXAdh0' 'OaatF9zG1PRlW7wd+RhiWAm4BAa7U9mwzCeq76Mcr/uN56cDBBtOPFF9n7PHcAyyyOnnbuce+8' '<KEY>' '<KEY>' '<KEY>' '<KEY>' 'sbGF9ZI4bBGsUyBnsN0nSc3Lga46iU6Hw76lE36zKxhxaK8g+yh9aI9r3CYL0fTHpo4Yr9YBwS' 'Wp2xPshRFM8LKOv8mEXL+gRa9dmqShKHWbwtBknxAjLWuJGuGI8B1MoHVQhFdQj4sWRmZdTtfw' 'wDO5qlCANceNMC6nM+QpEXCydvjpI4HvXGqU81A43HZML79Y8kccI4th9BnA4ZoCyC7oG9riwg' 'Cb9cKjzgvphMqEWZwpg6Rvf9KowztFPQDfeDIPpoHAFVZYL7KEZAPWqAKIzzMee4Tss04PwUx4' 'OdT3evsx9qoUzrmfcrVJMkIWvJleSryK2SS8HAdwDw/SkJAV3SmAyoju8zQBaCVOBYBmURhIFj' '1Q436PwMB459VxpfkdfuNWUgSSCrEqihTri0QI9HceXL05XYP8zAfBAwp85+SsWaZegAQ+8zQB' '<KEY>' '<KEY>' '<KEY>' 'AuLQcN40mXYIiPPp5BpHxfDTuMb3G6AsgjAN4C8r4tjO57DeQ4WfstIbvhgQkrs9bIxXdMIcic' 'qgPdORfmV2GEWrA11JTpZPPjmBKT1mbzTraDKME/Ys0aON0+47zyfplDJkh9uRQQAbCEAof1oF' 'bmdoP0NzBshC0BBItBiURdD9zoP2T2cENuz8Om8GP5RBa9v8VbK1pcQNTtjCpatLl2fU8lQP/f' 'EyIYr44FdtN+iics2m2uQrmLZnwqQmvcLKqdcWwRo99PDHo84qVojVPpW0cvp5ukNhV+m6ipYw' 'fbl3S8CUN2nqckRtkQLS6LDxkLVpRe9hoDdRCAj3kKbkMDDcr6tozwpkIciWEP4MyiLoMGx0/0' 'Qx3B6OfPxo4b03zetEKV9Sa6mLQXli5PSC75b0/QlG60jZv4wx7VFRmX/d3Cj3wJgIut8AUVRm' '<KEY>' '<KEY>' '<KEY>' '<KEY>' 'wSrtjejywCFK/mGIrke8H6j1Ryr8uwINIGjYoMt+INUfIQ8eNkBZBI2A7tcWkON8jWVrVQ4qqb' 'zDJETTZtm3PQI133C85X4Bm1hZcGAQX1PR8BXIQtBeQ2I5MIivscT6gprvA86fYj238Gnz4pY2' 'bLm6UN4nSp+42vDJIoqHOFYNYCABGgT4BYt60YgZLTd2eIBi3YPjsNd8ml+KlvifZ8l+WoMlrI' 'lF4Y0wV6G61iDyxsm5Uesy5hT+5TGYoAEEDRsTeADI8ad4LCkYoCyCHgDJ/x0Cyjt/zklCJkBX' '9PR97G2k3FXzkwdsqA1o2dVd5QGhP0/OTx4Q+nOLbHUxKIugg4C2Quig85csfSfi2zL1Po291H' '<KEY>' '<KEY>' '<KEY>' '<KEY>' 'UnV9pbGSbof2Xuf+2Tyt20Nd9KGgMIKADoomjYA2UBOhSNhp8yTOyJvof3RnP3N2PCxe0bLtDn' '<KEY>' 'D9PdpevC0bBbkntCaNUv+jEAuNBIEpIOW3Xl5qoGOoUUv0uQhkPPSQ+dku6+P4A+4jlomyudvy' 'Xuh30l2VvsfiO1coWyqs46tFM201hYep+rmzK+kK+QNIenvCJzlQd/RIwO6/IaXV/XL5+lv4AM' '23qhYeHYBmzUP0hnt8IH2sJThj4F9wYJiZfxREbdFA7rkuYBOVb6zvOyKhSeEm+RhU0oKkQrM/' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>++Qh6WM3pWYA+yf/EjaBA4B7iKekwTw1s4NK39XXZIhw/TcQroN5Sx1oSbVcXOTk' '+JH84UMefQpkGGii93Q7GKjiezC3z2Si9twjXXT74Vdc5CZnnASQL5ahxKOFHRylZevOVwBz5Q' 'uSREsmnYr05SEVONLjpJRSc9GGIhI11keMkclruA/mD7Ye2lWNTUuG1BwIbqCNuDgp4M6NsUun' 'y+igBnmsqgXqeeaJy4rNdZDMDiLCO2n53jRt0bzQxY4VlvyY54Eyy1285Yod8vTLFeySxsCKRp' 'nCYZwUcpXBOOCnUXE95oQkOFTIsrnrudhAFlnYo7toIURplBJWUE5/KMTETopDpaTBpqdQH3ep' '<KEY>' '<KEY>' '<KEY>' '<KEY> 'PhdlZTPVykg6YkgCMgp+xC7ifXwSqhOUDKMF3TtHAU2SIpq0jdQODuNO4BBlfod0D1K0vpNp4T' 'OXffC80selvQaXVF0ra8OKw4gXd+Zt9cP6vk3vMK1Xq6spYYmQxmppfLLAouEaV42y88xboHup' '+RTuL46mSu6zcBnvUuqltYFRbTx2b2PL6ayfrpaLGuJoBp/FEv+LYXJRhJrYm0N5SZSSwjDJt1' 'WRqKJai7qn8bzjKsYBT984DFa3v3kjiN3xVtBO7Qsv3PRru/y6rcVPAX7aHu1s8VMWP6Ft5K9k' 'mn4Loo/Ixv93RB2sSgEMnB6v6r0e4YpRBwRseKch1E3HRkjhOy35Mmj1MuJVuoslEDycanFdFG' 'I92C7EFAUR7VE+4aurrSLncPAxwWcP8LwG7hx5brVcGQSIi7KsEI0oLHJFkJKjYWc/lc2bACmP' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>' 'tJNkaplpLJkvMoMBXwZbYwkbxarA+COn+SJnTDpplCWH+w9aWBIP4gLs3uFj/xMi4gUhi7n8Ct' 'Pi9Kxs85qX3rXujMYpo0jPyMC9c5qxFin/9RWt/nTaT3GKtQ5c+nFRGLB/18WhGxgNDPiyJS9M' 'BB9DCGuIBUv7mUBYHT7qZaRfKsP/pFgLLxdz4P9rIn9Uu7/BI2gXliPaTepMFZgPfQSfZYCijZ' 'lzDGxbmfBMkyoCIQf1VhQhLXZW2sTght8YLbYAGwbCmxv3EYqpMVUOS8HEuAtKtg694+U60M1C' '<KEY>VL4ZNlpnBJPQNfSE0n5aeL60uc5OslNTJYx94bCcHN5/RQhi7IIVGxL18aTPScRq+' '<KEY>' '<KEY>' 'Wq/AZebQ0iVeUvo4A4ZuH1AYqrV6gSM7n1FYLbuaYNBWnj16aGRk9Lrr7mxaR5t9iiZxRWpmCH' 'HiX7qbwAHAYdNFQajTN+Si3OiB26NvimXt8uSaJDUSnI+H15TGFwKfvpk23gi4A+DtTWhE9NM3' 'Ybw52ATOAgzz020euCP6Nka+OndNy1lVE0XQHZMtZolwp29vnmWHfGJ70zVAzBOB90VXNoGzAF' 'vDbAN3Rt/FyJfnLssfE7UzsY8sbqSj1fzhEMj03c1zQiTTdzfPCdFM38WcLmkCZwG+LOoPn+iB' 'u6K/w8hDuQNN1NsrItGML/+4IQyJR6CxL099EKFI/MtFTeAA4P2eFVLAWYARkjSq4Ez0j7ByvT' 'wbZXOX5KVWxFY2LjNqgQD9Y4azfcYcCHz3EeG7QzrOJq6Lgjupkgq+OS+jXJQHoeGTm5JRLvpI' 'mj5klIs+kuaiGeWijwgXLXjgIPqR0IfjNkMXDJ0WCyAEzLsI/zWk3tFBkoSIpjjqphWAhfJHHv' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '4++KT4livupl+f16jWS4M2lQMvvHIznAY78EIaLnWSwM54r3/kywUZlQv4l7AJHADcQ+plGpwF' 'GKqlXfps9Mos4oXl0kshl3NdenBieguX/hkOhEv/asxkf24sf2xyZjyvZWBEbVDyZoWENSvUNp' '/zyX1yvM8fl1bPI9M3k5uRVUrw6vTqs0oJXo3VX9AEzgKcIwI55oGD6B4MsZto1ZR22Xm0M8RN' '50Fo+P2pb+Km37N5hoF8tcdzxmX1phMYBU+vVXBb9KvYnzdif/J5q5Nzrh2CjPGrWZYx7nAg7N' 'DrskyWj+ZvU3psy7WRWXVGPDeJ0chkKMSWPRePwKCyVBsplk77xLpNt4iHpo/udktq0y16XRoB' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>' <KEY>' 'ehujx2QxHpO+JAs3OezdCfpNBns30B95oCxAuwivFQUF0Xt5ewk/R0Vp9iXDem1j0+TEkahCVn' '6+uiLOfjZNObnNktZIrhhD3LGbPk4/f5HmscdNDLf4venpBzI1Oz0mfL1XTs9xBWWi+wS/Nzvf' 'TUqyLVcadw3XSqstV6FOmGRyOI083nvt6Blfvy89OeDtvjRucVPuY9y6Os+/lgsffTnkTVWez1' '<KEY>/<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>' 'wIxIOczOenpw9yjqWfnj7IpsYPGFYy0QinWP7G2bHy00q43PL3R7F6SB2Y9GB0tVsZxPWR1Oqx' '4SOcp5lAsgRBmub9bV2WtzzGwtxvtjXlMcp9ewxpjJPp3Xfzlzo1/AkfBV6mSdMD+FFOGlfscr' 'MDbuTCaX5DgvwtvtG/WELXlv48Z/TLA67pbkLR8LaEQ7gXahwrIZlgIqG6fImkNAFntvPb7Oji' 'yB+47grFI8IA9Z5opzy5KfJHKoRcQMfGpo5NED7wF/rN57Wns5tB3GJ6nHAFvoKIFLdCRulTmN' 'tU4wTcvEhFo65Pk2NqDQSYadAGxgET3vAOIbQ6nJ2R6IA7YNDpxlKECYxmjGXyBIIzB5H8uV2W' '<KEY>' 'ZoBkaA3D2Zc+S48kVwXaO9NakTcihskQB7fvmvLcoprS2qFlX0S/OIi7NaHxCms1BHaJ4kKtA8' 'SOc5pTZl5P3Qe/CkoSCDpOpp1yM61PTaeeDaTgh8WEDSraSrRw4miOvyIAFBkFKbQLIE2R9d7P' 'SiDz2SDR9j05e+Hq/y9zkb4Jy9v825FKv+LwRhdLRanzgNM7nGavftCTtQG137zXTPttNfk8W+' 'i8JumMgX4vLzRWNCcXYCzNHfaCHDP9arp0oVrWjNj88D0KRutT1Wdav9vNWt/ueGO72FSYJc33' 'DYUWIIrQxa1Z5UlXV7flYf6rsy3IGY0AVvZVLEezvAM7a6/mvDMCkT3xeF2VOlDcUd/tm3O2xn' 'aU3flj/6j4S98tZxkqS2eHNv2CFOYXo1i+rh8lf/BzNhlqa71VbRbsSSO5kU7u9WCP1M80Ggoz' 'TjoJf4j77RJgU114wc4bfzG+jKoErqxbyvSB1ai1d4e7p57whye7wCBGr+8oJ1EegQBFqjTWkm' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>' 'D6QQvlemkt1g5gPQKbBAjzcSQ5O8v/RosrFBiK6+drpgrlcSadG+GOpsOxVWOJTd99YridcU1S' '2/l+uQcvnIi5u1b/G4JwT8tT1HIGW19Dm1v2bHM7NxtKze0PgrDLWAQYGjMJGSk4N0Pjp5mh9Y' 'dZotJ6RKJmcjWLH+lutPMLvIDe0Qtb8immxPIcmLPMB3RY6EkXA4gM998RdtKBmq+VuIeV5E0r' 'IvUvwItlup+uTYX81bc/7GbrAzIJjK07QP9K2OPtFg6r0ooFb696FDZ19i2jFfCB5WYl8qUuAG' '<KEY>' '<KEY>' '<KEY>' '<KEY>' 'C++iSihh53c83EWvM1abPT4/<KEY>eKKsv0GOzYGZaqiJHXCguF' '2orwVLoMDB<KEY>uQMHgttkegR0FiESV6CQ4uv9YFx+6XoLPeU+mJaJW7O4sEt' 'GBMFuqnCZGl2UmtPktfgPP9N1IdKNymi9MvK/n3J8hWfw0btOmtkXbHkXbotZ97rY/6j53NPuw' 'XHUD9J5rgO5y1d4koWClRiRsARWwq0Xte3iWd3v48Rl+mnsDFUtr61WEF3H/w65ZD4JjJrVkpc' '8hHTP9s/8vg7Abl2gOzgTs8qZWdWn0py9cql0dWNBd6+Va0qDorAvwHu67Ktzp+j+hM/ASqF+W' 'l7FDWzwdUzBIVfLRBWSvKX/pTcC3EbT/B9mwB9M1NfKGsEe6f62yyCYa195Nq2NMzIZ1+2ecag' '<KEY>' '<KEY>' '<KEY>' '+7v/dzvDUM4Ugm1II+rUmFq9LPs2HSc9fbP2YPNBOLerd+vmtOcWZj27xS3htsIicRalcOcjbe' 'rz/wKzB14zC5H24T3LVrpH+4bQlpUWzSe5t9Utxa+z8lDfhPScJUZJ/7UCMaSLX7uk9WvH9Clp' 'Ouv+xLkgBr2gLYm7+aZ3E2RKuhIPhX0p4wHTET7k7bORZz8QUqpSdc/ZpGolHiTyWa0LOu5ZIx' '<KEY>BHM7LbZY2JP+HRHfaD3Fdm+8VSsbFOUglsisyF6L4q7CkE8knCjhRJ2BN26C2P5MLU' <KEY>bPnGNpWXu/s28JHlm1n+BFYi7UJGvWizt20' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '+1k4zRe9v03PzC7MTR6el5TKIDStrRE3PPijr7toVdsxM8g/GoC/DJ8eMTUfdVr8mG23w7AYms' 'OQw88YyJqfmF+WfNTDQtcle4A79PTdxBC6LFTk/RYveFu/3ZmN+P1kqzwi+3TU8/bWFidnZ6lt' 'YZ0ScNdnz6VloWYQQQN/UFrITWpE/O3XZifnz6jila0Y6wB5DxieMT8zSfTgMY4rugtU5Ozc3P' '<KEY>6KruxyIPa8L82NzT4t6MG/3A6GHf8JebOvbH+5zv5yYGR+bn2B8H5sen4i24xS4X2' '<KEY>' <KEY>' '<KEY>' 'ljZB/1hwd2JuYv7ETHQZiQwXbvptfmJslk9RPyNdtw1jXQ4bhu4X/j6Ig4H5b9qvQ3h1/MS8Ax' 'y2CzE+OTc2M0OfoJ0Y7dseds/MTkzcPoP9vwZ/JsfhyfhzfvJ2uvrTJ+ajMeLuO92fC3OTxyfo' '<KEY>/<KEY>HZvDHxDNnJvH1p+Oym7M9msWMp6ZxvKdPzNLAc/' 'j88Wkg6zb6fR77YT/Svt42dmIOszyBKzD3tEla0/hmPDxjdC7sILoxNjPZNxl2iPus7+KW5kfz' 'F+Yu2epn8br1P+7owZ8ZPk9n6M30/+uLT/27j9DRinqix0Vf7I6C8EsIOezhkMP3BOcMOeQmkv' 'xAEmWlrTgtWF8KAea5zj/9KWFs5xuhGOatDj1iNZZJ3Sxa5QaNDOTgxJFw9B1ZSWrl5eWZv2ny' '<KEY>' '<KEY>' '<KEY>' '<KEY>' 'X9tM1Mchinu6OuiZC+j5/VEw2pmnGxRziGEHx7pdwP0YnsB/IcLwwigT3ZIbystV0V50cb5kf8' 'LqiOSlqtRU4tJbkb1N413IJQsSSIYg26OLPUiWIIPRTeFVHC95KU3shijI7c9bRTZgX276iEzC' 'C4i8lGa7TxvlYLaXccjVkFdph97MT45zqpK0zC25hBhoQU3xgHj/0iiXige8bFM84GWpsBus4D' 'IOu3mnhbBIPODe3K9m8tPr2MzC6ghfa686bqqjLip1SMFNUTJxjmyaXKvAugA2V5W1ohryFweT' 'LjdqHF0imYMFvfBbj+8GRsCkO4cIJXAVz1w4hVYzSb4vdS+02CDXprLxw/QC3GdaxBpeFu324g' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '6zrk6L+cSunItWEtdiFX1dSQwcZjDqhY+2cY9dfyVt3F/XDx9t4966CB+9in89QkRwTImgyCY4' '<KEY>' '6Ez4HCc1JPyb4feVl6t7jIP8vQu4WzwRJIQJDdSlotP++W6OLokvCdgcvPezINc3HuVwORRuTa' 'es27lRbZQWM7bYq0u+p4eqsdEXKkTKLRafD+fq6eJSWZKlVHNh130FyCpHpRn5c1iIneEl3qVg' 'Oy9WR3Fy1l8Ml0F/d5kCxBUH3k1zOcEXectnmatvkfUTrM61COMmEc/rpseXBcUkn+7Sg+lxzU' 'x59wqrShkfZPHLJkEw1vRaMskh8xDEe6SlAvUbrykhdVnPjbuMKhVHEh1EvB13KF+8laRUitCD' '<KEY>' '<KEY>' '<KEY>c' 'BltyOyDP1Ptjae3PcttgGe3PchtsyezP4g1+Q6CgILqTqcrLA9a3HBGwK04rp5mOGDC9phGJQc' '5bDLLsC6eY8N5pD2buvxxzDhLvJvxCpmpxcYe7eHMH6EMDSjktQf5ORzktMf5OLlCQQLCAPg8P' 'OGp3Mh3584BZzgodtTcHdNZ+O2B5t+jVynXKilbFPVpaKnAVwNQvZ1FBPA3ElRtEgSjkLIWcoF' 'bh00fLIzZBp0DUHKvutFZlSUYLgyZtElECqsY0IJnxuqbr44iADa7QEekJ/zsvks/IGov33wxU' 'qmddMH3ArD4ln3Bb4PJqqURTuLVUgcZIUtdiIbbGsLQGq8HiVWwESlDUVnrh4WINWMcHTZ+TVW' 'kSB4twlsVQZsEiHllaXnGnxXEdv601P9qiaBHu0EC5OKAsxwoJYPErmodkJQTW3HWw6gFrTjex' 'wgFrrJt80bAYRDWWlN8sWNRgW8bmGOmv6wVgkeerNKgm1Ve1zm7yPPf+BEhDgwDSCq7A6IjXnQ' '<KEY>' '<KEY>' 'dwAk6XC8kRAApDrtea0BbvqPAPdlaSoQQdJwtcVBDfUhFAlTN6Sds08o/KRayWonxOjhtixIoj' 'rmTZirsDJ0ur68uNVTl1NRKCyrh9Vkr2X3By8W0jcm2qujzfEbk2VVye74ic8eHn0zm9wINkCY' 'KiJOsKyUY/z418nuP6+JhNpgFTmveXUjNYaziLVevjOWOLltdcKtUkyXaNK7dBB0zE+TZVTPDN' '5xOpjRysg2E7PEhAkEgVszZVTH4+upCE3TfZrWuLXizNdV4R5Oe8mFq/UImU7RfS7aZr69vMhp' 'D8mvINuW2ATKsiRt3jVdyGurBkjUe0n0Ob6i08v5/XHjwCbBdglwcKALL2mG2qurxY2mO+wRbb' 'Hr0sYJb7i0nPJS7mJTWBiQEUV71eQigVLpmNjtRo3Vqj4EOShuXOv1QGE7Omu3WuQquWnV4po0' 'u314yxTTNneHIvtmZibZo787L0UpE887KA5fcElAUIjPf+doV1SLfOA7l3tTM5JeFJZKHkdoz4' '<KEY>' '<KEY>' '<KEY>' '<KEY>lScXi8hOM0sla8nI7ScLJzYehvo6VRpgTfWIrx8hVTYZKl+iaJMsxP' '<KEY>' '<KEY>bTLOnB23TEPcKHEz0UJiRbFBPTK7zzvfXx' 'ZqXJVTdw7Iz+g9TVrY+8EYpO6zf7eutrKlDtN9vtgbjfbKhdjAXE/WahDL4tS2TjcdG70UHoby' 'Ci/x/ZJqKtspXLaWSRyFauSCpXpGCAz+K4CEKsJLVcMUrPP0rJ69b8jXtDh5aeT4+drFZPua4E' 'eHPKijAPCTKRcolmQJ6XPmmJVlisNurozSR2Ia1L5+kI+Cnx0VhSIPgXEmq9E56uNSoZxax5xq' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>M/32Cqy0kH1wtyvm95E6owjc2j9RWe8sFo/uSHOgQLvm9qJiWYr56QHB7zVD5iR' '<KEY>' 'Lcsp6TyunwaRQXFjEhlzW2iR8J88NSBaK0RjJBgdumKc3bip5zI6sqt6cfcsR/UXLmtRS9kawl' '6DswU+MzLA+xE4ItNFjV0qqKxPA7W+sVHW4gdjxjcJ1Ec7RIifENpYkHrHPYY9+Z0avzFuKmt2' 'gor6dFqFZFUvPB35NthLTNO3SpB8oAhKrOf5xRWHv0kNyvlzz6bRQUlSuymefewVllE+AZMQDH' 'DLGNdYig9H55eYPHrJP0U4WLQUvfD/PkhEfV3MYVrJtbXk0DW6G5WI4La4vllYa05qL/BxuiXe' '<KEY>' '<KEY>' '<KEY>' 'ATr3OrchAxZHM8DHq8q0RopvN+pszuYIDZhZvB9TIil8Rqul0wUtOD0H6jS3EeOEedTpp4X5mw' '5fc9MNNyZLR13qb5hYbqAMQOie+GwFdUuLz57cU23hRk64N4dHGfm6n9dk3fe6pV2oj/3uLu6k' '<KEY>wPch0d6bIYn2//ciP+pFggR8H205d4QvZdMHy3/cl/Oq3N8HeT8P2jV1k2o1tRJbXt' 'byT52bnsojG0TEN6WbsZBXmi77Un17D8vObskpyXm5zMXiPI1O+nqzwe8MawOVDWmQVFdZoxEz' 'mV/c8FqgcWMsIrDmp2AZvSE28JLr8xmqCVb8rfaF3YYGEhQYEYSfnazjtKuL9wcm6BqIO41eGD' '3eA2UBGiQV6lWG1iD6sZDRH/LBIfarLGALA7QvwTqTvpXjNRq7TJxB+/5Ip3Q2z+NcctW6hvb2' '<KEY>' <KEY>' '<KEY>' '<KEY>' '2YRZrv3lJF2t8267UbIOSV7ju81WOUk/1gaS3pzb7DMvyWjxYoF2CDT0QAFAPR5uYbV9ueD2fj' 's57dGr8d4oGmGnZs15ydahcNDawBN5qxlBZCZzoNUywia6K20uS5XSclkj8PyBaAOH8uxt5FqF' 'zLfmTtqJTIxtmNFIskAYdV+dXjPaebwaa855oAAg64LdrhZdAh2KDofvMDR0RK/FUE/KvbYJDX' '7x9vjsG6f7RiRqlfsNDrmmxdyBQIbYanF+fXg2XFQcgUzWB+vda9NL7pCp92ib9nYV416L+Loj' 'HigL0C3RE8MRBXVGv4aRcrmL85MtudNJkVvt4ME0xm/QOE9yA8M0xtDIAwUA7fSuPkxjv5bhqt' <KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>' 'GAJU4iWDASYliM33SoHMgre5cJfQJtF2iXBwoA6tb6/B0qB743w0VTX55RWBB9IMPi9Q/+l4vX' 'erj+LUrYHSoDMi7ei54+Ox20Q6D7PBAjzSTsDpUBP5BhCfufDbOZ6MNMiLkZ7dlkPz96YxA59m' 'uE9wOqfKn/j+WWQlzyvY0pq4TnvUg+Bpu+55gt10e2HKyJJngtkvV+y+32vxk2fS31Ld7wJoKw' '+eupK6S93LwBdX7uGblD5yP2dqjYy1tAO3OV2yqIWB9OXxXcgg/jqvR4oCxAvaSJPplAndHHQJ' '<KEY>' '<KEY>' '<KEY>' '<KEY>6FIkP5icii5F8oMJAe1SJD8oBNTGD9BI05DcpUhm0IO2iV2K5M8kSO5SJH8mQXKXIv' 'kzCZK7GMmfZQnGjQ8kM+gzhuQuRfJnEyR3KZI/CyQf8EBZgIZI1LiZQN3RQ0DyXwLJV3tITjVI' '2grXkGQewvSls0s34/rPE1x3K64Z9JCYzw3aLtAuDxQAZLjuVlz/eYLrbl7PX+C1PW584JpBf2' '647lZc/0V6/EDeNbW9W3FNIKjtNn4GrS1tL7sV1wz6i4xKz91KQR5O9rJbcf1wspfdiuuHk73s' 'ZsAXkr3sVoWXQQ/bXgq0Q6AXeaAAINvLblV4vyB7+TTWqv4Ke/nHWa5yn/ISW1lliaMvxFUEY2' '24Z9goLlGARXXDBjJcO03qev4Te/v/YEqX5R6fcsOqzEyfaeGKtZQDfnO/B8oAdCmpSG8JFBZE' '<KEY>' '<KEY>' '<KEY>' '<KEY>' 'WNlqdWUlbYiXQK1FfUDUMjQeZKq7umFrFyJMP4i1ydqWqzFedTlacYl5obpRUQtI1BI+6AW+A6' '56Uxwm5/0Moe+k/LphkQwpLKreJle7yVtQK5RjEfzolufHG05PWapK5oT4Muml2Zlj+ec24rqL' '79dhE0UJY9KRXC8gEm114+b86ThZ+4om2ZzX9gGJJZTv87auTTpuZjgiyEAZgBAR9Gk7m+3Rj8' 'VI+IfqvaqU62VpjCxysTgS2WzpYl9ijX2RoB1JTdLoX3k8TORqF+rBnaLl+p/3wpRcSwM5c2h6' '8r8JxLZC8AFez24PlAEIguHdCuqIXpTl4/pc5w0+2ajz2HClSkB/YUPyRdOO4ooa8R/lCrwpQl' '<KEY>' '<KEY>' '<KEY>' '<KEY>' 'fp0JWLq6XEjGtNSiQmmdYjPBG+Jedb1XSAkfwd2EmOUWYCWcX8vQGY2bvQLNifOAkmPn9J4jbG' '+Hp1dVXa4nGO4s1CDXl4LQ/KNhzHy3R1JB4VlsTRnWARUjQjaIcH4o6nfXSH32p7HqLPI8SK15' 'wXFmv1dAjAOZeWPARENhVhl8fD1LVmaoYEETftUJpmiqBsoAz3pyRZ4HdtJT3oIok4mbedeyVK' 'fLjuBdicJq8UudhBckYgChjZ3pzGsgUKjI2W3Da5SKEWdLWHFsfz3uuBuCHmhSSlP2CL2yYdH/' 'OITTnnNrnFnJ2YpidpcTr0p7yL5JcwvX2QOEbswZQZT4igS3T3HRq6AOlQmWGHjYG48eTFpMC9' '09a5PXontwjN/cr5HMcqtwIxE9e/<KEY>aFgQooA9BFpLU+YqvpRT9M6B5nVPcAkxcJ4F' <KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>' 'WcLq72XZShKALAA/DcD6L3efY5Iho4L4D1gMy4Aa38BsP5511uSQDTSfwHKvZuNSqMY3Bn08q8' 'YxgXYI9CIPFAC0Xz2XoRrfCISqHv8pUFgQPchie+73g/xcpbBOEq8L4D1qkVOgDYn2yBGsiSvm' 'TGkAYXEiGbGcFts49XQGk5NTjVeFMqCJ3pAMk5RvFtqffjxPJ5ZrZnGRKU5kkDafS2raMszAbM' 'hroSVe7dYMTw9D2z0QL7pDE01CNRsSCLH1T1VQJvpsllXIm/LzGg4rWY+aZD3IUz+gQTG18spK' 'SaXWxOBgU2PrLkajb/S6j7J113QmAwUA7VAXQGjW3SxrevfapmWjh5iA5F6ZyngUZ+w5kh61KM' '<KEY> 'ms2PW8Pl/DF10ow5J80c8Q1c3cGCM2/TSYN0vlQ6oN7NWoljUPVEDmm4Kuc/OqhkO46U4+oqmw' 'ykjlvYMs6SX+KgfXFaCbMbiDWySPzvCtLCuJaAlv6AtVDzWvb9tEPm9Huak2epePj4sHw8hImA' 'zSDsD+ZpIcuOubiWd5B1sTbOz54GCUwqvEly4rGxOV2Pmbm4g1+BjlLtVGmVtwHHyUrOugCs0T' '6RmWLavmJjVaxFII0Q1f86yzGkfxrw36CN35Ke3h8InKxqCV8uJ8IhWZ+grVouIaFvkLZmvRGf' 'PODcfVyzTMoOKBdCpkK/bUE/NrNfuwL3g4Ytl+8ase/cyvuSP7ZabRRdD3SufACjjjFrQg+Qo3' 'elR+k5L4NWJ86CHnWmfCu5Kz1Kz7+VNArvUXr+LWkU/n5DShB9R5ByrwjxJ0t3Sc2SEpfjOym9' 'KBO0FGpLJ1GaSbezdNe6iwLiQMW528aGD4f5wWsPJf1rYxYW8MvoddfnB6+/1v9pKFUBIu/6xE' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>' 'adWlfFBUhxaAcbECXYqlYG02fxiy4l6MBQvjRCp65fuIlUE4WW1aiXVw9ecTe+AoL+wn7mXtPj' '04OnC8XyGpHPI/nj5copMYUtNRI5xCVLy8c0wEe3eptSPl4OrVLcsNuU8jG0ywMFAHWnnsoChF' 'DHYwoKope2sUlyNP8MdmQaGsxm0lR0LNkpb04gRjwMDZ5zXwMxeml6ToF8z1zP25QYEQgupF/O' 'KCwTvaqNidGPgzw65jCa6Ioskaiykbe+QqYBq5xQqyJ5qVwb8qJ3bDFqGFss2ZFVy/hyno4CIn' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>fMUvIfLSW3uScCTOMvecmeJiPblWBI1/5OBTXQsXaOMBKkW7tnHyi7fLQ6zWhDDx' 'ynkW9pbIpUBhEuW2UpKNtNQVlQCV8sLASEcL8UZP5z9BeO9tY+/Mk/<KEY>' 'Rx1zmFn8sXy3SuPXSTxbFtV/LHg9KnREnaruTv3uQqbFfyd2+bi6LZruSPQHDJ/ChQWBC9XUjN' 't/6FpCYVjAUXc3UTuRljfEIXMvMOyX84tmtgYkkAp6Q10FlkvmRB++otoVHkImFHQCqk+gAoz0' 'GaEvsH0ptN8gwU1g06z3TIYg+ZoNu8fMJKn0MT6Pbb08gMBE/dqaeyAIGuvB90pTf6IOjKg6Ar' '<KEY>' '<KEY>' '<KEY>' '<KEY> 'wTaW1Pr4T9Ta/l2cu//YFmX5nDGMHiNoJ52zZzsQSMvvt0Vt0d7cU/K3JX5sVpaG0qVyR/JeLz' '<KEY>/DED' 'e72rCZwBuCfaFt7qgTPRH8qnRrWSdCl1qYiG16p0hThFSOUPFUGbPotZ/+Hmz+oX8Nk7PHA2+g' 'ie3ZU7yp/d4vzf4VMkExc0uUVnETdNg8tCYOjeJnAGYMRAfD5gODb8oyLE/3EgV1hr72p3O2Mq' 'SkUkgJz93RowR7qhqlSqb4U+6lSnRYGuxGFXYCYulq24UTsNRmAudJ/h07GXUhP04yrngiYlza' '<KEY>tVWb20aYTL8yMoR0eKACoU6W/XmVmHxVZ/kYFBdHH8NpAbuCc5FcPvU0EjIDf/agJ' '<KEY>' '<KEY>' '<KEY> 'C+D7QT931+avcHkEo0oMq5SCHEEcqk6z3f0zjTLhyYU1Q755/YAsYBKJZ1IgmUodwC7tfGRsf+' '7vykWTpB4+G0e6iNk5F+n6fJF/k/t7GH4B1BftLsaWr3RcXIwrrJy6ijwXFYTsei6Y/DIcV4Pe' 'JrU2oOZvKuhdbhUtF2BgULRnF4yE+DMJ0pIyRqQH8cSAw3jnnIdu3Qy8ozpwVJ/ssOdSExtNsD' 'BQCFaonZoZeVQPBGfCyjsCD6utzWD2ZSGwajEe1J2mxyvsaWeXaEp6wtYkaRKxJXl+tnpGyf7G' 'SlVIKJc7DgctSXNg7QgfWUGinnBaRpTac0yjVlNullPORMKmEyEQ2H5j6qnkcryfTmlmPN1ZvX' '<KEY>SLkakD+oAqIcDVAzE6L5A6dYOpVtfF7r1IzubmeibGGoI2sCc02BT2cbuiKpKsP' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>' 'CQ2HGngjqiHwjnO56XfuV57sLISrDspm9nIIGa7kaJMTHkGQ2ss0SRKzN5O4wEfP4AffYyN48O' 'mu0PEnlCQAFAXR6DQg7+D4RB3aagzuifRIa7wXwg/neH8s3d2K2cH3frcqUseCSaGI/1gzbvIn' 'XSxP4pEXMFFADUqVKYgLIAQQr7f+3odUUvbmcx7M+C/HhSAZXj+X0Jhf340mrAykNaKjWXHUvz' 'zbOUNh2bGh/<KEY>c/<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>' 'aj1XhYvqctM/K08esFiR8cfM7Nz0nZdZ5zhP+emZ6bfOaBUAsFozwwbhH7xpzdsnlbGA8bzp2i' '0JJ09ao7FMUIzpc8gdCvqso8jCa/IOMy7vL5Z+cH6eu39GMP+rW/THzLs/uXq1X6s3+xUOu/88' 'AQnszrk8dOzM1P3978vGTJ49n8nXr/xazKHg+aE38Nb91yEBM4WK8mxZPofhBPPkjfPLLljzST' 'I1fgfYyTzGHr0WRGNJcZXi/ftMLqmcJGnOJUjCqx8tJRoTGKw3papCIlv8cujkIdVkA+HKV4qb' 'CeiKBmwh4sjxC7tTdcEOFzRkaec8AvVsYlzOjTY0+Zn5g17yeO03Nof56zpcwpNaglTE0awphe' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>xCTSpYnG1ops1xPgoc97JQKNZYLiuHZkWShvh6GthOGeE201F' 'G39u2Eod9KYwjetN8Chh7vgbIADUZXhb9sGOqNPoD3hnMvzE81IQarXjHFk82QbtstDW9u8lb0' '/DVExJpIVAjxC2KdRzi8cWTkIP3HqxinlZqHuW0Con3c+npRNwQzoole7Wbei7oh6fXB+v+B9p' 'Qa2Yu6Ie2kRg6FD5qRZEd0fzu75z6cyc/XGiXtyqB2p2pJW+AsybIqGy7W3S+rVynVuSQrb2nM' 'sVQiyIpRxIqSixiOEPBEtdYDpI0bDMqGDiQehOrItGD5uMEzQRMTUfVdeomdD+OGqvHTctarMV' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>bQl9aOUY01ijHkdCKyo0EobCK0SulxeWysV4dHisMBK2bUOYvuZBpCXXeRqajrmC4' '9LvqKWhBuitlklP+i1Aj8womWh0/er4c1VFESNW6bLrAmn0A+8Mup66SI1HDN+Ce3SpSZSwzFD' 'Iw8UALRT0xEiNRwT6BJip+sKCqLP4bWrcguyAzYth0H2fkokMFg503qrv8uPI2ZOQxa5CxysJY' 'mUrilW3gJgYuVv0kzybmqwsn4uIeqRWlk/lzCtSK2sn2vnYlD/1Y5bJnq4nXOo/iIjd6HgImG8' 'eYsIoqmqyZ7J1tL1PF0or3pVxBNeLEtLLgcOiu4XLXBmYmp8cupW1ue471WFr1lyykb0gsovHp' '<KEY>' '<KEY>' '<KEY>' '<KEY>' 'gBO6NvgN38cQexm/cFrdOnMGmOadMUXqE7iKMuVDbbAK3dZqicaZneOAPb4TBjQYrIievP4yVK' 'XBucbSXd75yN0SK80EgxKYfTP56fcxkGR0SZkss3pPRc/5CSiWJxc8mHS0twkCoX2oma4u0c/P' 'F9Rgpzoe8BmY/PfTmTP669R737U+BQXyPp5ZqX7ZCH+WINpr7kpLmwbtdgs8aC2KNi6mGaq2/J' '1MXSAUKVpKgS<KEY>hNzsTjhEyRqqoM4hFwtxFeviUktanB+rQzzURzf5KeUjhRY91W9Msh' 'ulUZ6KUDuVM30vEaF2Klv6XrurzLtT2RKB9ijt36lsiUCXR1eEJQUF0d+3cyDxvJjszLejzVld' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>' 'bqN7njcIjBuMpXUW8Xx0CUigdGnFDGlaYrcaNc10D+ElqoGpe5hRk5O6asXUthi8VXQv/jaqtl' 'QWXLnAKuPytITTrvOuI<KEY>CCMHQLg8UAGScb6eKEAQC51' 'tRUDZ6RQc72PcnvVg1LtyruzZ6o9AQPymTyHsBWS9HkpZ87KRxLh/RSmze4Nj8KZrAxW5GqCbH' '0Is8UACQlV/cqRybQPBn/0agsLboNR0cyvzLgcyN9wZMo1iO11cLG/n1Ro2OW8mO9BFfPlGpvE' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>' 'ljfb9eiM3t7B3L+cuFJMjOJSBAw2CF12XOB+mm9/Hj18Xb1b3vHJcewX/9lY43DwQbVMCtcaOD' 'RAx2a0Xy7iyXKphv2RRjPpQm9uvXBB8wxp4n1uJXBBvz29Xrig397hMpR2qguaQBAbXpNVWFf0' 'vg52jv8kk58pMAdx5FWYuc4cHaiXNVJVjK9+iTTbPCe1ciVvFwXi2cWs3oOPCUGEx0ARh+opMq' 'metI16FZRUiuuJ/sAemqShrcjrMKKLvTFkcx4xzGQaTdkFNilwyoSVIgOnXHRLcmXmkYQgGgkn' 'OJLOCAWGY8HWGYUL+iYut9NFQo/1F2xNHOhe9ek9fOW8JbRTCZ/qog1+X3qD4S5/Hzb4Ag+UBQ' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>iFg7lbgY9Vh6hCG9n15drRZISvU6Wqm/<KEY>bW68ZFFfzR8E' 'j6FuBvKPXFqaYCftmR7yJ8yK7NJqoZzU2VOdGjiS<KEY>' 'gAR5d3BtpAOY4bFrtRyB+dmx73jgr8r7y5tOf97hDA/8rQnAcKALKGLDvV/0qgQ9Fo+BYojX3R' 'Fzqix0Vfg/nmlzvyM43FOTq1XP5Bqxg0Fg/OuYPMYTVQSlhv1BONMmUS6yAHu8rq2lDKxEDa1d' 'j6+gTXoNikGLC4AYUmzNeqpG0dlMszQv+zWo6higJsNKbFvOz7hRb9q/qfMj19dGx2pLC+Hq+j' '5FB1rT/ZVn8a8DDCnBHmvQ9zyhCtSod58pNtnBV93SxBGNc3DPpdrxKnOuau5TvYty4rhTcyPi' '<KEY>' '<KEY>' '<KEY> 'zPe73XhCufhE2w38u19veZ9as/g79HWR3gTaLtAuDxQA1K0VhPrUoEUgZBzdEygsiL6M9/blfs' 'HCNbWEjyYtcuRWPzCzwGaRfkTc0AFuSIMmpQxq2k2YtNMIz3jhnSnra8sIzz41fvGcaKq73Nxh' '/PpyeoWBTL479VQWoL0k90wpKBN9Fa/tzd2Sn2uxMmQOQuM+57psetCSeUT6zj73YWiSX01PD7' 'j9Kqa30wNlAUJu3Y9JluvaFf0QZPbrnURmv93li6BlK97Of7H/wbdqF5ztxy8WaOTANBFvPK/C' 'Gew5FjU1qGZfDvs8AF51UN3vpHAWVp2MPKiSPgniaYtGhfv3EDHKDy57vcInnjkzOTsxfmDIeY' 'zwVR1EjE6VJFen8m9Gnr+ZX9X2SPAY6pTFr4AJbEj72UrJpFhX5VmtbQWZJ5s6pD5gCjOi3LWs' '<KEY>' '<KEY>' '<KEY>' 'CrVlrhyALEUqdGQmhQHVasGqLx61IjqrxSMbnY5h16E0ckoiTpgZTCneO+tyRaoQ6QRgdHIYVb' 'M6rF8gqbzQ5KHXh6bxh0axhkbNh+vBwg73OhY2IteNguIlA/BA/r45KCu5iH/Uhkxd0GIGrHIH' 'pQnCW71H/C0O0eKACoV/XSXcpuCISEiqcoKIhe1MmW0UsQV1fyDmjBqZVsG92jcXdN07ZpgUfw' 'SDR+zn0QznqGXuSB+JNm+NylPIJAMHy+KVBYJnpJJ8fgvSJomph1onAJYlI4k8jlkClIeo8Wpp' '8xMXvbxNj4wtzE/Anu1TnO29vPY8gxHlY9l//q91JxxcqvV1hL/dhqwXJ4fjTtIbcOmMpekl4t' 'EPySTlfXcZeyHAKhruOnMgrLRq/s5Hi6+zOy2jObrNQFdBfg6kUQLaHHJP2btUaHMzFynhOSYO' 'J8itJ59BFDWllR0QYk2cLrzYYeA5hLQamfV4vHj84hroAKpzBjapMEp6garSBZas7s1i5MUcSu' '<KEY>' '<KEY>' '<KEY>' '<KEY>cWs+7MVwqRJduussM4LBmgehoQ+4b6F5KUNzHigA6CKNwt6lNmsCXUkk5S4FdUSv' '72QZ8/b8Mc1OiP0WpozDQa6i5SJzdLeG8semb585PjGPq6FiE2kE9SUYf/flJ5zrvjUhhImbv0' '0zSg5Wh82oxwMFAG1TaXSXmrgJBGn0U3b8OqM3dnK+7v2B1iGql1Y4KW85lXyRaDKJzULKmpQl' 'JIWjQ6s4LqjHuryR8GKt2bpVb3JLZSovewakoiS7IQZO2zd4pighOoonDzcwh/NqXt+pljuBdg' 'h0lwcKANqtZpNdag4nEPJm/9HIZlf0rk4O0/0vmcT+D4lQ4hASH88hjbNQd6nGa8nFQT0j5iSF' 'yoh73I/3LWuDitCXwswRpKFSh/1ADilipWzKmeIqRSmXVDCqvWzdFS1sgkgaSZWH2UflF7Dy2Y' '<KEY>' '<KEY>' '<KEY>' 'z5w4dmJ+cnqKEcm3xv02NUG<KEY>6YkaRWi9AwpNsW3GbYt+9EjKH71LLeqM3HdZduMuta' 'jfl94qWNTvw1blPFAWIHQdeKVRozD6bby3I/f8TfWnXSAuSyupNpQuhFWDLTgb2VraehzC8azF' 'pLtji9Z3tjiY4nk6NMu8mzZM8Qxt90ABQFZDepea4n8b1Lc3/AdbXE/0+0Jqvx5wsAJtppYjtN' 'tYbSD4K+1jGfN0VqteqChRezR0YStiZr5IkIOTBT+NLkw3z25Bu5kWkwDAhFjasPmThP1EEgmK' '6LK62BCiA8JEp5gUPg5Zc+EChglYqXndPqgdoB6PNcFETaA+TfHdpSZqAl1BFPnDdpW3RQ+IsP' 'STwAXTpXxN+cnx2LuqSrE5nJqDr1170ZQUKwFF6b6ltRLaTRWU9SENrcl/JYU7tWWXfkPj3lMP' 'jkh2oYuDS+qccezOgBgiBiQWVjzE5Vp+wCdO6khUQ8YACQpXaShJUboay347l3H6PBtCkcf0QH' '<KEY> '<KEY>' '<KEY>' '<KEY>1X5S3zPiTrQER+y0JJmA5KlGyVxnGHC1h2PUcFWiJUZ2zYn0uouE+muLkn7Ne5XzN' '/c8C5EXfqGk9gZr1dVPa5tLKgQQzS8ZqF2rm8ZTf6wtwHIB2KUfcyXA5EP9GB6A5AP9GCnqyIt' 'oCxAaM10v21AFD3MSkLuvwrVcfXv4TPi/VgvV8CNUNFlJlXx1w+uLCalbICd0zhormYMJ18llW' 'XKywnUMS64mCvDdufDhHuIpsFV68VX2I+CEnG9/0Ba6E6yCzgEWuMz6431UJy9qm8SfblFrrWF' 'p/Ed1skM4nCBD5QXy4g8ZysyDJdMc6Qlo+0EspkYdw92encwIhb6cJoQIX/n4U4XoCugLEAXRB' 'eGrzYWujP6It67PPeC/BxKC9NeLFkolql91sXOldXwJQBEE6w3tNp5nEgI+ZUqb5mcd8bJkBdG' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>' 'EUQ5N5dNLSE1B3Zbcag3mNtHTZ7N3qe/x2ciR2qzH42wkh3a3G4G93cjn+n1FQEH0Hr12Wm5R8' 'PNkSq4B1dbN46086kfyX1Kbv1frbrQZiHp2+udtNAgZihm73QDyNXo2b2a0GYgKhqM2GgjLR9/' 'HaFbmTTs4899HxOxVJKYOGuLHo/J8Guv1iX1Kz1Ei4imm71fj7/YQ67lbL7/c7Xemv3Wr5/T6o' '46UeKAtQP91eFPLcE/0D7sG/6+LW35Ne0LHQS5uqeJ084o3zvgelfzq5cuDd/CeO+yMihpDIx7' '<KEY>' '<KEY>' '<KEY>' 'EG7txbA54yDyZ+jjI242OIs/Scxpe/Qs/gQE+EIPlAUI9cTKCspGL+ri2//MzXM23vpYpu0ZvW' '3msNHzx2gKl7g5wUbP0F0eKABotxKDPWqjJxCIwfUE2hu9pItu0a/gFl3Z4hYptmu+eIALtBee' 'GZJhCCfD/Ccu0Mu62Iy9v8mMXU5s1rqIvXrk+QUaRtQIgXYINOeBAoDMZL1XjzyBYLLeUFAQva' 'KLNbaT3J4Dym05RccqXCxe8qxd02XYSLgz8RrCccVaIraFogW9xVLvVEraJ3UJvJXg8PPHaUqD' 'bo44/Azd6YF4lhYwvlcPP4EQMH6ngjLRqxgBueNbrMRp8jZbjn8vlosIzxYdg/1KUO9jtEAp+X' 'jntgT4wCt8vOPYvyo9W25LgNnu8UBZgOABRVnnC6LX4fC8GYfnab7EKhkWatZBJ29/ITZ9aQqP' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>' 'kDyKIsJUxFG+ElDw8aib59bO5pfP/<KEY>CGEqm22lmh9ATMqAF5Qiw5jZ+2bf5TxkvgaU' '3eQ0AWtYyoE4Q67ij3Jw2PTYBu+xFblXVlyGI3+2A3FoLNsVtdOxvoz/xO36TeD/ylxEfOB0kt' '45Ii0pM3qN+KHLPFAGoCuix4fHFBRE78EzF+ZG80fLCFjWaZhPYk5NLJwQyF31bPXepwIbZqcH' 'ygC0mzSoCQVlovuEVl6beLB8V4So7mJl4eLgYiEoa0q5jYw580B9HojH3kM3ekBB2ej98rG9qY' '+pfOgNB7b7/vRwKI7+fhnumxmFtUV/IBLDwyiTQ7SaVQGOxeJDJ/pOo2KlbgR4M4eOO6eb6+Ru' '<KEY>' '<KEY>' '<KEY>' 'sbGv7tD6eH7qChPyxDvypgt/2fgPh9sZuI3wu8m9VE87zGMEaK9HgJbZhXT8yE9bc0j1xiFs0v' 'lutrqvlsorFKUXDo/wQUpTe8kv8ERflTIQR7HEVJkdmd9hzs2HhytwfKAITSpl9uU1gQfZ4JQu' '59bakLmJQZ0avuzAieK1iLy9RKhXU/AodrwU1qqxyal/pJ7DiH6rF0HS9tjITCck0SCS9ZL6vY' 'W1qlJ0pswOAKddW6O6TWmnnIrxtVaC4n0hQ/5Q2N4+7lVsWJs3MkeYqDPaV6dMGKzCTpk1p0ba' 'XqDIJJNUj9YOJBFSvihhUBx4oQQR6fKkuVY/GXe9PPD8alkphgJH6QU14PJMQkLtcbmkTkzJNy' '7CQSArvA589CO+XHgpTA0QlpvKS2euCDHFq/duyPZ+AavUT7bMqhTwZmznskOYaBnbBuD5QBaB' '<KEY>' '<KEY>' '<KEY>' '<KEY>' 'CPIyiYg9xlv7GdVgQAOGekL4C0nq/XuRBSY90cmBwaV/ILHp/Hdt5w0/U3XHdDshiwYZ7nPg+U' 'Aeii6NLwnVmFtUd/28VekG+JRN8UKag5BM53U/bKSo3kp8UGz09q5V/<KEY>USBNtYly' 'Q7J077phsOx2RkeBGK4gv0bbd8fNCXIVZeYH4N3LGlk1WpaRTXq+uuqpeKxKFykYIntDM3KnGi' 'Xf2kH1DXqKyWYp8AattBNeuH5oLQNZmqd0YLDkoqBumDTaH657WbNx6+5trD3uWE8MMbdZEHyg' 'B0SdSPjhkC64j+WxfbVX8pTS4F9y0qdaZ9espgHAM+xaFkNausp2mQbGuqSQAnoWBEsqR+ui2l' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>LV' '<KEY>' '<KEY>pKmUnBClauT<KEY>/ZWcjjH6pm5Wct3i4c1kW3g' 'ERoQkTO1UqrZsNtIJsKEuoN0sOGnFzo/IWlFCHI+qPZuv5pZp00R7yj4yNe5rjKOzwnCfVue6a' 'BAcI/ePl7fRAGYBghXmVceye6B48tCv3uczmCwKDhKQ4mNNJ773YJkt36YUxYbYmQbZEA7R1Tt' 'n1tDWu7VLn2C7mdVQVA1eCNomAy58uF5Qtb/qWTGJsZhIocaK3NDLHWmAQFYezNiTmtZBKhf5m' '6hnEv11XHOHmYNxVTsiLa411LS2BwB9ZOktZiCTf4ETa9WqqcwOLBtxN6Pw37aZk0xBsyPvR44' '<KEY>' '<KEY>cTDTTIcXNRBMhgm9K428b4e9Ngr9v2MXfHr1N8PdQE/5490' 'hVFZ+qrJArquH2l7U4WJoajrhYnAUt073JhqFEBHl44nfXO1Vv3pWCn5RfVi3bBJW8J6jkWRhx' 'fY79juaecQZBhm9LY2M7YeNtgo377TT1Ru/uZv/bjz1sYC0cFmPEq6K1MkTstoxxq/POgZSo8s' '7XxxpOEIrK1eLm6soe9srVfytoO9/ren2CYIRJMu52eaAMQHujXPhpO247ovvwUJT7w6A1jV0r' 'VCR0RFdoRG9gCfNdHQCR+/8aPW6FCE3k9XR5oAxAPdGO8NftVEXRB7s5ZOxL3qIhafmnQSyLEr' '6XeMaWq42KnD0v1IHru5wlNiDdykRjO7RFHo7nUnm9aH/WSsvcz7TqiknD74YahGoQTBL+/KYV' 'iY0bsnLpdAvp5Hw4MyIKGTeRB8oAtCu6IPySnZqd0R8y+<KEY>XMdugLcW4ieQysjXoWf' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>sRuc4kD385eXg6TmQ/iBB2Qgm1rVQku41z/5MDA7rRAO7XgL5' 'fbc9SrwgF8X7KnppiNnv0BziXBJbg9u/JI/tZSpVSzDq6FU65AljNphX7Rgph4/NJJfMdliXqm' 'fWtNIBtSZsMl0gIL5aLW4AjFjmfIixV74qeTHgGiPWitLbpuw/VqdZgkctQwJiLGBoUCZlYMtf' 'MAiZbY6oJGw1lN55b30TvhCJ/9bFpV3E0n/LOiKn7Z6NCe6CGRGN8WpE+4cDBj5Frd3qUiJm3h' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>bQfV0oF/dl6LXu2Xb6a7' '<KEY>' '<KEY>BSo+aSY969Pqfufb8sHuzB1lffOoj28KuCA3Ch6Mg/K2AFHb80Tf6djTnXd8QW+' 'noocM38il14RyoC16tkbQGRfl/9nW1q00EUTTDmnaNlg4lQmkCWRcKQZK0iAoVaWkliCiKiPjb' '+hkoaUlL/5Q+k6/gG/gKPor3nHvnY1PxX3Oana+9M7kzc+65JpEGPsCCvwoQoY20TD0HtwCMc/' 'nJEQucp3OawzNSDC8fTnYrLP7zczvfC2G96mObq//<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>' '<KEY>' 'aClY2CN/29WDmSjfQaDcSFbo9E1IS<KEY>dKAzfut+pZVlXOqGTrJNBMdHEHn+hzesnAlD' 'EhR+4/50gdjpKCaZaUlK79UTA7tQed+ZZt+V6iTa5+sg33eVVACv63CP0xSXq+KtbGPkUroUWT' 'tm808qmC6VopRnmTmOZQ0fz77s/1csMdPSrE0iUVsYlBJrnBtxY37KCGj1RPGVkXqK/65Uk7no' 'uCzNuUmt79rZooExHvg+36NibWJlhjhBbps9OFs0huRPvzPE+RGN8bD6GJzNuANcsr3c6iB2W8' 'mm+/vFj6fVo929J5PUOExiFDoUm/ARaxNbzRBUHQzR2SQewRCDY/AXGZpecQ=='))) _INDEX = { f.name: { 'descriptor': f, 'services': {s.name: s for s in f.service}, } for f in FILE_DESCRIPTOR_SET.file } BuildsServiceDescription = { 'file_descriptor_set': FILE_DESCRIPTOR_SET, 'file_descriptor': _INDEX[u'go.chromium.org/luci/buildbucket/proto/rpc.proto']['descriptor'], 'service_descriptor': _INDEX[u'go.chromium.org/luci/buildbucket/proto/rpc.proto']['services'][u'Builds'], }
[ 1, 529, 9507, 29958, 4691, 29918, 24381, 29906, 29914, 1484, 29914, 27433, 1974, 29914, 990, 29914, 6092, 455, 29914, 4282, 21454, 29914, 17529, 29914, 29878, 6739, 29918, 558, 6739, 29918, 24381, 29906, 29889, 2272, 13, 29937, 3251, 630, 491, 278, 282, 29934, 9026, 9608, 6835, 6516, 7079, 29889, 29871, 11662, 6058, 11488, 29991, 13, 29937, 2752, 29901, 748, 29889, 27433, 1974, 29889, 990, 29914, 6092, 455, 29914, 4282, 21454, 29914, 17529, 29914, 29878, 6739, 29889, 17529, 13, 13, 5215, 2967, 29953, 29946, 13, 5215, 503, 1982, 13, 13, 3166, 5386, 29889, 17529, 9721, 1053, 553, 11709, 29918, 24381, 29906, 13, 13, 29937, 512, 27722, 6139, 310, 278, 748, 29889, 27433, 1974, 29889, 990, 29914, 6092, 455, 29914, 4282, 21454, 29914, 17529, 29914, 29878, 6739, 29889, 17529, 322, 599, 310, 967, 1301, 3321, 13, 29937, 9962, 29889, 512, 27722, 2752, 775, 5235, 29889, 13, 7724, 29918, 2287, 7187, 24290, 1955, 29918, 10490, 353, 553, 11709, 29918, 24381, 29906, 29889, 2283, 19124, 2697, 580, 13, 7724, 29918, 2287, 7187, 24290, 1955, 29918, 10490, 29889, 12914, 4591, 1231, 29898, 29920, 1982, 29889, 311, 510, 2139, 29898, 3188, 29953, 29946, 29889, 29890, 29953, 29946, 13808, 29898, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 29958, 29947, 29940, 29939, 29881, 7068, 29946, 29946, 29881, 29999, 25608, 29963, 29883, 15695, 29920, 29890, 29909, 4415, 29965, 29955, 29872, 29999, 29875, 29956, 9295, 29967, 29906, 29876, 1182, 6632, 29902, 29906, 29893, 24704, 29900, 29950, 29963, 29874, 705, 339, 29974, 29902, 29894, 29956, 29888, 29915, 13, 1678, 525, 29890, 29974, 29875, 29941, 29955, 29955, 29925, 29967, 271, 29974, 29949, 29914, 29873, 29974, 16359, 29955, 29894, 29947, 29914, 29949, 13367, 4574, 29891, 29955, 29963, 29954, 29879, 29916, 29990, 29946, 29880, 29928, 29929, 29880, 29928, 29896, 29967, 1635, 29885, 808, 29909, 29947, 29928, 29882, 29895, 29914, 29872, 29956, 3459, 29984, 16586, 29974, 1389, 29945, 29906, 29979, 24349, 29885, 29911, 29974, 29979, 29990, 29879, 29925, 29915, 13, 1678, 525, 29888, 29963, 29916, 566, 29928, 29999, 29990, 29877, 29956, 29979, 29956, 485, 29999, 29990, 29882, 29887, 29895, 29906, 29911, 29953, 29928, 29947, 29903, 29990, 29884, 29909, 1744, 29906, 29940, 29896, 29968, 29926, 29999, 29984, 20571, 29886, 29956, 29963, 29999, 29900, 29931, 29880, 29914, 2744, 29953, 29914, 1718, 9998, 29895, 29999, 29925, 7239, 3083, 29896, 1615, 29888, 1388, 29896, 29984, 29941, 29939, 29924, 29896, 29915, 13, 1678, 525, 29902, 29946, 29925, 29906, 29900, 15695, 29963, 29873, 29974, 29928, 29984, 9144, 29923, 29974, 29878, 29928, 29967, 29916, 29914, 29879, 347, 29965, 29896, 29963, 6241, 7597, 29941, 29887, 29955, 29885, 2891, 29894, 29887, 29916, 29953, 29929, 29881, 29990, 29947, 29945, 6821, 29955, 29896, 29934, 29941, 2766, 29990, 29984, 29946, 5371, 29914, 29909, 29929, 29914, 29946, 29933, 29873, 29900, 29946, 29914, 29873, 29947, 29931, 9600, 29915, 13, 1678, 525, 29954, 29943, 29885, 29928, 29990, 29946, 29883, 29939, 29963, 29950, 29893, 4717, 29883, 29963, 29940, 29974, 29896, 2059, 29923, 16359, 29920, 29890, 1001, 29974, 615, 705, 29902, 29967, 29893, 29926, 1692, 29902, 29956, 29947, 29928, 29926, 617, 29893, 29887, 29963, 29968, 29999, 29934, 29914, 29920, 29940, 29955, 29888, 29947, 29954, 29974, 29900, 29880, 29946, 29906, 29884, 271, 8050, 29990, 29887, 29934, 29888, 29900, 29929, 29915, 13, 1678, 525, 29941, 29929, 29979, 29940, 19385, 29929, 29945, 29878, 29963, 29920, 29883, 29965, 22625, 29955, 29928, 29920, 29878, 29990, 29946, 29877, 29974, 19080, 29900, 29874, 29953, 10337, 29925, 29967, 29880, 29974, 915, 423, 29916, 29965, 29974, 29876, 29955, 29923, 29950, 29963, 29956, 29894, 29925, 29906, 29895, 4040, 29888, 3433, 29999, 29954, 29882, 27838, 29925, 29945, 29934, 29884, 29931, 29879, 29963, 29606, 29974, 29953, 29939, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 529, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29891, 29955, 29893, 1964, 29967, 29874, 29968, 29926, 15176, 29883, 29955, 2423, 29933, 29882, 29946, 23560, 29990, 29925, 29956, 29876, 29999, 29974, 29939, 29963, 29895, 29928, 29885, 29999, 29907, 29984, 29875, 29924, 615, 29914, 1896, 29911, 893, 29967, 29880, 29947, 1137, 29879, 29946, 29984, 29946, 29896, 29984, 29963, 29884, 29902, 29895, 29925, 29933, 29885, 14190, 29990, 29885, 29946, 29894, 29926, 29945, 12328, 29876, 29923, 29915, 13, 1678, 525, 29940, 9970, 29933, 29876, 10593, 29887, 29999, 29945, 10363, 1233, 14632, 3112, 3210, 29895, 1692, 29902, 2111, 29923, 29949, 29873, 29928, 29906, 29940, 29945, 29873, 29896, 29934, 29967, 29963, 29880, 29940, 29999, 29911, 29968, 29895, 29940, 29926, 1341, 29941, 29953, 29887, 29929, 29884, 29979, 2008, 29900, 29928, 29906, 29873, 345, 2477, 29990, 29879, 29909, 25498, 29963, 29878, 29955, 29881, 29915, 13, 1678, 525, 29928, 29883, 29955, 29911, 29873, 29945, 29911, 29955, 29878, 29949, 29979, 440, 10773, 29873, 29903, 2287, 29875, 29941, 29916, 29955, 29914, 29934, 29929, 29943, 29894, 29933, 415, 29929, 7297, 29914, 9980, 29914, 415, 29990, 29903, 29916, 29911, 4590, 29893, 29923, 3637, 29916, 29965, 7967, 29933, 29941, 5194, 29882, 468, 3927, 29914, 29886, 3112, 29947, 29907, 6448, 29900, 29963, 29915, 13, 1678, 525, 12602, 3174, 29894, 29941, 29941, 29878, 29984, 23215, 29877, 29974, 29929, 29923, 29891, 5824, 29963, 3629, 29906, 29903, 29984, 29968, 29926, 29914, 29984, 29967, 29883, 29903, 29946, 29896, 29928, 29984, 29963, 339, 29916, 29881, 29940, 29955, 29914, 1526, 29953, 22240, 29979, 29968, 335, 29894, 29963, 8849, 29947, 12432, 11007, 29923, 29968, 29949, 29963, 29894, 29931, 29929, 29941, 29874, 29902, 29984, 29903, 29900, 29915, 13, 1678, 525, 29896, 24301, 29956, 29926, 29923, 29974, 29933, 29890, 368, 29941, 29999, 29888, 29906, 29896, 29884, 29925, 9588, 6241, 29874, 29939, 14438, 29941, 29890, 29963, 29882, 29945, 29949, 29894, 29990, 29894, 26067, 29963, 29877, 29990, 29967, 29945, 29979, 29940, 29946, 1175, 29926, 29974, 3210, 29911, 29900, 294, 284, 29956, 29880, 29941, 29984, 29903, 29881, 29894, 12432, 29924, 29953, 1129, 29916, 1794, 29963, 29915, 13, 1678, 525, 29931, 29929, 29875, 29945, 29999, 275, 10764, 29979, 566, 29895, 25039, 29999, 29916, 29974, 29984, 29955, 29878, 2303, 7838, 28887, 29906, 29934, 24666, 29900, 3083, 5617, 29882, 29895, 2251, 3912, 29890, 29956, 29966, 10818, 29958, 29872, 29943, 28695, 29950, 29933, 29974, 29879, 12701, 29900, 1817, 29931, 29886, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 279, 29929, 29893, 29984, 29999, 29902, 29941, 1292, 29916, 29984, 29874, 29979, 29880, 29928, 29926, 29945, 29941, 29906, 615, 3253, 29923, 29965, 29999, 8631, 29883, 29900, 29887, 29914, 2065, 29929, 29902, 29883, 29907, 29955, 29900, 29941, 29941, 29974, 29967, 29881, 29974, 29963, 5847, 11868, 29999, 1416, 29878, 29947, 29881, 29914, 29890, 29943, 29893, 29956, 29953, 29877, 10262, 29925, 29953, 29883, 29925, 29956, 29915, 13, 1678, 525, 2502, 29933, 29888, 2120, 29949, 27423, 6632, 29891, 29949, 29953, 29931, 29891, 29929, 29940, 29891, 29943, 29882, 29947, 2674, 29876, 29949, 29955, 29872, 29950, 29884, 29933, 29885, 29903, 29967, 29963, 29884, 29941, 29931, 29886, 29943, 6951, 29945, 29873, 29990, 29890, 29928, 29955, 29903, 29881, 13427, 29881, 29953, 29896, 29968, 29947, 29900, 29933, 29984, 29953, 29943, 21257, 29907, 29888, 29956, 29900, 29872, 29940, 29888, 29945, 29915, 13, 1678, 525, 3421, 29974, 29888, 13416, 29896, 29928, 29953, 29911, 29895, 29928, 29900, 29880, 29916, 29929, 29955, 29878, 29914, 29946, 29990, 29879, 3471, 29894, 29939, 4979, 29945, 29893, 29925, 29999, 29934, 29941, 29931, 29914, 29878, 7597, 29906, 29900, 29925, 29888, 29947, 333, 29914, 3749, 29968, 29876, 29893, 29974, 29999, 8949, 29896, 29926, 5444, 29931, 16586, 29967, 29900, 29947, 29947, 29953, 29903, 29945, 29884, 29974, 29968, 29915, 13, 1678, 12801, 10818, 29958, 29888, 19558, 29890, 29914, 29963, 29947, 29954, 24845, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 1817, 29966, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29920, 29914, 29955, 29967, 29925, 29894, 29939, 351, 29911, 29895, 29946, 29946, 29885, 29903, 384, 29946, 29965, 29888, 29955, 29950, 29940, 7838, 29879, 29943, 283, 29909, 10096, 29914, 29946, 29945, 29890, 29947, 29929, 29872, 29947, 29911, 29886, 29900, 29984, 29882, 29887, 29954, 29896, 29949, 29947, 29916, 29876, 29956, 2882, 8766, 29945, 29924, 29943, 29939, 29886, 29902, 387, 29984, 29872, 3421, 29896, 29884, 29900, 29902, 29967, 29915, 13, 1678, 525, 29872, 29903, 29888, 29954, 29990, 29896, 2112, 29885, 7659, 29934, 29939, 29896, 3912, 29990, 29929, 29968, 16099, 29882, 4090, 4519, 29902, 29953, 29902, 29967, 18454, 29968, 29916, 29940, 1367, 6040, 346, 29887, 29926, 7811, 29880, 29934, 16838, 29941, 29900, 29946, 29947, 29875, 29979, 29933, 29916, 29941, 29949, 29906, 29882, 29894, 29965, 29943, 509, 29979, 29890, 29900, 774, 29884, 29949, 29874, 29915, 13, 1678, 525, 6241, 29923, 29902, 275, 29955, 29874, 29955, 29926, 29954, 29990, 14047, 29943, 371, 4519, 29874, 29999, 29929, 29943, 29881, 29953, 29929, 2308, 29967, 29999, 29888, 29902, 29956, 29877, 29934, 29926, 29911, 698, 29894, 29953, 29883, 29963, 29872, 2208, 688, 29943, 29883, 29939, 557, 29963, 29876, 29909, 29906, 29879, 29933, 13367, 29873, 29967, 29906, 29953, 29891, 29903, 29896, 12665, 29943, 29891, 1635, 29915, 13, 1678, 525, 29873, 3035, 29929, 9219, 3059, 29875, 29956, 29879, 29903, 29947, 29979, 2901, 29872, 29943, 6530, 29974, 29885, 1660, 952, 7141, 29947, 29953, 29963, 29968, 29965, 29896, 29907, 29965, 29906, 29929, 29883, 29968, 6059, 29887, 29946, 20938, 20726, 8452, 1217, 29933, 8452, 29941, 29884, 29950, 29954, 29887, 21576, 29885, 1129, 29914, 29909, 29891, 29923, 29900, 29878, 6344, 29888, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29967, 29984, 29916, 29876, 29895, 29956, 29884, 6039, 29967, 29893, 29926, 29974, 29941, 29990, 29943, 29999, 29950, 29979, 23521, 29895, 29963, 1148, 29928, 3904, 29875, 29953, 29873, 29923, 2918, 29968, 29979, 21819, 3116, 29940, 345, 29896, 2882, 29967, 307, 29911, 29916, 29984, 29968, 29886, 29974, 29907, 29953, 29956, 29939, 1164, 29879, 29934, 29990, 29903, 29894, 29887, 29929, 2499, 9598, 29954, 29945, 29915, 13, 1678, 525, 29999, 29954, 29891, 29900, 29979, 29965, 29965, 29900, 29914, 29933, 29890, 29939, 29891, 29956, 15291, 29886, 29925, 29906, 29906, 29933, 5550, 29896, 29954, 29953, 29945, 29979, 29883, 29941, 4037, 29946, 29923, 29974, 29939, 29984, 29920, 29965, 29909, 29945, 29925, 29967, 29876, 29979, 29999, 29909, 29950, 7698, 29875, 29949, 5971, 29947, 29947, 557, 29733, 29909, 29967, 29880, 29893, 29911, 698, 29873, 29887, 7811, 29881, 29947, 29920, 29915, 13, 1678, 525, 29928, 29954, 29886, 5652, 29896, 29963, 29974, 29880, 5971, 29924, 29875, 29954, 29894, 29953, 29941, 29874, 29967, 29953, 29896, 4920, 2059, 2477, 29984, 29896, 340, 29929, 29879, 6154, 29885, 29953, 29955, 29881, 29934, 29974, 16838, 29896, 29906, 29979, 29894, 29926, 29984, 29955, 29879, 29941, 29934, 29945, 9161, 29968, 29906, 15866, 29939, 29894, 29929, 29894, 29923, 284, 29909, 29872, 29896, 29880, 29955, 29979, 29872, 29915, 13, 1678, 525, 29906, 29888, 1631, 29990, 29950, 29954, 29888, 29925, 29887, 29974, 29946, 29950, 29926, 29984, 29887, 29954, 29979, 10644, 384, 29979, 29940, 3217, 29967, 29906, 948, 29876, 29903, 29914, 29966, 10818, 29958, 29934, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 24494, 29883, 29939, 12188, 29955, 29877, 16890, 2190, 29875, 4178, 29999, 29880, 29943, 29954, 29920, 29967, 29990, 29875, 29906, 29875, 335, 29903, 29891, 29941, 29876, 29926, 29891, 26461, 29963, 29887, 29925, 29885, 29920, 276, 2742, 29984, 29137, 29933, 29974, 29887, 29895, 29906, 29874, 29923, 2887, 29887, 29949, 29984, 29883, 29906, 29946, 29933, 29895, 4920, 6415, 29940, 29939, 29893, 29880, 29915, 13, 1678, 525, 29887, 29963, 29926, 29949, 29884, 29953, 29928, 3267, 29954, 29950, 29956, 15860, 29879, 29909, 29953, 29929, 29943, 29953, 29984, 2423, 787, 29907, 29883, 29934, 29893, 29939, 29967, 29990, 29934, 29950, 29954, 29900, 29956, 29887, 6670, 29965, 29909, 29984, 29954, 29896, 29945, 29900, 29929, 4090, 29949, 29984, 29999, 1718, 29890, 29940, 29875, 29909, 29979, 29925, 29881, 29955, 29874, 23170, 29896, 370, 29876, 29941, 24126, 29915, 13, 1678, 12801, 10818, 29958, 3927, 29968, 29896, 29928, 29876, 29941, 29879, 29968, 29920, 29984, 29926, 29934, 29943, 861, 29887, 29916, 397, 29934, 29873, 29979, 711, 29878, 29943, 1896, 29947, 29943, 29947, 29906, 29906, 29887, 29894, 2692, 29890, 29940, 5454, 29956, 3035, 29967, 29949, 29979, 29883, 29924, 1744, 29979, 29887, 29929, 29900, 29907, 12427, 29947, 29877, 29968, 29968, 29949, 29894, 29946, 29915, 13, 1678, 525, 23338, 1516, 29947, 29940, 29956, 29879, 29903, 29941, 14995, 29965, 1004, 29963, 29872, 29967, 29965, 14438, 29911, 29887, 1660, 29967, 29945, 29890, 29979, 29941, 29941, 10234, 29945, 8181, 6050, 29925, 29906, 29875, 29950, 29999, 29895, 2525, 29902, 29875, 29896, 29967, 29999, 29893, 29965, 29900, 29974, 29879, 29967, 29968, 29956, 29895, 578, 29945, 10051, 29941, 29923, 29929, 29979, 9806, 29890, 29963, 29965, 29915, 13, 1678, 525, 29999, 29928, 29929, 29881, 29984, 29939, 29968, 29979, 29878, 29974, 29933, 29963, 29999, 29879, 29979, 29933, 29950, 29965, 15206, 29933, 688, 29902, 29926, 29893, 29940, 29955, 29896, 17080, 29953, 19881, 29955, 29885, 29907, 29955, 29954, 29974, 29896, 29906, 29924, 2502, 29955, 21870, 15488, 4912, 17115, 29946, 29882, 11601, 29954, 29888, 29939, 29881, 21685, 558, 16786, 29914, 29925, 29881, 29894, 29926, 29990, 29915, 13, 1678, 12801, 10818, 29958, 29880, 29949, 1389, 29974, 29979, 29886, 29955, 29929, 29984, 29911, 29896, 29881, 2816, 1594, 29939, 29895, 29925, 29914, 11256, 29929, 29974, 29911, 29939, 29945, 3782, 29911, 29914, 290, 29911, 29886, 29929, 29890, 29949, 29974, 29968, 18038, 29911, 29914, 29880, 18009, 29950, 24704, 29990, 29945, 29941, 29893, 11256, 29906, 29914, 29879, 29934, 29946, 29900, 29888, 29931, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 29958, 12665, 29887, 29954, 328, 29928, 29946, 29894, 29963, 29881, 29931, 29873, 29974, 29968, 29946, 29953, 29939, 29963, 29939, 29979, 29519, 29947, 29924, 29968, 4519, 29883, 29914, 29893, 26461, 29990, 29887, 293, 29880, 29967, 29887, 29923, 29893, 29896, 6008, 29893, 509, 29929, 29955, 29916, 29941, 29956, 29883, 29933, 29924, 797, 29891, 29902, 29979, 29907, 29926, 29911, 29984, 29915, 13, 1678, 525, 398, 29923, 29893, 29883, 29907, 29945, 29906, 4462, 29954, 29920, 823, 29990, 6720, 29974, 1516, 29953, 29979, 29916, 29887, 1579, 29956, 29895, 29888, 29931, 11601, 29894, 29895, 29956, 29887, 29881, 29946, 29953, 29979, 29909, 2059, 2239, 29895, 17896, 29926, 29883, 29914, 29900, 29955, 29940, 29999, 29940, 29999, 29945, 29928, 6295, 8257, 29878, 29929, 3433, 29903, 29947, 29984, 7967, 29933, 29900, 29915, 13, 1678, 525, 29931, 29947, 29940, 29999, 29949, 29990, 29965, 29929, 29955, 29874, 29953, 29933, 29954, 6059, 29886, 29909, 19881, 29941, 629, 1299, 1004, 5690, 29890, 5659, 29947, 29940, 5667, 29926, 29907, 335, 29945, 29950, 29963, 29929, 13668, 29874, 29907, 1017, 20055, 29881, 12661, 29933, 29893, 29896, 29929, 29925, 29941, 29955, 29947, 29893, 29929, 29984, 29874, 29984, 29990, 29920, 29999, 29956, 29880, 29882, 29965, 29915, 13, 1678, 525, 29956, 29883, 24668, 29926, 29979, 29895, 29907, 29946, 10840, 29883, 22240, 4421, 29967, 29883, 29999, 29886, 27491, 29924, 29906, 29888, 29943, 29999, 29924, 29968, 29896, 29926, 29968, 29925, 374, 29925, 3123, 24668, 29914, 29933, 29883, 26300, 29923, 29909, 1039, 29984, 29890, 29923, 29891, 29956, 29878, 29949, 6247, 29979, 17080, 29953, 29896, 29941, 29953, 29968, 29929, 29967, 29888, 29941, 29893, 29963, 29878, 23097, 13, 1678, 525, 29888, 3174, 29956, 29947, 29920, 29943, 834, 29949, 6739, 3359, 29963, 29926, 11191, 29893, 29925, 1631, 29933, 1817, 29906, 29925, 29956, 29894, 29984, 29963, 29880, 29914, 29966, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 529, 10818, 29958, 13, 1678, 525, 29954, 29950, 29894, 29974, 29875, 29949, 29963, 29895, 29907, 29914, 29872, 29953, 29963, 486, 29874, 29914, 29875, 29911, 29965, 29963, 19960, 29907, 638, 1988, 5005, 26788, 29967, 29990, 29885, 29941, 3727, 29956, 3820, 29934, 29974, 29916, 29876, 29928, 29955, 29876, 3594, 29906, 29876, 29941, 29920, 29945, 2774, 29939, 29950, 29946, 29926, 29941, 29928, 29916, 29887, 29916, 29939, 1988, 7024, 29926, 29943, 29939, 29915, 13, 1678, 525, 29875, 29900, 29926, 29916, 552, 29874, 2687, 29888, 29928, 29887, 29943, 386, 29933, 29947, 29940, 4353, 29941, 29967, 12130, 29931, 29946, 29968, 29931, 29920, 16033, 29967, 368, 29914, 9415, 29940, 29880, 29943, 29968, 29880, 22240, 29882, 6156, 29933, 29955, 29965, 29906, 29909, 29939, 6247, 3217, 567, 29933, 29999, 14388, 29929, 29920, 29926, 698, 20449, 29945, 4419, 29915, 13, 1678, 525, 29888, 1927, 29890, 26067, 29888, 1357, 29874, 29939, 5824, 29902, 898, 29950, 29916, 14098, 29946, 29876, 12822, 29949, 29979, 29974, 29876, 9970, 29887, 29984, 16434, 29893, 29902, 29920, 29945, 29920, 941, 29900, 29878, 10051, 29876, 29940, 24845, 29954, 29893, 486, 29900, 29965, 29965, 29885, 1964, 29893, 1725, 29933, 29879, 29923, 29891, 29907, 2774, 2543, 29949, 29872, 29915, 13, 1678, 525, 29924, 29967, 29954, 29885, 29903, 29881, 29928, 29906, 11490, 4419, 29940, 29880, 29965, 29984, 29924, 29887, 29947, 29923, 29887, 29968, 29890, 3210, 29946, 29990, 566, 2965, 3459, 29940, 29926, 29923, 29968, 29950, 29888, 29906, 29877, 29934, 19127, 23102, 29945, 7818, 29941, 29924, 29967, 29990, 2208, 29872, 861, 3174, 1988, 29891, 29940, 29895, 5847, 22240, 29990, 29925, 29883, 29896, 29915, 13, 1678, 525, 29906, 29955, 2882, 29990, 29933, 24898, 29900, 7833, 29886, 29943, 29883, 29909, 267, 29929, 29906, 1964, 29955, 29963, 29887, 29968, 29953, 29875, 29933, 29925, 29879, 29916, 29906, 29979, 5371, 29965, 29872, 29933, 29900, 29924, 29887, 941, 29900, 29929, 29968, 29925, 29984, 29929, 29949, 29909, 29947, 29911, 2941, 29984, 29925, 601, 481, 29890, 29900, 29953, 29876, 29900, 29914, 29877, 29949, 12432, 29896, 29967, 29928, 29915, 13, 1678, 525, 29953, 1888, 3782, 29946, 29953, 8851, 29954, 29914, 29984, 29974, 29877, 29947, 29883, 24704, 29914, 29949, 29880, 29979, 18933, 20322, 29967, 29990, 29947, 29874, 29999, 29965, 1725, 5098, 29895, 5971, 3146, 8426, 29887, 29999, 29880, 29923, 29888, 29984, 27354, 29907, 479, 29894, 29914, 29939, 18038, 29947, 29686, 29974, 5091, 29946, 9486, 29914, 29999, 29911, 29881, 962, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 27418, 567, 6415, 29887, 15339, 29911, 582, 29950, 29893, 29933, 29906, 29984, 29990, 17115, 29902, 29926, 8456, 29974, 7999, 29934, 29941, 29946, 29939, 29943, 29967, 29920, 29903, 1362, 29990, 29880, 29954, 29968, 4141, 29894, 29893, 4375, 1692, 12822, 29979, 29956, 6321, 29929, 1028, 29902, 29974, 29954, 29953, 29974, 29895, 29925, 29885, 29954, 2067, 29974, 29967, 29968, 5673, 29915, 13, 1678, 525, 29875, 1964, 29909, 29984, 29881, 2887, 5389, 7466, 29999, 12432, 29894, 29949, 29893, 29914, 29966, 10818, 29958, 29916, 14824, 29888, 893, 13801, 29990, 29882, 29888, 29934, 29945, 29934, 952, 29940, 29945, 29882, 2120, 29928, 29915, 13, 1678, 525, 29953, 29954, 29967, 29888, 1756, 29902, 29878, 29906, 2460, 29941, 29979, 29893, 29924, 29914, 370, 29968, 29934, 29890, 29940, 29894, 29929, 29924, 29875, 29907, 29939, 29914, 29911, 29885, 29896, 29890, 600, 29931, 29885, 14769, 29953, 29874, 29902, 2887, 8456, 29956, 11023, 29984, 29979, 7768, 29891, 29909, 29950, 1372, 29928, 29914, 29920, 29934, 29968, 29979, 29945, 25051, 29906, 29896, 275, 29963, 29914, 29879, 29915, 13, 1678, 525, 29984, 29891, 29890, 29916, 1794, 8766, 29872, 29945, 311, 14438, 29967, 6247, 15866, 1579, 1635, 29882, 29896, 29925, 29888, 29945, 29950, 4316, 9486, 19558, 29916, 29896, 29931, 29939, 29906, 29943, 29929, 29888, 29931, 29956, 29920, 1092, 29881, 4462, 29955, 29956, 29893, 29954, 29895, 29941, 29984, 29926, 29999, 4897, 29945, 29974, 29875, 29967, 29880, 29933, 16903, 29902, 29929, 29984, 29963, 29915, 13, 1678, 525, 12938, 29896, 29933, 4162, 29929, 29941, 29956, 688, 29934, 29887, 29895, 29939, 29886, 2951, 29953, 7141, 1252, 5750, 29881, 2882, 29967, 6154, 29888, 29909, 719, 29933, 14345, 7707, 29907, 29916, 29896, 29923, 29946, 29939, 29929, 29881, 29945, 29929, 29949, 29979, 29888, 29939, 29926, 29906, 29900, 29902, 29875, 15349, 29950, 29880, 9312, 29963, 1537, 13367, 29941, 29925, 2882, 29915, 13, 1678, 525, 29943, 29886, 29955, 20082, 29949, 29984, 29999, 29880, 13282, 29911, 29890, 29947, 29984, 29879, 29733, 2397, 29914, 29979, 29929, 29950, 29882, 1635, 29979, 29906, 29931, 29933, 655, 29926, 2273, 29888, 29979, 15797, 29900, 29883, 8969, 29903, 29891, 29929, 29933, 29888, 1799, 29949, 29909, 29947, 29884, 29940, 29941, 8848, 2397, 11191, 29953, 18929, 1022, 29954, 29967, 29934, 29943, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29928, 29882, 7597, 29885, 29931, 29873, 29914, 2460, 29963, 29979, 29984, 687, 29939, 29885, 29984, 29878, 29933, 1635, 29923, 3738, 29878, 29956, 29885, 29888, 29963, 29963, 29974, 29943, 2797, 29946, 29914, 29911, 29900, 29954, 29902, 29950, 29943, 17599, 29907, 29953, 29954, 29902, 22779, 29926, 29965, 276, 29955, 29923, 29891, 29934, 29893, 29895, 29888, 23560, 5819, 29967, 29914, 29877, 29907, 29906, 29934, 29974, 29895, 29915, 13, 1678, 525, 29954, 29956, 29999, 29877, 29925, 29900, 29940, 29920, 29933, 845, 29907, 29900, 29674, 3112, 29984, 29943, 29999, 29955, 29876, 29929, 29887, 29895, 29965, 29941, 29893, 29909, 29945, 29890, 1964, 29949, 261, 29956, 29949, 29914, 29933, 29984, 29887, 18933, 29943, 29879, 29956, 29945, 29954, 29882, 29947, 29888, 1519, 29879, 29955, 29881, 29933, 29939, 29924, 29900, 29968, 2273, 29896, 6289, 29974, 29906, 29911, 29920, 29883, 29943, 23097, 13, 1678, 525, 1056, 29984, 29880, 29906, 645, 29886, 1660, 12982, 29965, 25498, 29933, 29896, 29888, 29945, 29890, 29968, 29940, 29887, 29984, 29956, 29956, 3338, 2272, 29880, 29929, 29903, 29941, 29950, 29954, 29886, 4979, 29909, 29893, 29967, 29923, 29900, 29933, 29893, 29934, 29954, 6488, 29886, 29946, 29974, 29894, 29916, 29885, 25498, 29984, 29967, 29890, 29882, 29963, 29945, 29950, 29880, 29955, 29926, 20449, 29956, 29984, 29911, 29881, 29915, 13, 1678, 525, 29928, 29929, 29902, 29953, 4198, 29928, 29954, 29974, 29934, 2112, 29946, 29990, 1113, 2059, 29934, 29875, 29945, 29878, 29902, 29906, 4979, 23410, 29907, 29906, 29928, 6821, 29963, 29965, 29893, 517, 9472, 29895, 29928, 29939, 6632, 9675, 29906, 29974, 29990, 29941, 747, 29911, 29984, 29902, 29920, 29888, 23310, 29914, 29963, 29967, 6247, 29955, 29963, 29876, 29933, 13891, 29876, 29893, 29915, 13, 1678, 525, 29984, 29881, 29940, 29895, 29376, 29887, 29894, 14995, 29947, 29946, 29931, 29878, 29947, 29906, 29879, 29947, 29931, 29914, 29974, 29955, 1526, 267, 29947, 29941, 29956, 4928, 29955, 29926, 29893, 29945, 29916, 29999, 948, 29965, 29943, 29879, 29929, 29924, 10844, 7520, 29929, 29950, 29883, 554, 29900, 29928, 29887, 29984, 29925, 29900, 19127, 29896, 29967, 13207, 29954, 1137, 29984, 808, 29947, 29965, 29916, 29915, 13, 1678, 525, 29946, 29990, 29914, 29907, 29888, 7000, 29920, 339, 29877, 29953, 29956, 29947, 29950, 29945, 4375, 29882, 29965, 29946, 29984, 29928, 29984, 29946, 29924, 29875, 29953, 29953, 29984, 29872, 29931, 29886, 1450, 29923, 700, 29894, 29888, 833, 28627, 29984, 29894, 9980, 1454, 29888, 29945, 29967, 29891, 29954, 29953, 29911, 29896, 1039, 29979, 29911, 29929, 29955, 5194, 29939, 29955, 7077, 29928, 29887, 29915, 13, 1678, 525, 21478, 4819, 29906, 29990, 29891, 29916, 29940, 2252, 29900, 24126, 29950, 29999, 295, 29968, 29999, 29931, 29955, 29933, 29882, 20938, 29886, 3352, 29928, 29914, 558, 29674, 29968, 29926, 6059, 3912, 29902, 5098, 29895, 29902, 2146, 29990, 29887, 29925, 5454, 29939, 29920, 29940, 29881, 29934, 29974, 29911, 29896, 29895, 29914, 29955, 29872, 29968, 29875, 29950, 29941, 1164, 29900, 29887, 29946, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 529, 10818, 29958, 29881, 29979, 29953, 29903, 13975, 29895, 29914, 29956, 29906, 29920, 7818, 29967, 29881, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29968, 29954, 29967, 29878, 17367, 8050, 29941, 29888, 29939, 29926, 29999, 29931, 29890, 25752, 29911, 29900, 29886, 29929, 29923, 29974, 29882, 16997, 29931, 29893, 29955, 29920, 29928, 29956, 4920, 29979, 5661, 29963, 29954, 566, 19689, 29880, 29883, 29990, 29953, 29894, 29990, 29873, 29928, 29954, 4317, 3738, 29925, 29879, 578, 29974, 1433, 29984, 29896, 29890, 6670, 29914, 29940, 29990, 29890, 29920, 29915, 13, 1678, 525, 29984, 29903, 29876, 29954, 29890, 29968, 29882, 7283, 29906, 29903, 29946, 845, 29883, 29896, 29979, 5971, 29875, 29968, 29906, 29920, 29916, 29947, 29946, 711, 29967, 29925, 29879, 29929, 11248, 29953, 29947, 29965, 29926, 29984, 29895, 29934, 29888, 29950, 29881, 29933, 845, 1365, 23215, 29931, 29933, 29873, 29990, 29882, 29907, 29896, 29953, 29890, 18426, 29990, 29895, 29900, 13207, 3044, 29953, 29874, 29914, 29931, 29933, 29915, 13, 1678, 525, 29883, 29965, 29878, 29965, 29946, 29928, 3912, 29939, 29931, 29967, 12328, 29979, 29934, 29924, 29873, 29946, 29896, 29941, 29943, 29890, 29933, 29883, 29906, 29880, 2882, 29963, 29879, 29929, 29946, 2692, 29931, 29895, 29886, 29926, 7210, 29888, 16748, 29887, 29967, 29873, 29956, 29939, 29893, 29941, 29879, 3373, 29963, 29926, 29933, 29885, 19558, 29929, 29920, 29934, 29939, 29893, 29933, 8181, 29920, 29999, 29933, 29883, 29906, 29882, 29943, 29915, 13, 1678, 525, 29891, 1817, 29967, 29893, 21066, 29934, 24668, 15715, 29953, 2067, 29926, 29893, 4040, 29941, 29953, 29890, 29990, 29984, 29928, 29891, 29884, 8120, 24494, 29954, 29891, 6670, 29984, 29894, 29990, 29928, 29953, 29875, 29638, 29999, 29121, 29900, 29954, 4378, 458, 29886, 29931, 4421, 29909, 1389, 29929, 29954, 1175, 29941, 6156, 3338, 655, 29946, 12744, 29886, 29915, 13, 1678, 525, 29881, 29902, 29900, 29884, 29974, 29956, 19080, 29950, 6670, 29947, 16264, 29965, 29906, 29968, 29931, 29939, 14246, 29934, 29956, 29999, 29967, 29883, 29924, 4051, 29924, 29894, 352, 29686, 1056, 29979, 20728, 29879, 29943, 29939, 29883, 29939, 1537, 29926, 8139, 29945, 20055, 9302, 24126, 29967, 29896, 29920, 29890, 29907, 29939, 29902, 29900, 29911, 29929, 13416, 29923, 388, 29967, 29943, 29915, 13, 1678, 525, 29990, 29886, 29947, 29946, 29925, 29894, 14206, 29965, 29950, 4928, 29953, 29872, 6026, 29888, 29950, 5499, 29883, 7838, 29519, 29954, 29893, 29950, 567, 29953, 29893, 267, 29885, 29963, 2589, 2212, 7768, 29914, 17628, 21478, 29939, 29911, 29947, 29947, 29931, 29968, 29949, 29881, 4920, 29916, 29929, 14206, 29934, 20728, 29916, 387, 29920, 29965, 29946, 29893, 29999, 28307, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29974, 29891, 29911, 29974, 29929, 29872, 29999, 29947, 29984, 29916, 29956, 29990, 29926, 29953, 24460, 29914, 29953, 29941, 29999, 10844, 7818, 29965, 29965, 29955, 29945, 29940, 29924, 29876, 9468, 29911, 29940, 29967, 29885, 29887, 29909, 29984, 29883, 29940, 29875, 29956, 7999, 29984, 2350, 1718, 29945, 29920, 3352, 29880, 5746, 29984, 29885, 3954, 29924, 29914, 2112, 29903, 797, 14480, 29916, 29915, 13, 1678, 525, 3459, 6277, 29914, 29924, 1173, 29929, 29929, 29881, 29955, 29890, 29902, 29878, 29939, 29900, 29929, 29929, 29920, 29906, 29926, 29950, 517, 29968, 29885, 29903, 29890, 29974, 29875, 29999, 6096, 29945, 29896, 29896, 29881, 29953, 29906, 29890, 29947, 29907, 29955, 29926, 29949, 29893, 29883, 24349, 29914, 29874, 29943, 23338, 29945, 29886, 29896, 29931, 284, 29882, 29945, 29954, 29928, 29947, 29890, 29974, 29934, 27590, 29947, 29949, 29915, 13, 1678, 525, 29916, 29894, 29947, 29954, 29926, 29894, 29974, 29893, 4920, 29902, 29984, 29881, 29928, 1867, 29909, 29926, 29923, 7768, 29891, 29909, 29900, 29924, 29990, 29896, 3338, 29999, 12443, 29945, 29974, 20055, 29963, 29931, 29876, 5652, 1165, 29955, 29963, 300, 3059, 29879, 29906, 19689, 29947, 8711, 20321, 29929, 29903, 17697, 29920, 29946, 29876, 29963, 29955, 29956, 29894, 2951, 29890, 29979, 29915, 13, 1678, 525, 29945, 29965, 29909, 1744, 8766, 11078, 29929, 29872, 29956, 29945, 7967, 29990, 29945, 29890, 29906, 29955, 29887, 29881, 29946, 29929, 29928, 29881, 2241, 29891, 29990, 29894, 29945, 29963, 29940, 29990, 29928, 29881, 29979, 9415, 29924, 29955, 915, 29931, 29906, 29956, 29929, 29876, 29943, 29979, 29990, 29916, 29878, 29945, 29931, 2287, 1416, 29955, 29967, 29967, 15176, 29963, 29999, 29894, 1270, 29990, 29880, 29941, 29939, 29915, 13, 1678, 525, 29893, 29923, 21154, 29943, 29926, 29963, 29888, 29891, 29933, 3580, 29907, 29920, 29890, 29950, 29877, 25365, 29974, 4690, 29984, 29894, 29911, 29890, 29945, 29923, 29906, 359, 29950, 7068, 29875, 29907, 29920, 29939, 29881, 29953, 29954, 397, 29887, 29914, 29926, 29974, 264, 29925, 29947, 7184, 29925, 29974, 29925, 29946, 29914, 29893, 29914, 29979, 29902, 2887, 29121, 29896, 12602, 11601, 7184, 29950, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29939, 29947, 17367, 29945, 29893, 29885, 1430, 29891, 29907, 11093, 29906, 7810, 17472, 29926, 29999, 29984, 29606, 29974, 29990, 20322, 915, 29999, 29965, 29947, 29890, 29882, 5971, 29979, 17870, 29940, 29974, 29887, 29950, 29963, 10358, 29886, 8848, 5592, 29914, 13695, 29933, 2350, 29923, 29950, 29955, 29894, 29979, 29920, 29911, 29945, 29920, 29916, 29984, 29974, 29925, 29906, 29933, 29896, 29931, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29950, 29974, 29934, 29893, 29950, 29883, 29945, 5265, 10249, 29990, 29896, 29914, 3459, 29925, 29890, 29999, 29979, 29877, 29956, 29893, 5971, 29974, 29900, 29953, 29884, 586, 29882, 29895, 21554, 29916, 29934, 29963, 29885, 29906, 29884, 29940, 8186, 29896, 29895, 29950, 29955, 18567, 29967, 29909, 29955, 29880, 13801, 29909, 29884, 20938, 29984, 29950, 13695, 29984, 29923, 29877, 29931, 8884, 29940, 29947, 29882, 29915, 13, 1678, 525, 29990, 29950, 29881, 446, 29926, 29924, 29990, 29874, 29943, 29979, 29928, 1682, 29955, 29999, 29953, 29984, 29934, 29873, 29956, 1525, 29873, 29974, 29990, 29878, 29968, 29963, 19046, 6039, 29896, 29950, 13207, 29914, 29906, 29879, 3660, 29896, 29920, 29878, 29896, 29924, 16865, 29950, 8186, 29877, 29906, 29963, 2901, 29900, 29945, 29949, 29949, 29916, 4178, 29950, 29745, 29950, 29953, 29956, 29906, 1525, 29915, 13, 1678, 525, 29929, 7077, 29965, 29914, 29945, 29946, 29924, 29890, 29909, 29888, 29906, 29968, 2034, 29924, 29887, 29885, 29887, 4051, 29895, 29900, 29881, 29906, 29879, 29999, 29878, 29926, 16264, 29931, 29916, 1519, 29929, 10536, 29888, 12696, 1806, 29906, 29968, 29887, 1251, 29940, 6415, 29945, 29903, 18800, 29925, 29894, 27590, 29947, 29911, 12744, 29956, 11912, 8456, 22381, 1332, 29945, 29945, 29915, 13, 1678, 525, 29925, 29890, 29999, 735, 13079, 29896, 29949, 29914, 29887, 29945, 29872, 29990, 314, 29999, 29956, 7982, 335, 29940, 29956, 29886, 29914, 29876, 29946, 29906, 29967, 9606, 29984, 29903, 29876, 3235, 29884, 29984, 12064, 29923, 29999, 29965, 21066, 29882, 29940, 29896, 29943, 29974, 29945, 29914, 29984, 29925, 407, 29885, 29733, 29929, 309, 29887, 711, 6925, 29968, 29968, 29906, 29923, 29884, 29956, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 29958, 29888, 29911, 29887, 29900, 29968, 1389, 29947, 29893, 29941, 29873, 29909, 29950, 29882, 29890, 29934, 29914, 29885, 4741, 29990, 29906, 5389, 4574, 29934, 29928, 29953, 29906, 29928, 29946, 29878, 7833, 29894, 29945, 6241, 294, 29896, 29872, 29949, 29916, 29915, 13, 1678, 525, 29907, 29896, 29955, 29990, 29934, 29886, 29963, 29974, 29923, 29906, 4790, 29984, 29896, 29999, 8337, 29949, 15488, 29896, 695, 29916, 29965, 29943, 29885, 29999, 29924, 29929, 29886, 29953, 29925, 29939, 16399, 29931, 6530, 29875, 29999, 29963, 29945, 29965, 29943, 29885, 29999, 29924, 29906, 29934, 29880, 29888, 29895, 4519, 29954, 3905, 29925, 29894, 29974, 29906, 29890, 29974, 29939, 29909, 29979, 29895, 29953, 645, 29953, 29949, 29915, 13, 1678, 12801, 10818, 29958, 29873, 29984, 29950, 29916, 29999, 29926, 29947, 29916, 29914, 29954, 29885, 29925, 823, 29954, 29945, 29928, 29914, 29885, 29911, 29888, 29906, 29914, 1332, 29940, 29924, 29920, 29894, 29895, 29953, 29920, 29894, 29955, 29941, 29999, 25039, 29906, 29914, 29953, 29965, 29943, 29900, 29947, 29974, 29911, 7818, 29879, 2502, 24349, 24381, 29895, 29929, 29893, 29984, 29883, 1682, 29915, 13, 1678, 525, 29916, 430, 1557, 2774, 29965, 11987, 29954, 29895, 29974, 5200, 29946, 29929, 2525, 952, 3421, 29872, 29955, 267, 29902, 29877, 10262, 29873, 29963, 14206, 29990, 25498, 3116, 29967, 29890, 10721, 29891, 29939, 29929, 29953, 29895, 29916, 29903, 29879, 29940, 29900, 5850, 29953, 29923, 29955, 29974, 29929, 29955, 29990, 29946, 12182, 29920, 455, 6816, 29963, 29878, 29906, 29915, 13, 1678, 525, 1181, 911, 17396, 29974, 272, 29883, 29974, 29933, 267, 19046, 29911, 29896, 29893, 29967, 29934, 29974, 29878, 29949, 29891, 2059, 17559, 29925, 29896, 29924, 29900, 29967, 29911, 29896, 29968, 29896, 719, 29873, 29940, 2965, 29883, 29941, 4061, 29984, 29881, 29940, 29895, 29376, 29887, 29886, 5592, 29925, 293, 29947, 29974, 29934, 29883, 29999, 29924, 29873, 29956, 29888, 29923, 29967, 29928, 29880, 29915, 13, 1678, 12801, 10818, 29958, 29902, 8187, 29896, 19737, 29949, 2901, 29924, 8235, 29934, 1505, 29954, 29896, 29968, 28463, 25265, 29916, 29893, 29928, 29894, 29950, 29890, 29947, 29934, 3844, 29933, 29924, 29906, 29914, 29909, 388, 29946, 29990, 29946, 29928, 29880, 22240, 29984, 29950, 29886, 29933, 29953, 29956, 29965, 29909, 29999, 29945, 29945, 1372, 29900, 561, 29911, 7210, 29915, 13, 1678, 12801, 10818, 29958, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29950, 1672, 29887, 29894, 29953, 29911, 29974, 29990, 271, 29924, 29880, 3249, 29967, 29926, 29929, 29906, 29891, 29903, 6132, 29963, 29990, 29906, 29890, 29906, 29940, 5659, 29965, 29953, 893, 29876, 29947, 29890, 1357, 2272, 29979, 29886, 29990, 29929, 29956, 29920, 29999, 29963, 29896, 25951, 29900, 29946, 29950, 15866, 29984, 29974, 29953, 1341, 29914, 6040, 29872, 29940, 29990, 29941, 29954, 29945, 29939, 29968, 29915, 13, 1678, 12801, 10818, 29958, 13, 1678, 525, 29879, 1430, 29949, 29926, 29947, 29974, 29893, 29920, 29945, 29879, 29928, 29963, 29984, 29979, 29939, 29955, 29933, 23215, 29954, 29955, 29877, 29906, 29967, 29880, 10749, 29894, 412, 29896, 29876, 26453, 29914, 29882, 29900, 29881, 29929, 29881, 29955, 29968, 29963, 29893, 29945, 29941, 29887, 29955, 29878, 29979, 29883, 29979, 29940, 29895, 7659, 29914, 29911, 27728, 29911, 29946, 29900, 29954, 29926, 29954, 29874, 29950, 29893, 29931, 29890, 29963, 29990, 29915, 13, 1678, 525, 29924, 29955, 29903, 1181, 29984, 29924, 29954, 29891, 6670, 29984, 29877, 29954, 29916, 29923, 6039, 29954, 29890, 29914, 5847, 29924, 29974, 29999, 29880, 29929, 29965, 29874, 29941, 29906, 29876, 13427, 29929, 29956, 801, 29941, 29911, 29974, 29923, 29920, 29896, 29879, 29906, 3137, 29891, 29979, 29947, 29950, 29940, 29968, 29929, 29877, 29940, 29990, 29873, 29967, 29907, 29906, 29974, 29878, 29950, 29878, 29931, 29965, 29926, 29946, 29872, 29999, 29876, 29915, 13, 1678, 525, 29984, 29943, 29941, 9302, 29906, 29929, 29979, 4198, 29955, 29974, 5200, 29911, 29939, 29882, 29990, 4051, 29941, 29916, 29933, 29984, 9207, 29894, 29886, 29999, 29900, 3616, 29890, 29894, 29886, 29990, 29940, 29875, 17618, 29940, 26828, 9048, 29883, 29925, 29963, 29893, 29900, 561, 29943, 29900, 29926, 29893, 29954, 29891, 6670, 29934, 29990, 29926, 11007, 29945, 21870, 29979, 29933, 29953, 4051, 29879, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29999, 29926, 29974, 29979, 29934, 3580, 29875, 29931, 29876, 6259, 2146, 29934, 797, 29924, 29963, 29950, 29956, 29968, 29879, 29928, 29881, 29931, 29880, 29947, 29891, 29894, 29953, 29999, 29999, 29974, 29916, 29890, 29934, 29876, 29926, 29924, 29955, 29900, 29929, 29945, 29890, 7838, 615, 397, 29900, 29945, 29967, 29920, 29947, 29902, 9721, 29931, 29882, 29984, 29886, 29940, 698, 29984, 29882, 29890, 29974, 29883, 29914, 29953, 29915, 13, 1678, 525, 29872, 29956, 29888, 29934, 29928, 29906, 29955, 12188, 2369, 29888, 29925, 29955, 29881, 29924, 29963, 29878, 6154, 3358, 29894, 29888, 29891, 29965, 4198, 29895, 29925, 29953, 29947, 29933, 29956, 4519, 29916, 29926, 29941, 29956, 29929, 29893, 29911, 17870, 29872, 29949, 29967, 29906, 13208, 29914, 29945, 29879, 29967, 29876, 29894, 29916, 29906, 20901, 29925, 29999, 29882, 29953, 29947, 29891, 29907, 29896, 29883, 29965, 29906, 29943, 29929, 29915, 13, 1678, 525, 29990, 29894, 2308, 29929, 29990, 29883, 29906, 29946, 9851, 29893, 29884, 25500, 29900, 29877, 29974, 29888, 29974, 29916, 29911, 29880, 29955, 7077, 29911, 29965, 29990, 29883, 29955, 29914, 29874, 29911, 29885, 29956, 29914, 29999, 29965, 29929, 29884, 29911, 29941, 29900, 29931, 29990, 29914, 3637, 29914, 29872, 29946, 29896, 29947, 29934, 29999, 29928, 29881, 29979, 29883, 29949, 585, 29933, 14190, 29907, 29873, 29946, 29963, 446, 29950, 22208, 13, 1678, 525, 29941, 29903, 29879, 29945, 29954, 29939, 29941, 29931, 29906, 6670, 6116, 6051, 29931, 29965, 29916, 29884, 1254, 29965, 29887, 29950, 29999, 29939, 6096, 29884, 6026, 29950, 29926, 29931, 29990, 29878, 29924, 29900, 29890, 29963, 29873, 29931, 29965, 29909, 29888, 29968, 29911, 29926, 1883, 3308, 29956, 29890, 29955, 29928, 29955, 29914, 324, 29984, 29887, 29881, 15633, 638, 29956, 2772, 22240, 29915, 13, 1678, 525, 333, 29883, 29887, 29885, 29926, 29925, 29887, 29941, 29955, 6530, 29941, 29895, 29999, 29882, 29911, 6289, 29947, 29903, 29955, 29903, 29926, 29940, 29881, 29923, 29875, 29900, 29956, 29955, 29920, 1635, 29933, 29956, 29887, 29909, 29929, 615, 29999, 2525, 29963, 1519, 29887, 29900, 29881, 29979, 29907, 29955, 29890, 26735, 4574, 27838, 29999, 29906, 29896, 29974, 29945, 29941, 29900, 845, 29934, 26012, 29979, 29999, 29915, 13, 1678, 525, 29887, 29916, 29984, 29900, 19881, 1594, 29933, 29911, 29880, 29376, 4178, 29916, 3746, 29946, 29965, 29929, 24494, 29990, 29878, 4690, 29963, 29911, 29674, 29984, 29886, 29956, 29878, 29990, 29939, 29968, 29999, 29914, 29979, 29877, 29900, 29606, 7210, 29914, 29939, 29878, 29896, 29926, 29941, 29979, 29884, 29914, 9295, 29894, 29926, 29883, 29903, 29900, 29967, 29880, 5371, 29946, 4462, 29926, 29931, 29950, 29956, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 8207, 29924, 29963, 29895, 29907, 29896, 29876, 29967, 29947, 29933, 29953, 29925, 5389, 24625, 29955, 29947, 29900, 29884, 29931, 29963, 9029, 1177, 29968, 29884, 29984, 29907, 8257, 29941, 12750, 29953, 29882, 29940, 29920, 29878, 29955, 29878, 29956, 29885, 29963, 29906, 29979, 29883, 29954, 29929, 29956, 29876, 29950, 22230, 368, 29955, 7228, 300, 29984, 29888, 29949, 29963, 29939, 9144, 29943, 566, 29885, 29943, 29915, 13, 1678, 525, 29895, 1315, 29941, 29925, 29941, 29896, 29945, 29874, 29956, 29999, 29884, 29914, 29885, 29931, 29967, 29882, 29934, 12328, 29974, 585, 29931, 29873, 593, 29945, 29955, 29879, 542, 29925, 29879, 3629, 29894, 29943, 29939, 4626, 29894, 582, 29963, 11023, 29884, 29943, 18933, 29968, 29929, 29949, 29990, 29946, 29949, 29894, 29965, 29974, 11197, 29931, 29883, 29946, 4501, 29965, 29979, 29883, 29990, 29945, 29882, 29915, 13, 1678, 525, 29890, 1983, 29890, 1988, 29963, 29891, 29884, 3848, 29896, 29891, 29890, 29939, 466, 2891, 29903, 29929, 5200, 24349, 29946, 29896, 29945, 29979, 29939, 29896, 29953, 29946, 3365, 3410, 29946, 1028, 29885, 29945, 3169, 29931, 29965, 29941, 29940, 29990, 29999, 29885, 29888, 29968, 29900, 29928, 29914, 29900, 29953, 29883, 29953, 29974, 5773, 29884, 29914, 29953, 29907, 29945, 29883, 29984, 29878, 29900, 29946, 29915, 13, 1678, 525, 29924, 24281, 29984, 29891, 29896, 29953, 18038, 29953, 29900, 29887, 29929, 29884, 29979, 29893, 29941, 29888, 29949, 29920, 29887, 29949, 29990, 29965, 29974, 29883, 3365, 29906, 29933, 16048, 29883, 29906, 585, 29924, 4900, 29929, 29875, 29909, 8949, 29925, 29900, 29900, 29928, 29947, 29984, 29928, 2059, 29891, 29963, 29984, 1635, 29907, 29916, 29949, 29990, 29893, 29907, 16137, 29907, 29883, 29968, 29979, 29939, 29931, 29945, 29915, 13, 1678, 525, 29956, 29895, 29900, 29979, 29990, 29999, 29945, 29945, 387, 26353, 29920, 2112, 29895, 29916, 18933, 833, 29902, 2251, 29884, 29929, 29943, 29963, 29963, 29887, 29979, 25621, 29990, 29968, 29878, 29940, 29990, 11787, 5311, 21791, 8547, 29974, 29979, 29990, 29943, 1682, 29956, 29880, 29916, 29963, 29876, 29941, 29946, 29873, 29956, 29878, 29924, 29900, 29911, 845, 5200, 29968, 29907, 29941, 7982, 29915, 13, 1678, 525, 2774, 18564, 29941, 29924, 29873, 29990, 29943, 29946, 29882, 29887, 10840, 3365, 29887, 29924, 29926, 29924, 29896, 29949, 29902, 29965, 29881, 29984, 29896, 29873, 1964, 865, 29881, 29914, 29882, 29947, 29888, 828, 29882, 29926, 1505, 29941, 29940, 29955, 29947, 29946, 29956, 29953, 2039, 28462, 1682, 29884, 2502, 29914, 12432, 29925, 29947, 14126, 10051, 29879, 29967, 29891, 29907, 8016, 29915, 13, 1678, 525, 8186, 29946, 485, 29920, 9800, 29878, 29895, 430, 29885, 2096, 29999, 809, 29956, 29874, 29984, 29928, 29920, 15789, 29967, 600, 29950, 12750, 29924, 1433, 29903, 9998, 29875, 29896, 29882, 1799, 29979, 29984, 8120, 29940, 29878, 29896, 29877, 29943, 29877, 6720, 29887, 29979, 29887, 11912, 29950, 293, 29955, 29894, 22381, 29916, 312, 29920, 29943, 29906, 9144, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 2208, 29888, 29902, 29945, 29947, 290, 29984, 29914, 29974, 29893, 29906, 29945, 29916, 29890, 29956, 29891, 29963, 29900, 29916, 29928, 29963, 893, 29896, 29893, 29940, 29939, 29929, 29945, 5690, 29900, 29956, 8754, 29931, 13891, 29984, 29940, 29900, 29929, 29874, 29943, 13416, 29943, 29882, 29939, 29949, 29906, 29984, 29887, 29967, 29906, 29941, 29984, 29939, 29967, 29906, 29999, 6247, 29943, 29896, 29880, 29979, 29876, 29943, 29939, 29953, 29916, 29915, 13, 1678, 525, 29878, 29963, 29967, 9295, 29895, 26124, 8700, 29945, 29883, 29956, 29929, 29950, 29940, 29885, 29887, 29954, 29876, 29946, 29877, 29909, 29929, 29963, 29931, 29939, 29947, 25608, 2965, 275, 29999, 29925, 29955, 29947, 29911, 29945, 29956, 29968, 1416, 29877, 29906, 29943, 29877, 29955, 29953, 29893, 29968, 29924, 29999, 29911, 29888, 29949, 29955, 29895, 29881, 29968, 1204, 29926, 29949, 29914, 29943, 29954, 29941, 29924, 29940, 29979, 29940, 29891, 29915, 13, 1678, 525, 29945, 29884, 29946, 466, 29896, 29887, 8257, 29947, 29900, 7283, 25014, 29990, 29954, 29999, 29926, 29946, 29884, 29965, 29965, 8923, 29925, 8257, 29965, 29914, 29891, 2288, 24898, 29954, 29885, 29974, 29929, 29893, 20647, 5371, 29914, 1299, 15975, 29926, 29903, 29926, 29953, 29928, 29896, 29909, 29926, 29878, 29963, 2397, 29925, 29947, 29926, 29965, 4270, 29968, 29896, 29979, 29874, 29934, 29915, 13, 1678, 525, 29990, 26735, 4051, 29956, 29945, 29911, 29873, 29926, 21231, 29900, 1631, 6156, 29926, 29883, 29955, 29929, 29926, 29999, 29896, 17755, 29916, 29949, 7707, 29941, 29929, 29907, 8851, 29894, 29887, 29929, 29954, 11868, 29955, 29939, 29882, 29929, 29893, 29926, 29955, 29914, 29949, 29939, 29984, 29990, 29916, 29887, 29924, 29968, 29906, 29984, 29914, 29888, 29954, 29891, 328, 29914, 29979, 5080, 29896, 29934, 3580, 29915, 13, 1678, 525, 29891, 29963, 3247, 29907, 719, 4897, 29929, 21055, 29895, 29914, 29934, 29916, 29953, 29882, 29947, 29946, 29925, 29929, 29934, 29884, 2687, 29999, 17915, 29903, 27539, 29953, 29893, 8969, 7056, 29909, 29906, 29924, 29894, 1984, 29900, 29945, 29965, 1460, 29945, 29943, 479, 29945, 29947, 4518, 29920, 29955, 3844, 29911, 29953, 698, 29939, 29914, 29902, 4040, 29896, 29884, 29907, 29876, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 29958, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29895, 29909, 29896, 29894, 29999, 29874, 29953, 29916, 29934, 29914, 29984, 29967, 10095, 29953, 29925, 29896, 29895, 29954, 29946, 29906, 29953, 29984, 29874, 29963, 29885, 29953, 29920, 29916, 29955, 15797, 29968, 29941, 29887, 29911, 29939, 29956, 629, 29920, 2252, 29934, 29946, 7340, 29954, 29879, 29946, 29895, 468, 29929, 29945, 29890, 29950, 29940, 554, 29956, 29885, 29902, 29979, 509, 11022, 29911, 5871, 29950, 29882, 29915, 13, 1678, 525, 29906, 29885, 29923, 29950, 29890, 29906, 29878, 29931, 29894, 29950, 29946, 29896, 12744, 29926, 29914, 29893, 586, 29965, 17599, 5661, 29929, 29954, 29946, 6096, 29882, 6739, 29956, 29941, 7520, 16359, 29886, 29953, 29878, 29974, 29907, 11197, 25598, 29943, 29950, 29939, 29916, 29903, 24666, 29974, 29920, 29955, 29940, 12822, 29940, 29916, 1056, 29931, 29886, 29984, 29909, 29953, 29999, 29999, 29968, 29947, 29990, 29915, 13, 1678, 525, 29933, 29893, 29896, 29876, 567, 29879, 384, 29876, 29940, 29990, 12328, 1672, 459, 29907, 29879, 29896, 3301, 29923, 14126, 25446, 29923, 29999, 21627, 29934, 29926, 29925, 5371, 17755, 29906, 29947, 29903, 4353, 29984, 29890, 1314, 29877, 3373, 29911, 29984, 29880, 29967, 29953, 29953, 3274, 29956, 29955, 17303, 3235, 29896, 29967, 29891, 29965, 29894, 29923, 2065, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29886, 29946, 29945, 29926, 29940, 29967, 29880, 29984, 455, 29926, 29907, 29890, 13836, 29949, 29979, 29900, 11197, 29896, 29968, 29886, 29896, 29945, 2887, 29933, 29947, 29967, 29876, 666, 1137, 29953, 29956, 29906, 29954, 29929, 12602, 29934, 29928, 29893, 29940, 29879, 29941, 29933, 719, 4142, 29999, 29947, 29929, 29873, 7210, 272, 7187, 29881, 29931, 29900, 29934, 29890, 29882, 3247, 29940, 29873, 29915, 13, 1678, 12801, 10818, 29958, 29881, 29954, 29902, 29883, 29915, 13, 1678, 12801, 10818, 29958, 29878, 11490, 29916, 29907, 29884, 29967, 29916, 29979, 29873, 29929, 22381, 29984, 29886, 29968, 29875, 29907, 29888, 29963, 29894, 29968, 4741, 29924, 29888, 305, 29949, 29979, 4317, 29896, 29895, 29929, 29943, 29950, 29888, 29934, 3521, 29894, 29934, 29945, 29882, 29955, 29894, 4415, 19903, 29955, 24495, 29956, 9392, 29967, 29974, 29940, 29920, 18454, 29925, 29933, 29915, 13, 1678, 525, 29877, 29965, 29888, 29907, 329, 29947, 29880, 29946, 29950, 29876, 29979, 29906, 29900, 29879, 29940, 29945, 29874, 29911, 29887, 29947, 29882, 29999, 29324, 29963, 2239, 7068, 29926, 29999, 29933, 29947, 29968, 12602, 29928, 29954, 29974, 29895, 29906, 29926, 29955, 29926, 29911, 12513, 29999, 29887, 29999, 29968, 29956, 29885, 29946, 26664, 17367, 29990, 29950, 29916, 29954, 2589, 29990, 29888, 29931, 801, 29955, 29946, 29887, 29928, 29915, 13, 1678, 525, 29883, 29963, 29894, 29941, 29933, 8069, 9375, 29888, 9029, 29891, 29934, 29920, 29953, 29878, 29965, 4270, 29941, 486, 273, 29950, 29953, 6321, 29999, 29924, 711, 14438, 29903, 29946, 29884, 29967, 29916, 834, 423, 29896, 29954, 13152, 29939, 29979, 273, 29902, 29974, 29893, 6545, 29448, 29911, 29929, 29963, 29999, 11022, 29953, 4690, 29956, 2499, 29934, 29915, 13, 1678, 525, 823, 5425, 29955, 3853, 29954, 9598, 21819, 18933, 29953, 29924, 29999, 29984, 29946, 29943, 423, 14995, 29880, 29903, 29896, 29929, 29939, 29895, 29984, 1362, 29950, 29887, 25103, 29934, 29984, 29872, 17303, 29947, 29926, 29979, 567, 29950, 12072, 29902, 2423, 29941, 332, 29953, 29956, 29979, 29920, 29914, 29953, 6415, 4415, 29945, 29888, 29963, 4037, 417, 29963, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 29958, 29911, 29914, 29966, 10818, 29958, 29885, 29911, 12809, 29878, 29924, 29939, 29893, 29896, 5847, 4806, 29965, 4621, 29896, 29900, 3557, 29933, 29906, 5667, 6154, 29933, 29939, 29945, 29955, 29974, 29880, 29893, 29890, 29967, 29885, 29956, 29894, 29946, 29955, 29882, 29974, 29896, 29911, 3249, 29955, 29906, 29924, 29945, 29956, 29907, 29999, 29915, 13, 1678, 525, 29945, 340, 29900, 3421, 29893, 29984, 29925, 29896, 29906, 29934, 29890, 29941, 554, 29896, 797, 29890, 10351, 29984, 29941, 29914, 29940, 29950, 29984, 29950, 29954, 29984, 29956, 29999, 29990, 29999, 29925, 29876, 29946, 29873, 29914, 4806, 275, 29939, 29886, 29999, 17565, 29896, 29916, 29956, 29888, 29911, 29920, 29926, 29925, 29876, 29965, 786, 29963, 29885, 29947, 29931, 29882, 29931, 29943, 29885, 29954, 29885, 29974, 26300, 29915, 13, 1678, 8207, 29945, 29926, 29933, 29939, 29911, 29974, 25639, 29943, 29955, 25288, 29945, 29883, 29984, 29924, 10844, 29896, 29874, 29947, 29907, 29947, 2092, 29945, 29878, 29939, 6925, 29903, 29900, 12739, 29974, 29945, 29939, 29950, 29900, 29934, 3904, 3217, 29954, 29965, 29947, 29879, 29916, 29979, 29946, 828, 29887, 29900, 29934, 29876, 29914, 21576, 1481, 29914, 29946, 29931, 29990, 29906, 29880, 29967, 29884, 7056, 29915, 13, 1678, 525, 21066, 29925, 29896, 29999, 29877, 2890, 9606, 29929, 29907, 29888, 17628, 29956, 29891, 2204, 15349, 347, 29906, 29990, 14388, 29939, 29906, 29926, 5661, 29940, 29873, 29974, 29940, 5871, 29943, 29916, 29907, 29914, 2034, 3308, 29953, 9806, 29974, 29878, 26349, 29999, 13467, 12636, 2239, 29968, 29877, 29914, 29953, 29914, 29924, 29920, 29890, 29947, 9970, 29990, 29915, 13, 1678, 525, 6092, 29999, 22882, 29939, 18038, 29923, 29967, 29926, 29888, 15866, 29947, 29990, 29874, 29950, 29968, 29967, 29954, 29984, 29893, 1896, 29955, 29943, 29963, 29900, 29933, 29955, 29974, 561, 29955, 29929, 29900, 22240, 29984, 29934, 29881, 6092, 29990, 7068, 29907, 29974, 29893, 29914, 29947, 29953, 29875, 29968, 29950, 29883, 29911, 1955, 29963, 29953, 29929, 29963, 1557, 29979, 29884, 29896, 29933, 3338, 29943, 29886, 29915, 13, 1678, 12801, 10818, 29958, 29895, 3624, 29926, 29878, 29950, 29946, 29878, 29926, 22515, 29941, 9485, 29914, 29882, 29934, 26753, 29928, 29882, 1505, 2386, 29999, 29943, 29929, 29947, 29943, 29945, 29963, 29890, 29955, 16786, 29886, 29955, 3746, 29974, 974, 29974, 29966, 10818, 29958, 29929, 29974, 29893, 29955, 5098, 29949, 29999, 29999, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 861, 29928, 29926, 1631, 29999, 29945, 29965, 29884, 29953, 29929, 29880, 2227, 29956, 29890, 29943, 29967, 29875, 29955, 29895, 7230, 29926, 29891, 3954, 29914, 28627, 29925, 29900, 29955, 29891, 29955, 15926, 29929, 29946, 29903, 29894, 29925, 29885, 29926, 1460, 9207, 29882, 29974, 29979, 29945, 29941, 1332, 29941, 29894, 29882, 29928, 345, 29907, 29990, 29872, 29947, 29923, 29974, 29945, 29946, 29967, 29929, 29920, 29916, 29915, 13, 1678, 12801, 10818, 29958, 529, 10818, 16299, 13, 1678, 525, 29954, 2774, 415, 29999, 29881, 29946, 29963, 29941, 29941, 29955, 29903, 29955, 14769, 29923, 29955, 29874, 20166, 29887, 29894, 29979, 29914, 29906, 5601, 1193, 29879, 29941, 29943, 29890, 29941, 29929, 29914, 6718, 13668, 29999, 27049, 29934, 29894, 29941, 29890, 29893, 29941, 29924, 29906, 29933, 29888, 29990, 29954, 29941, 29896, 29882, 29950, 29896, 29947, 18426, 5690, 29887, 29885, 29946, 29886, 29990, 29883, 29893, 29915, 13, 1678, 525, 29984, 29896, 29934, 29967, 29881, 29946, 29955, 29933, 352, 3289, 29878, 29974, 29886, 2692, 578, 29949, 29887, 29909, 29895, 4378, 29894, 29893, 29979, 6039, 29955, 29926, 29911, 29929, 29896, 29896, 18828, 29953, 29949, 29896, 29939, 6026, 29902, 29874, 370, 29933, 29896, 29943, 29974, 29941, 29979, 5601, 29939, 29933, 29945, 29949, 29926, 29914, 29924, 29876, 29939, 29894, 29967, 29947, 617, 29878, 29990, 29984, 29902, 29915, 13, 1678, 525, 29885, 4353, 29896, 29946, 29955, 29896, 29903, 29929, 6277, 29931, 29943, 29999, 29965, 29873, 29906, 29877, 29906, 29888, 25120, 29928, 29945, 29945, 29885, 29974, 4346, 29974, 29943, 29968, 7838, 29963, 29967, 29894, 29909, 29947, 1004, 8848, 25621, 29928, 16099, 29939, 29931, 29887, 15176, 29968, 29875, 29949, 2251, 29963, 1335, 29911, 29880, 8187, 29886, 29953, 29888, 29896, 29965, 29872, 29943, 29916, 29915, 13, 1678, 525, 4912, 29887, 24845, 29965, 29884, 11601, 29954, 29902, 29894, 29946, 29920, 29984, 29909, 29929, 2273, 29949, 29984, 29920, 29902, 25265, 29929, 29979, 29914, 13836, 3912, 29963, 29979, 29920, 29925, 29916, 29974, 29876, 29896, 29873, 29999, 29885, 29999, 29946, 29990, 29943, 29953, 29888, 29954, 29896, 29885, 29999, 7823, 15695, 29943, 29914, 29880, 29896, 29947, 29953, 9026, 29884, 29945, 29894, 29920, 29953, 29990, 29883, 29963, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 8207, 29888, 29925, 4590, 29875, 29925, 29939, 29974, 29943, 29906, 29965, 29965, 29984, 2142, 29990, 29945, 29999, 29891, 29968, 29877, 29931, 29974, 29928, 3059, 29945, 29894, 29941, 29933, 29914, 29879, 8887, 29906, 29924, 29950, 3433, 20434, 29974, 29900, 22928, 29953, 25446, 29945, 29955, 29885, 29887, 29950, 29886, 29999, 29974, 29875, 29943, 29895, 29916, 29885, 29984, 29888, 711, 11248, 29953, 29887, 29974, 29924, 29879, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29974, 29965, 29893, 29968, 29886, 29924, 29929, 29945, 29926, 29887, 23883, 29887, 29896, 29923, 2941, 29882, 29900, 29925, 29916, 1251, 29955, 29931, 29876, 13282, 19127, 29881, 29925, 29999, 29883, 29979, 7858, 29946, 7297, 29877, 29946, 8120, 29914, 19080, 4518, 29955, 29911, 29873, 29968, 29888, 29953, 29900, 29990, 29872, 776, 29945, 19903, 29914, 29887, 29984, 29953, 29950, 29967, 29875, 29947, 29894, 29915, 13, 1678, 525, 3853, 29900, 29949, 29990, 29923, 29945, 6488, 2502, 29924, 29879, 29900, 29974, 29999, 29974, 29907, 11248, 29911, 7428, 29950, 29883, 29945, 29931, 29947, 29967, 29891, 29914, 29900, 29876, 29931, 29990, 29881, 29954, 29876, 29894, 29934, 29963, 29974, 24768, 29933, 29954, 29941, 29926, 29999, 29954, 29896, 29902, 5098, 29878, 29924, 29920, 29999, 29881, 29968, 2679, 29931, 828, 29902, 29890, 29929, 29956, 29883, 26788, 29883, 29968, 29915, 13, 1678, 525, 29965, 29979, 29884, 10234, 29928, 29956, 12744, 26461, 3904, 29896, 29929, 29925, 4099, 29953, 29886, 29906, 29909, 29939, 29906, 29894, 19960, 29931, 29939, 29926, 29914, 24704, 29956, 29990, 29953, 29984, 29956, 29984, 29974, 29984, 29940, 29929, 29893, 370, 29893, 29909, 29875, 29974, 29886, 29909, 29979, 29874, 29947, 29955, 29876, 29896, 29893, 29940, 29914, 29963, 5705, 15789, 7982, 29885, 29967, 8979, 29875, 29915, 13, 1678, 12801, 10818, 29958, 29881, 29914, 29946, 29934, 23818, 29946, 29931, 29956, 29974, 29953, 29968, 29925, 823, 29931, 29953, 29931, 2585, 29950, 29878, 29900, 29939, 29947, 14438, 29895, 29967, 29929, 29881, 29896, 29888, 29934, 29896, 29931, 29886, 29943, 29879, 29967, 326, 14632, 9219, 29916, 2273, 29890, 9970, 29902, 29920, 29931, 29914, 19737, 29968, 29878, 29900, 23081, 29945, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29984, 952, 29878, 29933, 29953, 29934, 29875, 29934, 29900, 29940, 29888, 29974, 29999, 4861, 29900, 29896, 29949, 9047, 16865, 29920, 29880, 1182, 29931, 29873, 6259, 9606, 29967, 29888, 15339, 29890, 15633, 29911, 29939, 29947, 29872, 29941, 29934, 29956, 29963, 1594, 29875, 15922, 29891, 26353, 29999, 29968, 29925, 29939, 29906, 29926, 1672, 29928, 29879, 10351, 29890, 29906, 29929, 29990, 29888, 29915, 13, 1678, 525, 29979, 29902, 29965, 29965, 29953, 29891, 952, 29956, 29875, 29907, 695, 3927, 29887, 29955, 29902, 29984, 29877, 29965, 29880, 1181, 29954, 29879, 29931, 29929, 29940, 29956, 29906, 29984, 29895, 29924, 29884, 29933, 29924, 29941, 29926, 19080, 29950, 29984, 29979, 29875, 29947, 29929, 29999, 29890, 29925, 3365, 29931, 29900, 25467, 29881, 3059, 29984, 29941, 29933, 29999, 29896, 29931, 29926, 29920, 29967, 4790, 6859, 7833, 29915, 13, 1678, 525, 336, 29945, 29954, 1299, 29939, 29940, 29953, 29896, 3247, 29974, 314, 29943, 29884, 13356, 29946, 29916, 29890, 29893, 29946, 29873, 29941, 29887, 29967, 29926, 29893, 29950, 11256, 29999, 8456, 29965, 29920, 29940, 911, 29950, 2713, 29947, 29893, 29946, 29872, 29943, 29929, 29946, 29967, 29916, 29955, 10749, 29968, 29907, 29872, 29877, 29931, 29929, 29907, 8610, 29945, 29886, 29945, 29940, 29947, 28463, 29965, 29885, 29915, 13, 1678, 525, 29931, 29893, 29885, 29940, 29900, 19080, 29965, 29974, 24826, 29967, 29990, 29906, 29967, 29914, 430, 17557, 29953, 29875, 29925, 16761, 23410, 29974, 29945, 29953, 29879, 29933, 4346, 29946, 29925, 29963, 29881, 29902, 29945, 29968, 17599, 3904, 29894, 29939, 17599, 1564, 29929, 29946, 29999, 18426, 29941, 29914, 11206, 7810, 29883, 9877, 29887, 7659, 29887, 29929, 29890, 29967, 29893, 29950, 29915, 13, 1678, 525, 29928, 4090, 7659, 29940, 29941, 29954, 29906, 29872, 29943, 1137, 29990, 29874, 29946, 29933, 29920, 29946, 11671, 29990, 29924, 29954, 29888, 29900, 833, 29875, 29950, 29943, 29906, 29946, 29924, 458, 29920, 4462, 29953, 29949, 29896, 15524, 492, 29945, 29947, 29946, 7187, 25498, 29933, 29963, 29872, 29940, 7077, 29941, 29946, 29941, 29882, 29903, 29929, 29990, 29907, 29881, 29902, 29886, 29968, 29893, 29963, 29990, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 8631, 29953, 29906, 29939, 2797, 29956, 29999, 29953, 29900, 29878, 29923, 29888, 7283, 7698, 29902, 29874, 19689, 29954, 29974, 29967, 29887, 29967, 29941, 29923, 29896, 29947, 29990, 29907, 29896, 28627, 29934, 29947, 29920, 17061, 865, 3083, 29984, 10844, 10844, 29984, 29916, 4912, 29933, 509, 29893, 29953, 29916, 29882, 29953, 25014, 351, 375, 7241, 2891, 29880, 29954, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29946, 29872, 7228, 29888, 29939, 29877, 29990, 29949, 29939, 29967, 29882, 8700, 29974, 1349, 29955, 5499, 29956, 29887, 29941, 29888, 29967, 29874, 29949, 29906, 16440, 29999, 22192, 3749, 29911, 29945, 29990, 29984, 29947, 29943, 14345, 29878, 3960, 29880, 29974, 9345, 29884, 10234, 6247, 9415, 29939, 29877, 29968, 29974, 29954, 29883, 29941, 29911, 29946, 12602, 29900, 29878, 29934, 29968, 29895, 29915, 13, 1678, 525, 29929, 29950, 29965, 29883, 29893, 2901, 29947, 29878, 5091, 2679, 29963, 29895, 29953, 20726, 29890, 29909, 29874, 29914, 29875, 827, 287, 29911, 29885, 2692, 29999, 3226, 29733, 6026, 29916, 29946, 29939, 29979, 29963, 29895, 29941, 29902, 26433, 29887, 29900, 29882, 29902, 29891, 12809, 29882, 412, 29914, 3112, 29885, 29968, 29879, 29934, 29883, 29963, 312, 29894, 29931, 29894, 29924, 29963, 29915, 13, 1678, 525, 29906, 29954, 29891, 29979, 2208, 29877, 29999, 29875, 29906, 29900, 7141, 29943, 29891, 29963, 29940, 29885, 29920, 29914, 29916, 29906, 29955, 29974, 29955, 29934, 29946, 29955, 29900, 29999, 326, 29974, 645, 29926, 29888, 29968, 25621, 29965, 261, 29931, 29890, 29895, 3912, 290, 29990, 29873, 29909, 29914, 29965, 29914, 21738, 8979, 29929, 2241, 29909, 29900, 29963, 29914, 28283, 29950, 29955, 29933, 15206, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 29958, 29882, 29923, 29949, 29926, 29945, 29943, 29954, 29999, 29929, 29895, 29946, 15176, 1403, 10593, 29990, 29873, 2797, 29928, 29881, 29979, 29893, 29925, 4051, 29939, 5659, 29890, 29929, 6821, 29925, 29945, 29945, 412, 29931, 29878, 29984, 29923, 3116, 29990, 346, 29955, 18567, 1529, 29956, 29873, 29968, 29925, 2039, 11341, 29953, 29915, 13, 1678, 525, 29928, 29950, 29924, 29890, 13416, 29984, 24660, 2067, 29926, 29963, 29900, 17608, 29911, 29954, 29893, 29947, 29896, 4590, 29879, 10363, 29939, 29877, 29999, 29999, 29877, 29900, 2227, 29920, 29931, 29946, 1181, 29953, 29967, 29920, 29929, 29890, 29946, 29906, 26735, 29875, 2887, 29911, 29965, 13416, 29916, 29940, 6925, 4717, 29956, 468, 7833, 29965, 29890, 29911, 29873, 29943, 29956, 29873, 29896, 29915, 13, 1678, 525, 29882, 26353, 20517, 29967, 29931, 29895, 29967, 29955, 4519, 29979, 14632, 24898, 29877, 29929, 29967, 29902, 29895, 6092, 29906, 3226, 29907, 29967, 9295, 29896, 29876, 29984, 29941, 29877, 29954, 29920, 29963, 29878, 29928, 29880, 29963, 29990, 384, 29947, 29943, 20571, 29956, 29933, 29956, 29894, 6321, 29963, 29916, 28462, 29879, 29963, 29876, 29953, 29883, 29926, 29947, 586, 4668, 29947, 14849, 29915, 13, 1678, 525, 29979, 16240, 19558, 29990, 29874, 29955, 29939, 29893, 29953, 29941, 29877, 29911, 11256, 29928, 29967, 29928, 29979, 29896, 29881, 8851, 4920, 29968, 29888, 29979, 29924, 29876, 15922, 29924, 29974, 29911, 687, 29879, 29900, 29984, 29928, 29945, 10593, 29941, 29967, 29968, 29939, 29879, 29967, 561, 29963, 29953, 29887, 29979, 29925, 29955, 29914, 29909, 29900, 29890, 29907, 29953, 3738, 29926, 1193, 29886, 29934, 29896, 29891, 29915, 13, 1678, 525, 29875, 29909, 29929, 29968, 29967, 324, 29928, 29954, 29999, 29877, 29956, 29906, 29939, 29933, 2273, 29939, 29968, 29955, 8610, 29893, 29923, 29953, 8016, 29890, 29999, 29906, 29931, 4690, 12661, 29933, 29940, 29979, 645, 29941, 29974, 29941, 29911, 29888, 29945, 293, 29914, 29878, 29999, 29924, 21576, 29906, 29916, 29890, 29894, 17303, 29923, 29888, 29895, 6321, 29878, 617, 3557, 29903, 29941, 29878, 29923, 29915, 13, 1678, 525, 29884, 29947, 29911, 29968, 29929, 29877, 3927, 29928, 351, 16033, 29931, 29941, 29887, 4051, 29876, 29895, 12445, 24666, 29907, 29916, 24495, 29914, 29955, 1017, 29968, 29885, 593, 29891, 29916, 29911, 29874, 29939, 29909, 29953, 29923, 29965, 29906, 29999, 29911, 29954, 29956, 29906, 29895, 29881, 29902, 29967, 29956, 29874, 29953, 2585, 29896, 29906, 29943, 29896, 29911, 2679, 1181, 2236, 29893, 29955, 29882, 29915, 13, 1678, 525, 29923, 29914, 29928, 1799, 29929, 29984, 29955, 29914, 29974, 3352, 29956, 29953, 29950, 29954, 29888, 29945, 1123, 20055, 29891, 29929, 582, 29877, 4571, 29906, 345, 29893, 29924, 29965, 29896, 29878, 29953, 6488, 29950, 1017, 29947, 29945, 29928, 29880, 17628, 29947, 29911, 29876, 29928, 29955, 29924, 29895, 29979, 29974, 29900, 1056, 3954, 29891, 29894, 29999, 29884, 29945, 29879, 29965, 786, 29896, 29956, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29950, 29926, 29990, 29924, 29875, 29914, 29920, 29945, 29878, 29906, 29882, 29941, 29881, 29941, 29999, 2039, 29891, 29894, 29947, 29874, 29947, 1289, 29887, 29990, 29896, 29896, 29967, 29911, 29874, 2772, 29979, 29999, 29880, 12809, 29929, 29945, 29887, 2713, 29967, 351, 29929, 4099, 29984, 29974, 29968, 29990, 29953, 29914, 29990, 29893, 29946, 29890, 29895, 29956, 2965, 29920, 29953, 29963, 29931, 29880, 29924, 29885, 29947, 29979, 3761, 29915, 13, 1678, 525, 384, 29999, 16786, 29924, 29881, 29911, 7340, 6259, 12938, 29984, 26016, 29882, 29929, 29885, 29979, 29916, 5800, 827, 29877, 29934, 29926, 412, 29941, 29946, 29947, 29933, 29950, 29894, 29963, 29953, 29916, 29949, 29881, 29933, 29894, 29946, 29911, 29967, 29947, 16240, 29931, 29896, 29940, 29984, 303, 29894, 29979, 29907, 29906, 29874, 29984, 29933, 29896, 29941, 29883, 29990, 267, 29900, 29939, 29878, 29902, 29950, 29915, 13, 1678, 525, 29873, 29965, 29920, 29928, 29906, 1182, 29888, 29947, 29925, 29895, 24281, 29925, 3616, 29953, 29929, 331, 29906, 26270, 21071, 29953, 1254, 29945, 29891, 16359, 29941, 29928, 29896, 352, 3820, 29939, 29956, 29894, 29925, 8186, 29929, 29940, 12661, 29929, 295, 29878, 29941, 29894, 29984, 29882, 29887, 4741, 29894, 29887, 29909, 29877, 29963, 29893, 29884, 861, 29924, 29945, 29940, 29887, 29915, 13, 1678, 525, 29885, 26461, 29950, 29916, 10234, 29984, 29880, 2423, 29893, 29909, 2941, 12445, 29968, 29926, 29887, 29885, 29947, 29990, 22716, 29882, 29950, 29953, 29891, 29945, 29877, 29896, 1251, 29875, 29990, 3274, 2287, 6854, 29893, 29896, 29967, 1315, 915, 29946, 29931, 6925, 29953, 479, 29925, 29967, 29956, 29974, 8426, 1251, 29914, 29890, 29984, 29933, 29967, 29887, 29965, 29953, 29926, 29949, 29915, 13, 1678, 525, 29984, 29888, 29906, 29890, 29902, 16440, 29923, 29877, 29929, 29933, 29968, 29954, 5444, 29953, 29968, 29928, 29967, 29916, 29946, 29906, 1165, 5371, 29940, 4415, 29928, 9598, 29911, 26737, 29911, 29929, 29900, 29907, 29953, 29906, 29879, 29955, 5773, 29895, 29940, 29882, 29911, 29883, 29941, 12130, 29906, 29949, 29909, 29926, 29945, 29926, 1526, 29891, 29924, 29947, 29974, 29882, 29979, 12748, 29953, 29923, 29888, 29926, 29915, 13, 1678, 525, 29888, 29906, 29974, 13427, 29883, 29902, 29920, 29947, 29920, 3365, 29933, 18933, 5824, 29954, 6833, 29925, 21935, 29909, 29946, 29946, 29877, 2499, 29894, 29896, 29949, 29883, 29956, 19558, 29934, 29925, 29941, 29893, 29931, 2034, 29953, 29943, 29887, 9472, 2593, 29883, 29999, 29929, 29878, 29931, 433, 2918, 29945, 16434, 29941, 29890, 29965, 29965, 29900, 29990, 29877, 5175, 29967, 29915, 13, 1678, 529, 10818, 16299, 13, 1678, 12801, 10818, 29958, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29934, 29946, 29949, 29906, 29891, 29955, 29920, 29947, 29907, 29888, 29941, 29903, 29974, 29963, 29974, 29999, 29900, 29999, 29891, 29896, 29924, 29974, 29878, 29967, 29925, 12744, 29896, 29914, 29940, 29900, 29883, 29924, 29990, 8097, 29955, 29890, 29924, 29906, 29925, 29886, 29956, 29968, 29967, 29890, 29903, 29906, 29896, 24668, 29953, 29968, 29945, 29877, 29945, 29884, 18118, 29979, 29965, 29946, 29945, 18564, 280, 29929, 3253, 8263, 29965, 29915, 13, 1678, 525, 29885, 29900, 29929, 29947, 29885, 1525, 29925, 29894, 29939, 29916, 29979, 29940, 29893, 29945, 29955, 29893, 29945, 25288, 29974, 3235, 4198, 29945, 9144, 29965, 29887, 29974, 29894, 29946, 29967, 29893, 5371, 29968, 2142, 29903, 29953, 29900, 29943, 17016, 29929, 29953, 29906, 29924, 21257, 3035, 29896, 29877, 29914, 29880, 29883, 29907, 29894, 29914, 3543, 29939, 29923, 11023, 29954, 29879, 29956, 23097, 13, 1678, 525, 29920, 29943, 1307, 29885, 3459, 2251, 29954, 4977, 29984, 29878, 29923, 29893, 29931, 29946, 29965, 29909, 1335, 29872, 29967, 29939, 29955, 29888, 29911, 29890, 29974, 15860, 3738, 29914, 29956, 29887, 29947, 29885, 12809, 1324, 29902, 29939, 29947, 29911, 1451, 29984, 29890, 29955, 29888, 29882, 29956, 12130, 13668, 29900, 29924, 29890, 29974, 29885, 29963, 29877, 29902, 29886, 29945, 29940, 5750, 29999, 29968, 29915, 13, 1678, 525, 29925, 29881, 29941, 29990, 29881, 22716, 29965, 29896, 29979, 29896, 29895, 29999, 29967, 29954, 18454, 336, 29955, 893, 29965, 29974, 29933, 29914, 29968, 29968, 29967, 29873, 29934, 29925, 18118, 29941, 5971, 29956, 4141, 29880, 1519, 9980, 29880, 29903, 29999, 29874, 29990, 29876, 29963, 29939, 361, 29963, 29950, 29963, 29900, 29920, 9472, 5750, 29886, 29954, 29914, 29926, 29999, 29891, 29984, 1460, 29931, 29915, 13, 1678, 525, 13264, 1389, 29881, 29979, 29896, 29916, 29949, 29893, 29906, 29945, 29906, 29967, 29999, 29943, 16903, 29999, 23189, 3624, 29925, 29953, 29967, 29947, 808, 29911, 29967, 29953, 29925, 29946, 29941, 29999, 29968, 29906, 12932, 29906, 29909, 29953, 29926, 29940, 4668, 29929, 29920, 29956, 29999, 29939, 29947, 29925, 29956, 29916, 29984, 29945, 29929, 29923, 29949, 29877, 29903, 2190, 29920, 29953, 29939, 29376, 29894, 29949, 8426, 29915, 13, 1678, 525, 29877, 29967, 29893, 29940, 14206, 29906, 29890, 18426, 29906, 29979, 29893, 29895, 29914, 21935, 29895, 18454, 29884, 29953, 8848, 29888, 29933, 8186, 29924, 29875, 26322, 29896, 962, 29928, 29887, 9998, 29954, 1181, 29929, 29954, 29914, 29950, 29886, 797, 29893, 29934, 29886, 3727, 29906, 29872, 554, 3590, 29911, 29984, 29949, 29929, 29968, 29984, 29999, 29941, 2941, 29882, 29923, 29955, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29916, 21908, 10536, 29875, 1988, 29941, 29891, 29968, 29896, 2679, 29947, 29911, 29886, 5746, 18904, 29882, 1519, 29885, 29947, 3844, 29900, 24494, 29963, 29926, 29887, 16973, 29979, 29954, 29984, 29876, 3912, 29874, 29900, 29999, 2142, 29895, 29963, 29947, 27766, 275, 29890, 29933, 29956, 29886, 26067, 29895, 29946, 29945, 29916, 29979, 29882, 29974, 7818, 29916, 29933, 29894, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29873, 29949, 29881, 28600, 3059, 16865, 29984, 412, 29884, 29955, 29947, 25639, 29984, 29934, 29967, 29876, 29903, 29920, 29934, 11078, 29906, 9207, 29873, 29999, 29881, 29907, 29953, 29934, 29954, 29990, 29941, 29940, 29946, 29896, 29886, 29945, 29916, 1341, 29953, 29943, 29888, 26322, 13668, 22230, 29999, 29933, 4174, 29873, 29949, 29880, 29933, 29926, 312, 29929, 29945, 29876, 29946, 29906, 29931, 29906, 29895, 29915, 13, 1678, 525, 12636, 1367, 29887, 29940, 29984, 25621, 29947, 29941, 29953, 29903, 3487, 29963, 593, 29891, 2397, 29984, 711, 29877, 29968, 29984, 29885, 27590, 4928, 29974, 29979, 29884, 29900, 29928, 29990, 29881, 29900, 29907, 29888, 29882, 29909, 29947, 29873, 14816, 3365, 29967, 29925, 29885, 371, 29887, 29984, 29928, 29906, 29884, 29884, 29929, 719, 5990, 29895, 11746, 16786, 29955, 29954, 29915, 13, 1678, 525, 29949, 29906, 29920, 400, 29954, 29876, 29926, 29949, 29875, 29939, 3433, 29923, 629, 29933, 29974, 29963, 1389, 14824, 29894, 29900, 29896, 29939, 29967, 29924, 29920, 29887, 29941, 29933, 3746, 16786, 29956, 29963, 20434, 1799, 29949, 2536, 29519, 29974, 29926, 458, 2536, 7597, 29906, 29875, 29954, 29873, 29954, 29941, 29878, 2287, 29955, 29878, 1341, 29878, 29909, 3905, 29949, 29915, 13, 1678, 525, 29893, 29990, 29941, 29963, 29881, 1983, 5690, 29947, 29886, 1718, 29946, 29893, 29965, 29939, 29999, 29934, 29880, 29954, 29955, 29875, 29941, 29967, 29945, 17608, 20938, 29956, 12182, 29906, 29888, 22716, 29879, 29946, 29890, 29900, 29906, 29955, 16048, 29876, 29888, 29949, 29877, 29979, 9295, 1609, 29939, 3059, 3035, 29891, 29990, 2059, 29896, 29926, 5971, 29954, 29920, 29999, 29955, 29895, 29945, 29902, 29915, 13, 1678, 525, 29953, 29895, 29949, 29963, 29881, 29954, 29974, 29893, 29914, 29950, 29906, 29999, 22928, 29896, 29888, 29955, 29928, 29885, 29933, 29941, 29945, 29984, 8949, 29945, 29946, 29979, 18904, 29945, 29914, 386, 29907, 29939, 29920, 29925, 29999, 4270, 29941, 20166, 29914, 29955, 29876, 29950, 29873, 29943, 29886, 29929, 29906, 466, 7967, 29941, 29949, 29929, 29974, 29967, 29894, 19903, 29920, 29990, 29933, 29920, 29933, 13207, 29945, 29950, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 20690, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29887, 7068, 15176, 29974, 6739, 29979, 29875, 8353, 29954, 29929, 29903, 29929, 29943, 29888, 29906, 29929, 29872, 29940, 29939, 29906, 29943, 29900, 29882, 29929, 345, 29979, 14438, 29934, 29955, 27491, 29933, 29924, 29941, 29967, 29900, 29940, 11078, 29896, 29967, 29947, 29941, 29934, 29955, 3217, 1175, 29984, 29906, 29967, 29953, 29891, 29890, 29979, 29946, 29955, 29926, 29894, 9312, 29881, 29990, 29879, 29929, 24460, 29915, 13, 1678, 525, 29896, 29965, 29926, 29943, 29947, 29999, 327, 29931, 29946, 29925, 29888, 29974, 29946, 17608, 3782, 29945, 29943, 29984, 21791, 29947, 29884, 29968, 29887, 29896, 29376, 29894, 29916, 29956, 29941, 29895, 4690, 397, 29873, 4090, 1362, 4492, 29955, 29872, 29931, 13152, 29902, 29890, 29967, 29893, 29887, 29965, 29926, 29878, 29974, 29941, 29939, 29896, 352, 29990, 29943, 26735, 29893, 344, 23097, 13, 1678, 525, 29920, 29929, 29931, 332, 29950, 14943, 29974, 29979, 29990, 29943, 29939, 29883, 29956, 29880, 354, 29956, 280, 29911, 29968, 29949, 29990, 29886, 747, 29876, 29990, 29950, 8631, 29884, 29974, 29896, 29882, 29916, 314, 29931, 29947, 29941, 5607, 29943, 29906, 3338, 29896, 29999, 29974, 29906, 29933, 29953, 13282, 29886, 24460, 29974, 29967, 29931, 29933, 29940, 29955, 29903, 29920, 29947, 29920, 29949, 29920, 29924, 29947, 29915, 13, 1678, 525, 29873, 29990, 561, 915, 29953, 29888, 5659, 29926, 29900, 29894, 29911, 29900, 29955, 1988, 29907, 29947, 29946, 29872, 29914, 29950, 29967, 29882, 585, 29955, 29891, 29965, 29885, 29990, 29956, 29949, 29999, 29984, 29914, 29979, 29949, 29974, 18933, 29955, 29929, 29984, 29885, 29963, 29886, 29956, 29877, 29923, 29888, 911, 29974, 29920, 29883, 29929, 20321, 29947, 29929, 29733, 29906, 29949, 29941, 29925, 29879, 7077, 29891, 29907, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29902, 29945, 29881, 29931, 688, 29940, 29916, 3044, 18091, 557, 29946, 29953, 29884, 29931, 29914, 29893, 29887, 29943, 29929, 415, 29949, 29974, 29886, 29893, 10363, 1594, 29900, 17599, 22928, 29916, 29909, 433, 29909, 29926, 29967, 29956, 29956, 29955, 29945, 29968, 29999, 312, 29979, 855, 29875, 29984, 29955, 29939, 29934, 12197, 29956, 29890, 29967, 29931, 29878, 29902, 271, 6821, 29984, 29915, 13, 1678, 525, 29933, 29882, 29945, 29881, 29968, 29949, 29906, 29881, 14388, 29924, 29900, 29956, 29887, 19737, 29967, 29965, 370, 29886, 29956, 29926, 29934, 29945, 582, 29925, 5265, 29920, 29906, 29923, 29888, 29990, 688, 29900, 29943, 29929, 14018, 27269, 29885, 29956, 29896, 6099, 13207, 29916, 29906, 29879, 29902, 29893, 29949, 29884, 638, 29903, 3253, 29900, 855, 29941, 29933, 29900, 2291, 29947, 15868, 29915, 13, 1678, 525, 29990, 29902, 29965, 29896, 29895, 29967, 29939, 9877, 5661, 29900, 29911, 284, 23869, 29950, 29890, 29896, 29886, 29894, 314, 8969, 29979, 11512, 29967, 29929, 29955, 14246, 29906, 29887, 20517, 24460, 29954, 8263, 10840, 29916, 29924, 1175, 4590, 29909, 29979, 29911, 29879, 29947, 29914, 29974, 29907, 29946, 29963, 29939, 29894, 29941, 6488, 4897, 29906, 29875, 29896, 29984, 29894, 29990, 29915, 13, 1678, 525, 29911, 29879, 4162, 29896, 29939, 29896, 29916, 29894, 29928, 29876, 29900, 29926, 17359, 23066, 29877, 29954, 29900, 29893, 29967, 29924, 29914, 29933, 29874, 29974, 29967, 29968, 29924, 6854, 29924, 29875, 29949, 29872, 29979, 29949, 485, 29931, 29966, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 1349, 29880, 1756, 7707, 29945, 29953, 7024, 26369, 29906, 29946, 29920, 11191, 3253, 1204, 29943, 1182, 2744, 11734, 2397, 29911, 29984, 29879, 29943, 29914, 29956, 29920, 29890, 29968, 29885, 29906, 29947, 407, 29950, 29882, 29990, 29888, 3174, 29894, 29963, 29894, 29945, 29883, 29965, 24666, 29956, 328, 29882, 29924, 29887, 29939, 29943, 29929, 29896, 2679, 4741, 29915, 13, 1678, 525, 29955, 29925, 29990, 29999, 29894, 29934, 29999, 29876, 29974, 29945, 29967, 4519, 29949, 29880, 4330, 29929, 29891, 29949, 12443, 29954, 1557, 29968, 29876, 29923, 29929, 29990, 29945, 29902, 29953, 29933, 29946, 542, 29934, 20321, 16434, 29941, 29906, 29984, 29881, 915, 29953, 29885, 29906, 23328, 29967, 29876, 10749, 29906, 29953, 29926, 29950, 14042, 29979, 29875, 29979, 29925, 29999, 29873, 29946, 29914, 29940, 29916, 29925, 29915, 13, 1678, 525, 29879, 29943, 29920, 11135, 29941, 24704, 29954, 29990, 5971, 29967, 29955, 29893, 29934, 29886, 29900, 29943, 29941, 29884, 29940, 311, 29896, 433, 3059, 29920, 9472, 29939, 29914, 29923, 29909, 29945, 735, 29940, 29968, 29890, 29943, 29947, 29956, 29949, 29887, 29946, 29950, 29886, 29896, 29916, 7077, 29906, 2287, 29877, 29940, 6854, 29950, 29878, 29895, 29946, 29877, 29939, 6962, 29967, 29967, 29941, 29874, 29915, 13, 1678, 525, 29925, 29906, 29903, 21935, 29955, 29928, 29955, 29884, 29979, 29881, 1484, 29967, 29955, 29955, 29929, 29931, 29990, 29881, 29945, 29914, 29880, 29916, 29968, 29877, 29956, 29894, 29984, 29900, 29943, 29963, 29950, 29929, 29884, 7068, 29873, 29914, 5499, 29968, 29884, 29950, 29945, 7768, 29967, 29907, 3137, 29950, 29879, 29940, 29900, 23338, 29941, 29893, 29884, 29884, 29974, 14047, 4141, 561, 29885, 29963, 1056, 29984, 29893, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29979, 29929, 29888, 29949, 29953, 29953, 29893, 29903, 8766, 29934, 29956, 29941, 29900, 29953, 3820, 29900, 29882, 29929, 29934, 29893, 29902, 29906, 29939, 440, 12636, 29923, 29945, 29900, 29929, 8257, 371, 29886, 29954, 29953, 29888, 7210, 29881, 29943, 29926, 29940, 6008, 29947, 4345, 29974, 29947, 711, 29877, 29903, 29946, 1615, 29956, 29967, 29923, 29926, 29906, 29876, 29956, 29953, 29934, 29895, 29947, 24495, 29915, 13, 1678, 525, 29963, 29874, 29999, 9877, 29902, 29974, 29933, 29946, 29916, 29968, 29955, 29886, 29950, 2251, 29900, 29984, 29929, 29999, 29894, 29924, 29965, 29895, 11093, 29949, 29887, 18009, 29895, 29886, 29943, 29873, 29924, 29882, 18510, 29974, 3137, 29934, 29934, 29968, 29947, 695, 29999, 29895, 29955, 29974, 29884, 29946, 29963, 5601, 29984, 340, 29920, 2901, 29990, 29886, 29953, 29906, 29946, 29875, 29967, 29881, 6156, 29965, 29891, 29915, 13, 1678, 525, 29984, 29940, 29953, 29956, 29886, 29956, 29895, 9598, 29955, 29895, 29953, 833, 29984, 29954, 29956, 1032, 29979, 29931, 29885, 29924, 29886, 29931, 29974, 29950, 29963, 29880, 29967, 28012, 29925, 29900, 11135, 2772, 29929, 29876, 10536, 2192, 29967, 29923, 29883, 29911, 865, 29967, 29878, 29945, 29968, 29900, 29872, 29945, 29906, 29965, 29945, 29876, 18454, 29945, 29928, 7262, 29891, 29979, 21154, 29943, 29984, 29915, 13, 1678, 525, 29974, 29911, 3301, 29878, 4900, 797, 19988, 29885, 1692, 29914, 29888, 29933, 823, 1022, 1744, 29929, 423, 29907, 572, 433, 29967, 29906, 29999, 29906, 29934, 29963, 12443, 29953, 29896, 6951, 29949, 29929, 29895, 29956, 29885, 29903, 29945, 29928, 29979, 29941, 3970, 29953, 29920, 8353, 29876, 29926, 29979, 29894, 29895, 29926, 29888, 28887, 29893, 29940, 29984, 29950, 29929, 29894, 29915, 13, 1678, 12801, 10818, 29958, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29874, 29923, 14018, 29137, 29940, 15349, 29893, 29902, 29941, 6156, 29949, 29891, 29963, 15868, 29924, 29873, 29945, 29878, 29896, 2369, 29903, 29947, 29934, 29955, 29931, 29916, 12130, 3035, 29924, 1983, 29956, 29974, 1182, 29886, 29947, 29941, 29941, 29920, 26664, 29929, 7818, 29929, 29888, 29979, 29874, 29968, 29949, 29887, 29965, 29875, 29947, 29943, 29945, 29926, 29979, 29967, 29887, 29893, 29884, 29903, 29900, 29876, 29915, 13, 1678, 525, 29878, 29928, 6905, 29934, 29945, 29894, 29984, 29940, 29884, 29940, 29906, 29873, 29949, 29880, 29903, 29999, 29945, 5971, 3848, 29883, 29893, 29943, 29920, 29890, 29953, 29955, 29920, 29900, 29924, 29945, 29893, 29909, 29900, 415, 29881, 29984, 29963, 29939, 29885, 24281, 2008, 4270, 29967, 29990, 29984, 29923, 27590, 29887, 29940, 29974, 29887, 29885, 29914, 29877, 9806, 21231, 29990, 29893, 29954, 29880, 29900, 29968, 29914, 29956, 29915, 13, 1678, 525, 1988, 29950, 29947, 29929, 29984, 29902, 29891, 29956, 6247, 299, 29953, 29878, 29999, 29877, 29955, 29956, 29877, 29934, 29873, 8426, 29999, 29890, 29916, 29949, 29906, 29906, 18454, 29949, 29920, 2525, 12665, 29954, 29916, 29965, 29888, 29933, 29890, 339, 29881, 586, 26311, 29967, 29954, 29885, 4986, 29946, 4198, 29923, 29874, 29931, 29929, 29950, 29943, 29894, 29903, 29876, 29914, 4037, 29896, 29911, 29915, 13, 1678, 525, 29890, 29990, 17472, 29907, 29984, 4690, 29882, 6132, 29939, 29925, 29887, 29902, 333, 3904, 29907, 29999, 29956, 1525, 29949, 29990, 29916, 13695, 29896, 29893, 29939, 29984, 29879, 29967, 307, 29950, 29954, 29999, 29999, 29890, 29902, 10644, 29979, 3629, 29920, 1233, 29923, 7283, 29953, 25288, 29894, 2039, 29941, 687, 23066, 22119, 29945, 29984, 29920, 29925, 29990, 29896, 29907, 29915, 13, 1678, 525, 29929, 29881, 29967, 29888, 29999, 29873, 29934, 29933, 29984, 29895, 29906, 29916, 29902, 29914, 29895, 29896, 29940, 29979, 29946, 29999, 29916, 2350, 29953, 29974, 29933, 21154, 29896, 29877, 24668, 29914, 29933, 29883, 29887, 29979, 29923, 29974, 3594, 6156, 11023, 797, 29950, 29900, 29941, 29920, 8181, 29914, 29891, 29984, 1484, 29946, 29941, 25265, 14126, 13152, 29894, 29955, 29965, 29965, 29979, 29894, 29967, 29885, 29915, 13, 1678, 525, 29965, 29941, 29963, 29883, 415, 29926, 29967, 16036, 10702, 29955, 29894, 25467, 29965, 29974, 2891, 29999, 29891, 23081, 5673, 29953, 29885, 2252, 326, 29974, 29967, 29968, 29955, 6154, 29963, 29878, 29946, 29990, 29877, 29934, 29926, 29941, 29888, 29947, 29906, 29909, 29900, 29881, 29967, 29929, 29939, 29895, 29967, 29955, 29933, 29894, 29887, 29999, 29984, 29946, 29949, 29920, 29950, 29916, 10262, 29945, 29999, 25014, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 29958, 13, 1678, 529, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 20690, 29984, 29963, 29954, 29965, 29896, 29884, 29941, 29882, 29929, 29990, 29999, 29990, 1579, 29873, 29943, 29896, 29999, 29915, 13, 1678, 525, 29878, 29923, 29929, 29979, 29926, 29943, 29939, 29907, 29929, 29926, 1357, 29883, 29967, 29974, 29893, 29906, 29933, 29894, 29916, 29896, 20055, 29967, 29875, 29955, 29900, 29934, 29879, 29896, 10270, 29933, 29926, 29888, 303, 3616, 1433, 29968, 29883, 29926, 29920, 29967, 29916, 29911, 29906, 29923, 29883, 29954, 29896, 29934, 29879, 29900, 7283, 6604, 29895, 29946, 303, 29926, 1896, 29914, 29949, 29955, 29947, 29896, 29875, 29915, 13, 1678, 525, 29888, 29947, 29934, 29884, 29906, 29947, 974, 277, 29911, 29914, 29926, 517, 29900, 11256, 3927, 29945, 29984, 29947, 29963, 1137, 29947, 29940, 29873, 29950, 1004, 29875, 29925, 4174, 29926, 29926, 29914, 29968, 29934, 29943, 29886, 29939, 29906, 29947, 29891, 29914, 300, 29955, 29939, 29990, 29999, 29881, 29974, 29950, 5365, 29934, 9312, 29876, 29947, 4415, 24898, 17472, 275, 29894, 29953, 29915, 13, 1678, 525, 29882, 29924, 29873, 29974, 29924, 29873, 3959, 29928, 29894, 797, 1557, 29929, 29882, 29909, 29945, 29934, 16359, 14438, 29939, 29902, 29893, 29943, 3083, 29979, 29974, 29916, 13691, 29945, 29963, 29888, 29979, 29902, 29946, 24898, 29949, 29954, 29926, 29929, 9606, 3727, 29893, 29990, 29900, 29883, 12636, 29933, 29896, 15666, 29984, 29939, 29954, 5667, 3083, 29925, 29990, 29956, 29896, 29945, 2772, 29915, 13, 1678, 525, 29933, 29967, 29886, 29940, 29882, 29999, 29929, 5773, 29963, 29940, 29916, 695, 29929, 29882, 29941, 29875, 29907, 29893, 9375, 29947, 29931, 29887, 29999, 29895, 29906, 29955, 29902, 29878, 29940, 17303, 8979, 20321, 29933, 29967, 29876, 29896, 29979, 29947, 29895, 29916, 6227, 29940, 29974, 29931, 29967, 29874, 29909, 13801, 29968, 29879, 29950, 29906, 29924, 29967, 29974, 3226, 29956, 29893, 29925, 29939, 29883, 29911, 29955, 13367, 29915, 13, 1678, 12801, 10818, 29958, 29886, 1299, 29946, 29974, 29934, 29929, 29933, 12665, 29968, 29954, 29941, 29909, 29984, 29874, 29953, 389, 29984, 29929, 29950, 29881, 9485, 29954, 29885, 29896, 29915, 13, 1678, 525, 1450, 29941, 29879, 29954, 29941, 29893, 29925, 29887, 29924, 29890, 29882, 29900, 29888, 29925, 29939, 29895, 2477, 29934, 13207, 4462, 29885, 29893, 331, 2252, 29920, 29955, 2308, 29900, 29902, 29955, 29945, 1758, 29900, 29929, 29874, 29902, 29914, 2502, 29939, 273, 29956, 29946, 29873, 29990, 29999, 29953, 29953, 29949, 468, 29890, 7187, 29877, 29968, 10351, 29974, 29953, 3487, 29945, 29941, 29907, 29915, 13, 1678, 525, 29949, 29947, 29933, 25498, 3927, 29968, 29953, 29934, 4419, 29929, 29946, 9302, 29906, 29968, 29881, 29954, 29928, 29887, 29984, 29945, 29877, 29907, 29876, 7466, 29941, 29911, 29947, 29934, 29967, 29968, 29949, 29884, 7698, 29914, 5746, 29894, 29967, 12513, 29875, 23714, 29891, 1270, 29896, 29911, 29880, 29943, 29941, 8353, 29914, 29953, 29967, 29943, 29929, 29896, 29882, 29911, 29955, 29876, 29963, 29914, 29999, 29945, 29915, 13, 1678, 525, 29916, 29929, 29884, 29896, 29984, 3487, 29914, 29979, 29880, 29963, 29965, 4928, 1324, 29968, 29914, 29979, 29967, 29950, 29943, 29890, 29911, 29929, 29929, 17367, 29990, 29974, 23066, 14126, 29984, 29939, 29929, 29888, 29896, 19881, 8431, 21685, 22230, 29949, 29953, 29990, 29940, 29888, 29894, 29967, 7239, 29896, 29974, 29956, 29890, 2776, 29926, 9598, 29945, 29990, 29929, 5824, 29967, 29941, 655, 29915, 13, 1678, 525, 29963, 21154, 29956, 29947, 12072, 29903, 29916, 29955, 29886, 29929, 29990, 29950, 29946, 29923, 29974, 29939, 29984, 29874, 1341, 29947, 4501, 29900, 29947, 29880, 29906, 29955, 29872, 29946, 29955, 29886, 23869, 29941, 29950, 29945, 29999, 18091, 29929, 335, 29990, 29879, 29900, 29882, 29906, 29950, 29984, 29888, 7184, 29950, 29914, 29891, 29929, 29893, 29974, 29925, 29883, 29979, 287, 29931, 29967, 29967, 29875, 29945, 29886, 29900, 29885, 29915, 13, 1678, 525, 29876, 1113, 29968, 29931, 29974, 29999, 29984, 29953, 29895, 1181, 29874, 29974, 29946, 11007, 29914, 29979, 29929, 3912, 29896, 276, 29984, 29888, 29990, 29916, 29909, 29891, 12665, 29896, 29888, 29896, 29885, 29967, 29955, 5098, 29934, 29974, 29893, 29880, 29953, 29876, 29893, 29954, 29891, 29923, 14851, 29914, 29947, 29945, 29887, 2059, 29875, 29967, 2112, 29928, 4317, 29900, 29890, 29907, 29883, 29990, 29947, 29943, 29939, 29915, 13, 1678, 525, 29979, 29906, 29947, 29880, 29974, 29914, 29875, 25951, 29967, 29943, 29939, 29984, 29876, 29894, 29950, 29881, 29984, 29872, 554, 29894, 29929, 6059, 29887, 29906, 24126, 29955, 29926, 29888, 287, 29984, 29909, 29999, 29934, 29943, 29900, 3738, 29946, 29895, 29886, 29946, 6321, 29914, 29875, 21819, 29947, 29911, 29929, 17359, 29926, 29953, 29968, 29945, 29876, 29895, 29967, 26966, 29974, 29906, 29941, 29911, 29896, 12072, 29915, 13, 1678, 525, 29873, 29928, 29916, 4897, 5365, 29955, 29956, 29946, 29990, 29926, 29914, 29924, 29914, 29876, 29955, 29953, 2236, 29911, 29929, 29894, 29923, 29956, 29941, 29999, 10644, 29965, 5194, 29886, 29947, 29990, 29885, 29896, 29895, 29907, 29886, 29934, 29933, 29895, 29909, 29941, 29891, 8050, 29956, 3749, 29943, 29929, 29911, 29947, 264, 29955, 29929, 29911, 8766, 29984, 29925, 29900, 29954, 29968, 5971, 29887, 29950, 29933, 29893, 29906, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29934, 29884, 29911, 29890, 29895, 29953, 29906, 272, 29974, 29926, 29888, 29900, 29914, 29909, 29874, 29979, 2692, 29974, 29925, 29888, 29900, 29963, 29914, 29876, 29931, 29974, 29884, 29941, 29877, 29914, 29953, 29929, 29953, 29878, 29954, 29880, 29934, 24845, 29946, 29914, 29881, 29974, 29885, 29906, 29941, 29984, 29894, 29924, 7508, 29968, 29911, 29914, 29929, 29968, 4345, 29895, 29955, 29945, 29929, 29945, 29946, 29876, 29941, 29876, 29903, 29888, 287, 29945, 29915, 13, 1678, 525, 29945, 29946, 29941, 29941, 29876, 1607, 29872, 29967, 29929, 29945, 29900, 29876, 29941, 29894, 29947, 29882, 29916, 17557, 29888, 29924, 29885, 29931, 1254, 29929, 29900, 29875, 29967, 29876, 29941, 29999, 29875, 6489, 600, 2039, 29916, 29953, 29990, 29974, 29954, 29950, 29941, 29953, 29894, 29947, 29984, 29945, 29979, 29974, 29967, 3035, 29911, 29968, 29945, 29906, 29941, 29880, 28283, 4872, 29925, 22119, 1806, 29915, 13, 1678, 525, 29946, 29984, 29906, 29914, 29940, 29880, 29955, 29941, 29954, 29974, 29879, 3174, 29874, 29968, 16838, 29946, 29947, 29963, 29953, 29965, 29887, 29984, 29934, 29906, 19881, 29906, 29934, 1516, 29907, 2212, 29906, 29907, 29965, 29929, 4717, 29965, 5819, 2273, 10536, 29967, 29890, 29965, 29914, 29939, 29933, 29929, 29909, 29953, 29939, 29902, 29953, 29984, 29943, 29929, 29873, 352, 29920, 29887, 4571, 29946, 339, 29954, 29915, 13, 1678, 525, 29911, 29968, 29954, 29946, 29882, 29920, 29933, 29893, 29902, 29956, 29877, 29924, 29967, 29911, 29939, 29974, 29875, 29906, 29945, 29926, 29888, 2095, 29877, 29956, 29874, 29929, 29945, 29949, 29900, 29965, 29890, 29882, 29963, 29877, 29934, 8931, 8016, 29939, 29967, 29939, 29882, 29953, 29941, 29954, 29956, 29887, 29940, 29886, 29911, 29885, 23066, 29906, 29890, 29950, 29965, 29939, 13691, 29877, 12064, 29929, 29949, 29941, 29873, 29941, 29906, 29953, 29915, 13, 1678, 525, 29874, 29940, 29900, 29906, 29903, 29953, 29894, 29990, 29945, 1349, 1299, 5592, 29945, 29990, 8426, 29941, 29880, 29882, 29946, 29929, 29947, 4590, 29376, 29885, 29900, 29883, 29931, 29880, 6059, 29941, 29902, 29884, 29947, 29884, 4741, 29946, 29874, 29999, 29925, 29939, 29893, 797, 29887, 29956, 29974, 20728, 3301, 29883, 5800, 29923, 974, 12661, 29947, 29916, 29956, 29999, 29939, 18038, 29950, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29872, 29941, 4912, 29895, 23766, 26330, 29893, 29914, 29895, 29945, 29916, 7659, 1451, 29940, 29882, 29950, 29940, 29916, 29967, 29883, 7466, 29916, 29939, 29891, 29890, 29943, 1182, 29979, 23328, 29953, 29911, 29886, 8187, 29907, 29953, 29965, 29893, 29903, 4419, 29963, 29953, 29965, 1324, 29872, 29941, 29955, 29926, 3174, 29906, 29890, 29933, 29990, 1181, 29946, 29941, 582, 29925, 29876, 29926, 29915, 13, 1678, 525, 29916, 29895, 29920, 20166, 29886, 29941, 29963, 29979, 29893, 29945, 29894, 29929, 29923, 29895, 29963, 29878, 29954, 29894, 29906, 29886, 29974, 29876, 29984, 29946, 29890, 29939, 29883, 29909, 29950, 29890, 14098, 29953, 29881, 29947, 15860, 29895, 12661, 29934, 29924, 29953, 29881, 29968, 29955, 8337, 29984, 29887, 29902, 1175, 29999, 29900, 29945, 29924, 2397, 6247, 22928, 13079, 29894, 29979, 29906, 29885, 29888, 666, 29926, 29915, 13, 1678, 525, 23869, 29886, 29943, 29941, 21819, 29955, 29940, 5403, 6227, 29906, 29875, 29946, 29946, 29916, 29968, 29887, 3959, 29929, 29878, 29933, 29950, 29943, 567, 29999, 29888, 29925, 29999, 29886, 29949, 561, 29914, 29880, 29999, 29974, 29933, 29984, 29934, 29928, 29974, 29999, 29875, 29945, 29940, 29914, 29880, 29907, 29984, 29888, 29968, 29979, 29883, 10234, 27590, 29947, 29946, 1349, 29999, 29883, 29984, 29984, 29950, 29876, 23097, 13, 1678, 525, 11135, 29956, 29946, 29891, 29968, 29955, 29939, 29882, 1270, 29873, 29968, 26353, 29945, 29940, 29974, 29926, 29950, 29941, 29999, 29953, 29963, 29956, 29876, 29990, 29914, 29963, 2214, 20726, 29906, 29940, 29875, 29909, 3660, 29946, 1537, 287, 10234, 29911, 29968, 4421, 29953, 29893, 29880, 29940, 29956, 29906, 29929, 29924, 29953, 29925, 29955, 8979, 29963, 29968, 15176, 29965, 29914, 29886, 29955, 29979, 3274, 29915, 13, 1678, 525, 29885, 3459, 29900, 29999, 29979, 29984, 29878, 29963, 29954, 3580, 29923, 29877, 10363, 29965, 29882, 29934, 10593, 29965, 29956, 29968, 29887, 29979, 29872, 3749, 29929, 29887, 29963, 29911, 5389, 3059, 29963, 29884, 29965, 29890, 29928, 29999, 29954, 29879, 29963, 7707, 29999, 29883, 29963, 29881, 29967, 29955, 29933, 2585, 29907, 29888, 29963, 29968, 29875, 29999, 29941, 29893, 29890, 361, 29999, 582, 29941, 29906, 29891, 29915, 13, 1678, 525, 29891, 29900, 423, 29947, 29925, 29873, 29903, 29914, 29882, 29954, 29880, 29906, 29984, 29914, 29943, 1983, 29903, 29946, 4900, 22716, 29883, 29968, 29914, 29947, 2272, 29943, 17599, 29900, 29879, 29974, 29886, 29999, 7071, 29965, 29906, 29880, 5971, 29891, 24826, 29940, 1367, 29928, 29945, 29974, 29953, 29879, 29911, 16865, 346, 29888, 29949, 5690, 29890, 3954, 29945, 29925, 29955, 29878, 29926, 29950, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29891, 29955, 735, 29894, 29968, 29929, 2679, 29956, 433, 29990, 29879, 29974, 29966, 10818, 16299, 13, 1678, 525, 29878, 29956, 29920, 29907, 29879, 29967, 29963, 29940, 29894, 15633, 29890, 29906, 1389, 29884, 29902, 29896, 29894, 29999, 29939, 29955, 29902, 4198, 29873, 29953, 29947, 29928, 29955, 29887, 29947, 29925, 29887, 29979, 22230, 29954, 29990, 29900, 29883, 3644, 11787, 29920, 29900, 29887, 29953, 29920, 24625, 29923, 11093, 29963, 29900, 29967, 29941, 3235, 29939, 9219, 29956, 29874, 29963, 29900, 1315, 29911, 29890, 29924, 29967, 29915, 13, 1678, 525, 29920, 29999, 29884, 29953, 29875, 29924, 29900, 29925, 29876, 29903, 29946, 29878, 29984, 29955, 29906, 29893, 4316, 29954, 29953, 29902, 4270, 29887, 29896, 29924, 29950, 29965, 29929, 29900, 29947, 29950, 29984, 29968, 29879, 29896, 29926, 29950, 29880, 17565, 29963, 29929, 29906, 2208, 29990, 29893, 29947, 4419, 29945, 29946, 29955, 2214, 29916, 29878, 29950, 29940, 29926, 29950, 29894, 29929, 29954, 29885, 29979, 29916, 29885, 29968, 29920, 374, 29984, 29915, 13, 1678, 525, 29984, 29882, 29920, 8949, 29880, 29955, 29896, 29949, 9415, 29929, 29926, 29882, 26453, 1175, 29965, 1988, 29873, 29900, 29880, 29934, 8181, 29882, 29890, 29941, 29920, 29979, 29941, 29974, 29956, 2890, 29926, 29894, 29939, 29885, 29965, 27728, 29928, 29893, 29895, 29926, 29934, 29945, 29999, 617, 29876, 29950, 26322, 29907, 29894, 29916, 19960, 29943, 29883, 29924, 29881, 29939, 29923, 29886, 29894, 29896, 557, 29999, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 14816, 29968, 29925, 29945, 29979, 29872, 29953, 29894, 29895, 29923, 29895, 29931, 29876, 29941, 29884, 29953, 29984, 1372, 2273, 29931, 11093, 29906, 29879, 29916, 29943, 29916, 1204, 29909, 29895, 29939, 29876, 29931, 11490, 29902, 7659, 29896, 29968, 29946, 29926, 29888, 4037, 265, 25639, 558, 29880, 29920, 29900, 29906, 29893, 29894, 29900, 29876, 1718, 29914, 1217, 283, 29933, 29950, 29963, 22208, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 11512, 29965, 29891, 29888, 29950, 29941, 29949, 29929, 29891, 29953, 1635, 29931, 29946, 1327, 29953, 29903, 29881, 29943, 29873, 29979, 29887, 29931, 2901, 29928, 29920, 517, 29875, 29999, 29916, 29999, 29883, 29943, 29984, 29911, 29888, 12916, 9980, 25051, 14098, 29953, 29881, 1164, 29949, 29929, 29945, 20938, 29878, 26433, 29941, 29923, 3487, 2951, 29911, 29920, 29929, 29916, 29953, 3616, 29895, 29915, 13, 1678, 525, 29886, 29943, 29955, 29914, 29939, 29916, 2008, 20647, 29941, 29967, 29890, 29953, 29882, 29956, 15755, 1631, 29924, 29873, 29896, 29968, 29974, 29872, 29896, 29940, 29945, 2236, 19689, 29900, 29926, 15176, 29967, 29876, 29984, 558, 29879, 29916, 6488, 29893, 29979, 29953, 29940, 29891, 29907, 29887, 29955, 3853, 29967, 29967, 29881, 29939, 29945, 29946, 29926, 29934, 29928, 29926, 15715, 29956, 2687, 29933, 23215, 29915, 13, 1678, 8207, 29968, 2882, 293, 29896, 29963, 29941, 2918, 29903, 29916, 29931, 29891, 29907, 893, 455, 29956, 468, 29945, 415, 1529, 5098, 29906, 29873, 29900, 29895, 6059, 29920, 29880, 29955, 29882, 29963, 7262, 29884, 29999, 2239, 29955, 29953, 29956, 29874, 29925, 16761, 29929, 13367, 2585, 29946, 29906, 29949, 29946, 29883, 29909, 8809, 6670, 1744, 29934, 9312, 29915, 13, 1678, 525, 29934, 29900, 29943, 29896, 29990, 10840, 5617, 29906, 29924, 8187, 29979, 29879, 29606, 29945, 29902, 29947, 29929, 4037, 29880, 29990, 29879, 29954, 29882, 29883, 29900, 12443, 4353, 29956, 29885, 705, 29949, 29955, 29900, 29895, 29933, 8120, 29911, 29890, 29934, 29873, 29376, 29900, 29943, 29914, 29878, 29968, 29886, 29933, 29876, 29925, 8452, 29891, 29950, 29953, 29999, 3249, 29877, 29955, 6008, 29900, 29926, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29924, 1867, 29928, 29950, 29954, 29955, 29955, 29931, 29882, 29939, 29940, 1867, 29939, 29955, 29888, 19960, 29963, 29979, 17618, 29945, 29894, 29934, 29963, 29934, 29925, 29888, 29984, 29955, 29934, 29924, 29954, 29955, 29967, 29953, 3289, 29914, 29945, 29941, 29963, 29890, 29882, 29940, 1252, 29929, 29979, 29880, 29906, 29967, 9026, 29881, 2397, 29931, 13975, 29883, 29924, 3433, 688, 1182, 29895, 24666, 29955, 29915, 13, 1678, 525, 29882, 29909, 29906, 29955, 29875, 29943, 27049, 29965, 29956, 3660, 29872, 29950, 4419, 29947, 29879, 29911, 29999, 29965, 29945, 29940, 29876, 29911, 29920, 29916, 264, 29926, 29893, 29933, 29945, 19903, 29884, 29933, 29873, 7239, 29941, 29955, 29990, 29984, 29890, 29990, 29877, 29934, 29874, 29967, 29882, 29965, 29895, 1365, 13427, 29956, 29916, 29900, 29877, 29946, 29924, 29906, 12443, 4590, 368, 29875, 29950, 558, 29915, 13, 1678, 525, 29891, 29968, 29934, 29946, 29954, 29896, 29984, 29967, 29876, 29909, 29946, 29955, 3217, 855, 23818, 29990, 29940, 29893, 29900, 29916, 29949, 11191, 295, 29902, 29984, 29968, 29956, 29979, 29941, 29929, 26453, 29929, 29900, 29949, 29875, 29963, 29881, 2397, 29941, 29883, 29967, 29965, 29929, 15349, 29888, 29950, 29946, 29926, 29956, 29880, 5850, 29914, 29880, 29920, 29888, 29933, 29963, 3352, 6816, 8547, 29953, 22208, 13, 1678, 525, 29924, 29890, 29953, 29900, 29924, 29943, 6670, 29939, 29929, 9606, 29875, 29914, 29955, 29939, 3960, 29920, 29967, 29934, 25365, 29990, 29906, 29929, 29891, 29967, 29875, 29914, 29963, 29893, 29896, 294, 29894, 29990, 29891, 29965, 29965, 3811, 29923, 29999, 29947, 3410, 29945, 29940, 29900, 29939, 29894, 29926, 29928, 29880, 29903, 3487, 29933, 1615, 29885, 29893, 29933, 29874, 29924, 29963, 29888, 311, 29875, 29925, 29939, 29915, 13, 1678, 525, 9029, 29947, 20752, 29878, 1615, 29956, 29955, 29941, 29886, 29955, 29926, 29894, 15633, 29943, 29999, 29909, 29999, 29874, 29896, 19988, 29954, 5688, 29887, 29990, 29956, 29953, 29891, 29990, 6720, 3123, 29967, 29891, 29984, 29984, 29924, 29886, 2901, 3637, 21908, 29928, 1341, 29926, 29929, 2744, 29963, 29990, 29888, 3421, 29950, 29882, 29949, 695, 29950, 29953, 29984, 3217, 29928, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29940, 29979, 29941, 29891, 29888, 29974, 29929, 7283, 29954, 458, 29955, 8631, 29967, 29925, 29894, 29955, 29946, 29946, 29947, 29974, 29888, 29945, 29895, 29945, 29924, 29885, 458, 29933, 29990, 13208, 22882, 833, 2008, 29940, 29967, 29914, 29931, 29888, 29929, 1039, 1349, 29888, 29894, 24895, 7241, 29984, 29902, 29955, 1817, 484, 29875, 29979, 29882, 1672, 29941, 29956, 29979, 1984, 29915, 13, 1678, 525, 29881, 29990, 29954, 9219, 29920, 29906, 29878, 29939, 29923, 29887, 29947, 29965, 29882, 29953, 29956, 29894, 29887, 29999, 29967, 29941, 3421, 29914, 29954, 29955, 29890, 29955, 22966, 29965, 29974, 1204, 29947, 29946, 29979, 29950, 29916, 29928, 29900, 29914, 29999, 29887, 29953, 28685, 3373, 29902, 29893, 29990, 29894, 15631, 29903, 29881, 29943, 29954, 29999, 29906, 29890, 29939, 1794, 26016, 3226, 29934, 29878, 29941, 29915, 13, 1678, 525, 6814, 29950, 29885, 29933, 29914, 29934, 29890, 29955, 29880, 29950, 29955, 29933, 13264, 29902, 23129, 797, 29882, 29945, 29881, 29965, 6051, 29968, 29887, 29946, 29967, 29945, 29925, 29916, 29949, 29914, 29875, 29943, 29955, 29885, 29923, 12197, 29947, 29949, 29914, 29941, 29900, 29949, 29974, 29906, 29909, 29895, 7210, 29883, 29896, 29907, 3289, 29876, 6488, 29893, 29946, 29943, 29890, 29916, 2397, 29965, 29955, 335, 29953, 29915, 13, 1678, 525, 29979, 29926, 29968, 29893, 29946, 29884, 10234, 12742, 29979, 29884, 29974, 29941, 29909, 601, 29882, 786, 29896, 29876, 29911, 29953, 29909, 29955, 29881, 29954, 29880, 29900, 29884, 29911, 29886, 29990, 29931, 29929, 29887, 29907, 29914, 29934, 29933, 29955, 29999, 29909, 29914, 29990, 29906, 29876, 1609, 29955, 29881, 29955, 29926, 29925, 666, 29911, 29968, 29926, 29929, 29880, 29949, 29974, 29886, 29950, 29929, 29891, 11135, 29875, 29946, 29950, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 29958, 29895, 29950, 29888, 29974, 29929, 29920, 29929, 16440, 29914, 16577, 29906, 29979, 29893, 29979, 27590, 9499, 29906, 29954, 29886, 29967, 29934, 29925, 1327, 29955, 5871, 6271, 29914, 29923, 29894, 14438, 29967, 29886, 29914, 29882, 29945, 29896, 23215, 29946, 29916, 29924, 29953, 17061, 29941, 29874, 29956, 29999, 29933, 309, 29999, 29900, 29967, 29934, 29928, 29979, 29915, 13, 1678, 525, 29909, 29914, 29893, 29906, 29990, 29883, 29926, 29920, 29947, 29923, 29906, 29939, 29893, 29906, 3123, 29979, 9486, 8132, 11156, 7230, 29885, 29967, 29880, 29990, 12339, 29939, 29882, 29965, 29939, 29956, 29967, 29923, 29968, 29875, 27838, 29950, 1113, 29974, 29873, 29923, 29887, 29925, 29883, 8187, 29900, 29968, 29943, 29999, 29900, 29945, 29990, 29929, 29954, 8257, 29926, 29974, 29984, 29879, 29979, 29883, 29940, 283, 29915, 13, 1678, 525, 3557, 29906, 29925, 29881, 29902, 29906, 29880, 29906, 29979, 29955, 29883, 29999, 294, 29931, 29953, 20335, 29929, 1164, 29874, 6632, 29950, 29945, 287, 29886, 29974, 29878, 29965, 29875, 29925, 29974, 2142, 2774, 29914, 29886, 29943, 29896, 29878, 29931, 29933, 29939, 29925, 29896, 29941, 29945, 29920, 29934, 29928, 786, 29968, 6854, 361, 29914, 29967, 29931, 29999, 3083, 29953, 29946, 29943, 2303, 29949, 29915, 13, 1678, 525, 381, 29916, 29911, 6040, 29974, 29893, 29949, 3594, 29893, 29900, 388, 14345, 29934, 29887, 29968, 17755, 29906, 29924, 4061, 29896, 29896, 29939, 29968, 29968, 29914, 29924, 29955, 29947, 29963, 29914, 29939, 29920, 29925, 29920, 29939, 1526, 5659, 29903, 29941, 2039, 29990, 29920, 29929, 29929, 29875, 29928, 29954, 29967, 8431, 29954, 29999, 29984, 29925, 567, 29877, 29909, 18091, 29906, 29878, 2766, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29925, 386, 29967, 26753, 29929, 29924, 29926, 29923, 29929, 1451, 2395, 29950, 29940, 29968, 29949, 7516, 29965, 29873, 29984, 6008, 29954, 29891, 22498, 4668, 29974, 29968, 29873, 29954, 5688, 2236, 29914, 29874, 29984, 29896, 29878, 29943, 29940, 4928, 16440, 29979, 29896, 29928, 29999, 29931, 294, 29950, 29916, 29923, 29914, 29902, 29955, 11206, 7659, 11601, 29990, 29929, 29929, 29906, 29915, 13, 1678, 525, 6632, 12427, 6925, 29943, 29967, 29949, 29949, 29873, 29925, 29999, 1817, 14190, 29955, 29946, 29911, 29920, 13416, 29914, 29906, 29941, 29928, 16048, 29895, 29965, 29926, 29894, 9499, 29974, 29950, 29953, 3954, 4806, 346, 29974, 29925, 29893, 29900, 1725, 29945, 29920, 29934, 29884, 29928, 29920, 29956, 1341, 29883, 29955, 29929, 29893, 29931, 29876, 29929, 29929, 29882, 29914, 29896, 29902, 1725, 29984, 29915, 13, 1678, 525, 29885, 1927, 29947, 29907, 29914, 12445, 29974, 29933, 29876, 29974, 29886, 29920, 29886, 29929, 5454, 29882, 29925, 29945, 29950, 29916, 29949, 295, 23170, 29974, 29934, 29924, 29873, 29979, 29954, 29926, 5444, 29999, 29900, 29893, 29928, 29954, 29968, 29906, 29965, 29888, 29955, 29941, 29924, 29875, 29902, 29955, 29946, 29894, 29974, 29324, 29999, 29954, 29968, 29876, 29896, 29878, 3112, 29934, 29914, 29956, 277, 29934, 29939, 29945, 29879, 29915, 13, 1678, 525, 28283, 29984, 29878, 29928, 2251, 29968, 29934, 29896, 29950, 29880, 29945, 29940, 1609, 29979, 14943, 29893, 29929, 29882, 29925, 29967, 29875, 29946, 29876, 13152, 833, 29896, 29872, 29963, 26322, 29911, 1762, 29872, 29946, 29894, 2543, 29893, 29947, 29872, 29990, 29947, 28627, 29916, 29979, 29881, 29931, 29945, 29906, 17061, 2397, 29934, 29894, 29954, 29883, 29902, 29877, 29923, 29914, 29956, 29963, 29886, 29984, 29891, 29915, 13, 1678, 525, 29956, 29879, 29999, 29900, 29929, 29949, 4037, 29933, 3624, 29955, 29956, 29926, 29909, 29926, 29946, 29876, 25014, 29920, 29999, 15922, 29940, 3123, 29929, 29941, 7659, 1341, 29920, 29950, 29890, 29974, 29896, 29902, 29920, 280, 29946, 12602, 28283, 2713, 29882, 29902, 29926, 29887, 29923, 29929, 29953, 29890, 29950, 27823, 29963, 29990, 29939, 29955, 29906, 9806, 29916, 29943, 29879, 29974, 29953, 29911, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 29958, 29885, 15631, 29963, 12810, 29953, 29894, 29943, 29945, 29875, 29967, 29890, 29990, 29931, 29974, 29933, 29920, 1324, 29967, 29881, 18800, 8050, 29888, 29949, 29949, 26074, 29955, 29940, 29929, 29907, 29896, 29945, 29894, 29906, 29915, 13, 1678, 525, 29956, 24668, 22498, 29894, 29914, 29924, 10363, 29914, 29954, 29939, 29876, 29893, 3960, 29945, 16264, 10358, 16036, 29999, 29934, 29999, 29965, 29376, 11191, 29874, 29933, 29885, 29928, 29879, 29953, 29943, 29888, 29914, 29929, 29941, 29885, 29979, 29923, 9295, 29946, 29990, 6833, 29967, 29999, 29882, 29907, 4051, 29947, 479, 4741, 29943, 29873, 29984, 7077, 29979, 29984, 1799, 29900, 29907, 29915, 13, 1678, 525, 29916, 1718, 29945, 29900, 29916, 29974, 29947, 29906, 1529, 29890, 562, 29881, 29900, 3035, 29934, 827, 29888, 29920, 23189, 406, 1204, 29903, 29881, 29909, 29895, 29907, 29888, 29950, 21935, 16048, 29906, 29984, 29882, 29979, 29920, 5673, 29906, 29999, 29907, 29894, 29902, 1888, 29955, 3357, 3120, 29920, 29906, 28062, 29968, 29967, 29940, 29894, 29893, 8610, 29881, 29968, 29925, 29915, 13, 1678, 525, 29941, 29939, 29891, 29965, 29946, 1300, 29968, 29886, 29956, 21870, 8186, 29946, 29906, 29916, 7068, 29950, 29894, 29900, 29893, 29890, 29916, 29939, 29955, 29886, 29893, 29946, 28879, 29894, 29914, 29963, 29950, 29882, 6156, 29949, 16099, 29939, 29955, 29949, 3247, 29686, 29954, 7707, 29979, 29877, 29939, 29881, 20434, 29949, 29891, 29979, 29902, 601, 29974, 29875, 29941, 29875, 29974, 29875, 29933, 29873, 29924, 29915, 13, 1678, 525, 29945, 29907, 29965, 29949, 29902, 11078, 29947, 29909, 29888, 29950, 29894, 1692, 29876, 1307, 29876, 29900, 29880, 29949, 29909, 29999, 2589, 29895, 29896, 29933, 15755, 22119, 29968, 29879, 29954, 29950, 2303, 29946, 29984, 29881, 14605, 29968, 29934, 29878, 29941, 29876, 7818, 29900, 29907, 29916, 29909, 29950, 29941, 29923, 300, 29990, 29914, 2951, 23328, 29924, 18904, 29923, 29874, 8766, 29914, 29947, 29915, 13, 1678, 12801, 10818, 29958, 29878, 29984, 29895, 17565, 25051, 29929, 29946, 29956, 29886, 29924, 29914, 5963, 29903, 29966, 10818, 29958, 29872, 3727, 29928, 29885, 29990, 29902, 1001, 6489, 29924, 29916, 29876, 29943, 29950, 29895, 29906, 29874, 18474, 29893, 29895, 28685, 2890, 2904, 29979, 29923, 29920, 29886, 29968, 29874, 29934, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 29958, 29885, 29914, 29966, 10818, 16299, 13, 1678, 525, 29940, 29963, 29914, 5425, 29967, 29956, 29953, 29872, 21554, 19776, 29906, 29949, 17628, 13308, 29875, 1799, 29945, 29911, 29945, 29896, 3338, 2369, 16838, 10721, 29875, 29903, 29953, 29979, 29939, 29878, 7068, 29965, 29984, 29953, 11490, 2589, 29940, 29946, 29886, 29984, 29954, 26453, 29893, 331, 29949, 29967, 29874, 29999, 29941, 8809, 29879, 29947, 29877, 29949, 29953, 29956, 29879, 29953, 29915, 13, 1678, 525, 29875, 29929, 29896, 1148, 29955, 29963, 15789, 29887, 1164, 29902, 29874, 29931, 29984, 29925, 29941, 29907, 29879, 29967, 17565, 29968, 29884, 29923, 10844, 29999, 29933, 29924, 29963, 29880, 29903, 29939, 29953, 29880, 1799, 29941, 29974, 29883, 29887, 29956, 29931, 29883, 29955, 19988, 29941, 29931, 29890, 29945, 29931, 29967, 386, 29907, 7838, 29884, 29906, 29939, 16033, 19689, 29974, 29923, 29920, 29903, 29900, 492, 29915, 13, 1678, 525, 29967, 29968, 29934, 29886, 29934, 1114, 29926, 29907, 29946, 29888, 29934, 2252, 17870, 29911, 29883, 29946, 29876, 29939, 29950, 29924, 29967, 29920, 29968, 351, 29943, 29965, 16748, 29939, 29876, 29979, 29911, 29875, 29943, 17080, 29877, 29906, 29896, 12513, 29873, 29999, 29893, 8610, 3357, 29999, 5850, 22381, 29947, 29882, 29943, 29940, 29883, 29990, 29881, 29953, 2067, 29890, 29906, 29954, 29979, 29884, 29939, 29915, 13, 1678, 525, 29906, 29979, 29945, 29926, 29925, 29953, 29965, 29882, 29984, 29947, 29946, 29875, 29934, 578, 29894, 29950, 29884, 29906, 29968, 29890, 29896, 1481, 29968, 17557, 29890, 29946, 29934, 29999, 29894, 21154, 695, 29939, 29954, 29883, 29974, 29878, 1484, 29955, 4198, 915, 29886, 29941, 29943, 29963, 29946, 29956, 29880, 29955, 29984, 23081, 6271, 29686, 29900, 29894, 4574, 29881, 29925, 29974, 29984, 29939, 29907, 22208, 13, 1678, 525, 29896, 1594, 29954, 29880, 29934, 29886, 17755, 29926, 29896, 29875, 29955, 29984, 29926, 3352, 29914, 29896, 29953, 29893, 29954, 29946, 29953, 29945, 6241, 29896, 29941, 29896, 29926, 29955, 29949, 29929, 29881, 29896, 29956, 18510, 29896, 29954, 29914, 29947, 29880, 10593, 4986, 29924, 29880, 29909, 8071, 29967, 29999, 1362, 29900, 29894, 29907, 29974, 5617, 1165, 29879, 29945, 29885, 29923, 29873, 29954, 29906, 1367, 29915, 13, 1678, 525, 29880, 29963, 29874, 29914, 1362, 29914, 17557, 336, 29999, 29907, 29945, 29887, 29949, 29999, 29895, 29979, 29911, 29885, 29931, 29974, 29953, 29954, 29999, 29984, 29934, 29924, 13416, 29968, 29965, 29890, 29974, 29953, 1001, 29945, 29929, 29929, 29896, 29875, 29939, 29920, 29954, 29955, 29881, 29894, 29950, 29967, 29900, 16786, 29911, 29875, 29900, 29924, 5659, 29963, 29874, 29947, 29943, 26828, 29894, 29941, 20647, 29939, 29916, 29946, 29872, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29891, 29888, 29955, 29883, 29121, 29950, 666, 29968, 29376, 29984, 29909, 29947, 29979, 312, 29939, 29903, 29914, 2204, 29967, 18038, 29939, 29923, 29877, 1430, 1955, 6259, 29946, 29890, 29963, 295, 29954, 29974, 29934, 29893, 29906, 29941, 29872, 29934, 29955, 29902, 29916, 29900, 29883, 29949, 29906, 29955, 29934, 29954, 29953, 29885, 8193, 29885, 29933, 4330, 509, 1635, 29875, 29906, 29878, 22208, 13, 1678, 525, 29887, 29946, 29886, 29974, 29940, 29999, 21457, 8353, 29891, 29916, 29887, 4462, 29890, 29924, 29914, 29874, 29929, 29943, 29967, 29906, 29963, 29875, 29911, 29940, 29945, 29941, 6092, 29954, 5607, 4378, 29885, 582, 29955, 29943, 29953, 29984, 29928, 2965, 29872, 29963, 29877, 29953, 29955, 29880, 29928, 29950, 29999, 2525, 29941, 29947, 29880, 29999, 29955, 29920, 26453, 29929, 29884, 29950, 29900, 29895, 29990, 29882, 26461, 29915, 13, 1678, 525, 4790, 29911, 562, 29906, 29874, 29950, 29924, 5819, 29929, 29945, 29924, 29946, 29886, 29965, 29900, 29979, 29878, 1557, 29956, 29963, 29967, 29943, 29895, 14018, 828, 29979, 18454, 29883, 29911, 29874, 29928, 29941, 29883, 29946, 29903, 29984, 29939, 29955, 1017, 29924, 29906, 29907, 3289, 3235, 29934, 15291, 29887, 1148, 29885, 29888, 26067, 29893, 29883, 29946, 29953, 29879, 29943, 29956, 29979, 29925, 29926, 29915, 13, 1678, 525, 29909, 29955, 12188, 29946, 29893, 29885, 29943, 5661, 29911, 29894, 29926, 29909, 29955, 3521, 29954, 29947, 29914, 29950, 29979, 29933, 29893, 29979, 29881, 29999, 29900, 29979, 29968, 29914, 29947, 29916, 29903, 4345, 29945, 29878, 29955, 29928, 827, 29903, 29946, 29941, 29990, 29943, 3557, 29886, 29939, 16761, 29928, 29900, 29940, 375, 29928, 29885, 29990, 29965, 29963, 29884, 14995, 29950, 29990, 29880, 29990, 3253, 29882, 29900, 29915, 13, 1678, 525, 29949, 29874, 271, 29943, 29929, 29920, 29954, 29896, 10593, 29880, 29956, 29955, 9970, 29974, 29934, 2918, 29956, 6833, 29946, 5688, 29874, 29955, 29965, 29929, 29885, 29893, 29920, 29907, 1837, 29955, 29953, 29924, 7283, 29914, 29884, 29940, 29945, 29953, 29883, 4051, 29933, 29873, 4590, 4198, 29929, 29876, 29955, 19689, 29883, 29909, 8071, 29891, 2951, 29876, 2423, 346, 29974, 29947, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 20778, 29954, 29943, 29929, 29999, 29902, 29946, 29890, 29933, 29954, 29879, 29965, 29891, 29933, 1983, 29940, 29900, 29876, 4421, 29941, 29931, 3249, 29946, 29953, 29875, 29965, 29953, 29950, 29893, 29955, 29953, 29880, 29923, 29941, 29953, 29920, 29968, 29916, 29882, 17367, 29968, 29947, 29887, 29974, 29891, 29882, 29929, 29874, 29902, 29929, 29878, 29941, 29907, 29979, 29931, 29900, 29888, 4690, 1129, 29946, 29979, 29878, 29929, 29979, 29933, 29893, 29903, 29915, 13, 1678, 525, 29956, 29886, 29906, 29916, 29925, 845, 29934, 22192, 29947, 29931, 29968, 29949, 29894, 29947, 29885, 5746, 29931, 29974, 29887, 29934, 29874, 29929, 18933, 29939, 2713, 29968, 29950, 29956, 29890, 14554, 29933, 3959, 29916, 29909, 29926, 29931, 29956, 29884, 29967, 9485, 29954, 29902, 29947, 29933, 29896, 22638, 29950, 29963, 29984, 29882, 29943, 29881, 29984, 29926, 29946, 29879, 9980, 29885, 29999, 29881, 29911, 13264, 29893, 29915, 13, 1678, 525, 29893, 3970, 29945, 1519, 29907, 2190, 346, 29940, 12513, 29953, 29876, 29924, 29974, 29984, 29886, 5746, 29907, 2941, 29894, 16865, 29902, 29946, 29950, 29894, 29990, 29954, 29939, 29965, 29947, 29896, 29909, 29946, 29941, 29950, 29999, 1988, 29955, 29929, 29979, 29947, 29895, 617, 29902, 29946, 386, 29929, 29933, 29876, 29909, 29946, 29999, 29877, 29733, 29907, 29955, 29877, 29954, 29929, 374, 29893, 29887, 29915, 13, 1678, 525, 29907, 29890, 29929, 29883, 29968, 29926, 29920, 29887, 29894, 561, 29924, 29939, 29923, 29956, 29999, 29893, 4061, 29953, 29934, 29894, 29888, 29929, 29968, 340, 2065, 26353, 29984, 29928, 1725, 4571, 29925, 1129, 29950, 5098, 29963, 29999, 29979, 29931, 29955, 6059, 29999, 3301, 29956, 29939, 22311, 29902, 5617, 29924, 3905, 29946, 29911, 893, 29900, 29946, 29925, 29893, 29965, 29916, 29946, 29915, 13, 1678, 525, 29949, 29881, 29911, 29941, 29872, 4270, 29916, 29929, 29939, 29877, 29965, 29920, 1758, 29888, 7283, 29963, 29967, 29924, 29895, 29902, 29956, 29894, 29967, 280, 29903, 719, 29968, 29906, 1799, 29947, 29950, 3253, 29893, 29928, 29893, 29914, 15797, 29967, 7520, 29941, 12636, 29909, 29891, 3848, 29884, 29947, 29920, 29984, 29933, 29874, 15633, 14824, 29979, 29933, 29885, 4574, 29882, 6545, 29926, 29915, 13, 1678, 525, 29896, 29984, 29946, 29941, 29953, 29925, 29893, 9486, 29946, 29945, 29929, 29963, 29916, 7810, 29895, 2176, 29884, 29940, 29956, 29965, 29887, 1799, 20647, 18630, 4861, 29565, 29900, 29984, 29902, 29929, 29950, 346, 29990, 29931, 29900, 29945, 18454, 29925, 29947, 25265, 29888, 5688, 11912, 29947, 29945, 29974, 29903, 29879, 29956, 29874, 29999, 387, 29909, 29984, 29974, 29947, 29920, 29984, 29933, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29909, 29884, 29931, 29984, 29883, 29940, 29946, 29900, 29885, 18454, 29902, 29875, 18009, 29886, 29945, 29933, 29886, 29950, 24660, 12972, 29884, 29924, 29890, 29941, 29954, 29953, 2887, 29887, 29926, 2190, 29946, 29907, 29947, 29878, 29946, 29873, 29926, 29949, 29945, 29955, 2772, 29984, 29946, 29956, 29888, 303, 29902, 29890, 29894, 29882, 29887, 29984, 29895, 2288, 29929, 29890, 29902, 29916, 29990, 29881, 10403, 29883, 293, 29915, 13, 1678, 525, 29939, 29887, 29925, 29881, 1955, 24826, 29963, 29906, 1692, 29956, 29878, 29909, 29896, 29896, 29967, 29911, 29886, 29999, 18009, 21231, 29933, 29968, 29911, 29896, 8337, 29920, 5323, 17359, 2303, 29914, 29979, 29879, 29900, 29874, 1164, 29900, 29974, 29946, 29955, 1537, 29888, 572, 29928, 29967, 15339, 29929, 29884, 29934, 29984, 29984, 4920, 4741, 29909, 974, 29896, 29877, 29943, 29915, 13, 1678, 525, 5838, 1867, 29925, 29900, 29940, 29920, 29933, 845, 29907, 29900, 14388, 3112, 20517, 4574, 29881, 29928, 29929, 2502, 29925, 29906, 29911, 29906, 29883, 1430, 3365, 29947, 5673, 29947, 19903, 29945, 29934, 29933, 29874, 29929, 29894, 29947, 29963, 29890, 29968, 29896, 6739, 29984, 20321, 29873, 29926, 29907, 5031, 29931, 29880, 29906, 29888, 29965, 29947, 29880, 29984, 29925, 29914, 29888, 29915, 13, 1678, 525, 29923, 29891, 29902, 29979, 29878, 29946, 29946, 29943, 6008, 29940, 29974, 29875, 1199, 29906, 29885, 29906, 29884, 29984, 1758, 29931, 29999, 29876, 29893, 29939, 29984, 12943, 29931, 29968, 29939, 13891, 29956, 29893, 9588, 29929, 29929, 25014, 29950, 29877, 29947, 29946, 29939, 29963, 3848, 18510, 29886, 29956, 29900, 11023, 29886, 29945, 2679, 29940, 29882, 29963, 29974, 29885, 29953, 666, 29979, 29893, 29915, 13, 1678, 525, 29888, 2204, 29941, 29903, 29947, 29907, 3904, 29906, 29876, 29939, 384, 29934, 11178, 2239, 29903, 29953, 10249, 29916, 29895, 29931, 29963, 29886, 1123, 29929, 1251, 29928, 29881, 29934, 5454, 29926, 29941, 29895, 29968, 29890, 29895, 5773, 29928, 7283, 29953, 517, 7659, 20571, 29902, 455, 8851, 29925, 29946, 3421, 29875, 3410, 29924, 29954, 29916, 29900, 29914, 29900, 29915, 13, 1678, 525, 29984, 29916, 29941, 29933, 29953, 2776, 29925, 29916, 29877, 29946, 29890, 29900, 29941, 4975, 29923, 29968, 29963, 29929, 17618, 29953, 29885, 29931, 29984, 29990, 492, 29945, 7024, 29907, 29955, 29945, 29890, 29900, 29914, 29984, 29880, 29954, 29953, 29900, 29926, 29999, 29894, 29946, 23310, 29955, 29963, 15860, 29885, 29990, 29914, 29881, 29941, 29907, 29926, 29941, 29893, 29967, 29887, 29902, 329, 29947, 25951, 29963, 29934, 29885, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29893, 29903, 2273, 1324, 29926, 5693, 9207, 29968, 29914, 29885, 29954, 29902, 29878, 446, 29947, 29950, 29953, 29926, 29896, 29934, 4316, 29947, 7262, 1177, 6259, 29926, 29979, 29877, 29924, 29873, 29974, 1177, 29965, 29888, 29902, 29984, 29947, 29872, 29940, 29895, 29933, 29999, 12809, 29906, 29909, 29955, 14246, 29956, 29895, 1164, 29947, 29926, 29956, 29963, 29878, 29963, 29984, 29946, 24349, 29890, 29915, 13, 1678, 525, 29920, 29928, 29967, 2544, 29911, 29999, 18276, 29941, 29925, 29984, 29902, 29896, 29941, 29941, 29907, 29947, 29945, 29990, 29946, 29933, 29885, 29896, 29882, 29999, 29883, 12739, 29984, 29990, 29896, 10593, 29947, 29933, 29990, 29902, 17303, 3629, 29984, 29906, 29902, 29945, 10403, 440, 1557, 29911, 29953, 29887, 558, 29894, 29909, 29947, 29953, 29888, 29979, 29926, 29906, 29941, 29947, 29954, 29876, 29920, 29946, 29886, 29979, 29906, 29915, 13, 1678, 525, 29890, 29931, 29885, 29953, 3904, 29946, 29876, 5592, 29974, 29946, 29906, 29894, 29928, 29967, 29902, 29877, 29939, 8187, 29943, 29979, 29940, 29979, 29907, 2882, 29954, 29887, 29911, 29946, 22716, 29873, 29953, 29900, 29979, 29887, 29999, 5850, 29881, 29906, 29872, 8979, 29875, 29941, 29979, 29925, 1315, 29940, 29881, 29947, 828, 29974, 29968, 28463, 361, 29999, 29947, 29880, 29974, 29956, 29877, 29924, 29212, 29902, 29915, 13, 1678, 525, 29880, 29943, 29946, 29979, 29900, 29893, 29963, 29953, 29954, 29953, 29896, 29875, 29928, 29891, 29916, 3844, 29945, 29965, 267, 29891, 29945, 29882, 29911, 29974, 29945, 29911, 29954, 29979, 29877, 16036, 3352, 29934, 29879, 7141, 3035, 29902, 29947, 328, 29946, 12182, 29895, 29979, 29877, 29733, 3210, 29887, 29928, 29967, 29914, 29916, 29900, 29907, 17472, 29873, 29914, 29920, 6321, 29907, 29967, 29895, 29933, 29990, 29915, 13, 1678, 525, 29929, 10593, 29929, 29955, 29954, 29906, 29895, 29941, 26753, 7730, 9970, 3044, 29909, 29896, 29877, 29906, 29881, 29963, 29881, 29945, 29984, 29954, 29882, 29925, 29900, 29914, 2891, 29916, 29946, 29984, 29974, 29876, 5607, 29890, 29950, 29965, 29916, 29968, 29902, 12981, 29946, 29907, 29906, 2182, 335, 29947, 29945, 2395, 29888, 29903, 7241, 29906, 29920, 29931, 29896, 9837, 29906, 29929, 29896, 29950, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 2525, 29963, 29929, 24381, 10749, 833, 29888, 29906, 29990, 1137, 29974, 29906, 29911, 3637, 29906, 29900, 29940, 29881, 29929, 29968, 29954, 29887, 10403, 29968, 3035, 29667, 29926, 29979, 29909, 29906, 7466, 9048, 19296, 28887, 29947, 29891, 4986, 29891, 29967, 29894, 974, 29941, 29934, 29876, 29925, 29941, 29940, 29906, 9026, 17115, 29900, 29890, 29931, 29873, 29928, 29876, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29928, 29929, 29925, 29881, 412, 29894, 29907, 29900, 29890, 29933, 29890, 29895, 593, 26270, 11601, 29894, 29974, 29926, 29923, 29909, 29884, 23189, 8673, 29886, 5971, 29956, 29941, 29990, 29880, 29945, 29939, 29877, 17080, 29877, 29965, 29965, 29894, 29900, 29884, 29984, 29882, 29895, 29925, 7024, 29984, 29974, 29881, 2120, 29953, 29974, 29925, 29946, 29909, 29974, 29946, 29606, 16103, 566, 13308, 29915, 13, 1678, 525, 29990, 16099, 29941, 29900, 29880, 29906, 29963, 4270, 7241, 29949, 29896, 1111, 29956, 29891, 29939, 29879, 29946, 29953, 29873, 22192, 29906, 29900, 29896, 29882, 29979, 1022, 29974, 1758, 29920, 29968, 29974, 29895, 29968, 29974, 29984, 12916, 6272, 29907, 29967, 29920, 29880, 29984, 29881, 29914, 3960, 29893, 29949, 29953, 29914, 29902, 29874, 28462, 29914, 29990, 29931, 29945, 29974, 28463, 29946, 5194, 29915, 13, 1678, 525, 29906, 29941, 29939, 29882, 29979, 29872, 29950, 29979, 29933, 29885, 29920, 4897, 29900, 29882, 593, 29947, 29902, 29950, 29906, 29879, 29967, 1349, 29926, 29946, 29943, 29929, 29893, 29979, 29967, 29875, 29999, 11093, 1525, 6448, 4519, 29955, 29878, 2120, 29979, 8456, 29963, 29890, 29953, 29920, 29894, 29949, 29891, 29968, 29882, 2008, 6026, 29974, 29934, 29882, 29965, 29900, 29877, 29968, 29895, 29984, 29878, 29924, 22208, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 29958, 1817, 29984, 29882, 29953, 26735, 29941, 29886, 29956, 29979, 29909, 29974, 29891, 29888, 29914, 29923, 1764, 5688, 29946, 29933, 29955, 29875, 29968, 1416, 29893, 27418, 29896, 29879, 29946, 29940, 29968, 29941, 29929, 6247, 29999, 29902, 26828, 29914, 29911, 29883, 29984, 307, 29940, 29945, 29903, 29916, 29896, 29877, 29903, 29890, 29963, 29883, 29990, 2891, 29895, 29915, 13, 1678, 525, 29974, 29967, 29950, 29947, 29946, 5005, 1389, 29984, 20571, 26788, 2236, 29929, 29941, 29984, 29955, 29954, 29968, 29926, 26477, 29907, 29941, 29920, 29906, 25598, 29929, 7516, 29926, 6247, 29911, 29955, 29946, 29963, 13891, 29945, 29907, 29999, 15755, 3289, 2239, 29945, 801, 29916, 29968, 9800, 20938, 2904, 29999, 5750, 29949, 29963, 29893, 29933, 29920, 29945, 29984, 29915, 13, 1678, 525, 29884, 29903, 1525, 3844, 29876, 29979, 29878, 29900, 29945, 1660, 29963, 1164, 29931, 16865, 29967, 29934, 4421, 29929, 26788, 29902, 29882, 29902, 29896, 29896, 446, 29924, 29895, 695, 582, 29909, 29914, 29885, 29928, 29955, 29979, 29872, 29906, 29880, 16048, 29911, 29965, 29884, 29954, 29896, 29933, 29893, 29902, 29890, 29939, 13778, 29884, 29928, 29887, 29886, 29946, 29924, 29953, 29940, 29879, 29965, 348, 29915, 13, 1678, 525, 29891, 29974, 335, 29933, 29876, 1516, 29939, 29887, 29990, 29939, 3905, 29874, 29967, 29891, 29946, 29878, 29940, 29881, 29999, 29928, 5773, 29875, 29931, 3217, 29906, 29876, 29945, 29941, 29926, 29934, 29873, 29900, 29890, 29920, 29984, 29916, 29979, 29946, 29963, 29880, 13308, 29979, 29945, 29946, 29923, 8071, 29896, 29906, 29947, 29945, 29979, 397, 29947, 29894, 14632, 29943, 1032, 29903, 10351, 7077, 29934, 29886, 29915, 13, 1678, 525, 29876, 29907, 29979, 29999, 29893, 29965, 6814, 29990, 8456, 20166, 29876, 29965, 29990, 29923, 29929, 29945, 29877, 29984, 29895, 29949, 7818, 3624, 29878, 22230, 566, 29882, 5098, 3083, 29979, 29877, 29955, 517, 29902, 4574, 572, 29933, 29967, 29956, 4462, 29945, 29914, 29968, 11490, 2544, 459, 29928, 3274, 24895, 29886, 29939, 29881, 29984, 29950, 29941, 1022, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 29958, 13, 1678, 525, 4819, 11671, 29999, 3557, 29963, 29891, 9415, 29953, 29979, 9415, 24494, 29887, 29886, 29974, 29916, 29907, 29955, 361, 29990, 29893, 29903, 29939, 29882, 29949, 15789, 29968, 29924, 29943, 29941, 29911, 29873, 15715, 29965, 29906, 5425, 29886, 29939, 29900, 26012, 29984, 13668, 29884, 6632, 29946, 29933, 10358, 29888, 397, 29900, 29928, 29896, 29968, 29900, 29894, 29886, 29940, 29886, 29946, 29911, 29915, 13, 1678, 525, 29949, 29990, 600, 29907, 29947, 29900, 2838, 29894, 29984, 29874, 29990, 24460, 29900, 336, 29947, 8949, 29893, 29946, 29887, 29990, 29881, 29974, 29999, 29873, 29929, 29883, 29925, 29953, 29894, 29895, 29941, 29894, 29924, 29968, 29896, 29990, 29939, 29953, 1028, 14995, 29885, 29984, 29916, 29885, 407, 29888, 2208, 29909, 283, 29923, 29874, 29963, 29946, 29906, 29891, 29947, 29947, 29916, 833, 29950, 786, 29915, 13, 1678, 525, 29974, 13079, 29884, 29931, 29946, 29953, 29885, 5091, 29953, 29920, 29883, 29933, 29876, 29894, 29965, 29884, 1519, 29873, 29979, 15860, 29890, 29911, 29916, 29906, 29890, 29906, 7390, 29953, 388, 1341, 3274, 29931, 9485, 10844, 29933, 29886, 29914, 16359, 29894, 29974, 16786, 29990, 29967, 29934, 29882, 29967, 29878, 29979, 29885, 29900, 29940, 29945, 29903, 29999, 1799, 29893, 29926, 29928, 29967, 29873, 29896, 29915, 13, 1678, 525, 9980, 29939, 29968, 29967, 1794, 29955, 29939, 29876, 29947, 29890, 29920, 29926, 29968, 29879, 29979, 29933, 29911, 29929, 29947, 29946, 4037, 29874, 29941, 29894, 29941, 29895, 2397, 29940, 29941, 29916, 29963, 29873, 8456, 29955, 29984, 4501, 29941, 10593, 582, 29914, 29891, 29953, 2214, 18510, 6604, 29955, 29874, 29950, 29884, 29896, 29879, 29947, 9219, 26433, 29953, 29943, 29873, 29945, 29968, 29929, 29895, 29915, 13, 1678, 525, 23521, 29946, 3410, 29877, 29914, 29902, 29916, 29894, 29929, 29941, 29934, 29933, 29906, 29879, 29903, 29887, 12665, 29876, 29933, 29953, 29894, 29953, 29878, 29900, 29872, 29946, 29979, 29886, 29934, 29933, 29893, 29934, 344, 29968, 305, 29896, 29923, 29941, 20938, 29895, 29926, 29882, 29949, 29891, 29941, 29945, 29924, 29885, 29926, 29896, 29924, 29884, 29967, 29963, 29884, 359, 29880, 3352, 29891, 3068, 29943, 29881, 29943, 29954, 29915, 13, 1678, 525, 29902, 29929, 29906, 29907, 29955, 29923, 4519, 4574, 29955, 12064, 29974, 29946, 29874, 1038, 12750, 17608, 7228, 29916, 29893, 29956, 29883, 29925, 29947, 29931, 29893, 29954, 29955, 29882, 29916, 29945, 1182, 29963, 29883, 29954, 29984, 5425, 29875, 29955, 29968, 29879, 29923, 29902, 29900, 29877, 29931, 29950, 29967, 29943, 29895, 29967, 29968, 29926, 29979, 29956, 29883, 29914, 29880, 29883, 29906, 29890, 2477, 29885, 29925, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29873, 29967, 29940, 21474, 22833, 29931, 29967, 27049, 22638, 9486, 29990, 29893, 29999, 29890, 29979, 29893, 21066, 29916, 279, 29909, 29974, 29907, 2951, 29974, 29903, 29967, 29876, 24495, 407, 29880, 29907, 25039, 29974, 29893, 29929, 29874, 29956, 29933, 5690, 29946, 29887, 29931, 29879, 29941, 29884, 29943, 29926, 29914, 29916, 29924, 29875, 29946, 29887, 29965, 2918, 29955, 29876, 29947, 29907, 29873, 29915, 13, 1678, 525, 12197, 29929, 29968, 10351, 29947, 29945, 29939, 29990, 29941, 29878, 29990, 8016, 17870, 1129, 29900, 29926, 19737, 12513, 29929, 29883, 29945, 29939, 29916, 12881, 29914, 29929, 29934, 29956, 29873, 29914, 29876, 29911, 29874, 29911, 29941, 29954, 29968, 29873, 29984, 29945, 29883, 29974, 29876, 15860, 7239, 29933, 29914, 29896, 29947, 8809, 29954, 29916, 29887, 2797, 12197, 29891, 8700, 29929, 29924, 29915, 13, 1678, 525, 14388, 29929, 12696, 9485, 29902, 7838, 29894, 29955, 29885, 7466, 29979, 3912, 29955, 29939, 29999, 29874, 29934, 29888, 29968, 29879, 29925, 29914, 29886, 29943, 29887, 2208, 29916, 5601, 29946, 29925, 29929, 29878, 797, 29929, 29965, 29884, 29955, 29914, 12809, 29906, 29887, 29990, 492, 11868, 29911, 1022, 29924, 29943, 29999, 29887, 29925, 29888, 29984, 29903, 29888, 29999, 29979, 29907, 823, 29999, 29915, 13, 1678, 525, 29880, 29920, 29928, 29954, 29916, 5838, 29888, 29933, 29924, 3459, 29877, 8426, 29984, 29888, 29896, 29963, 29882, 29984, 29882, 29931, 29990, 29999, 29956, 29906, 29879, 29911, 29887, 400, 29947, 29979, 29931, 29890, 29979, 10051, 29893, 29890, 29907, 16838, 29894, 29941, 13282, 29939, 29886, 29924, 29963, 29965, 3267, 29947, 9606, 29884, 4178, 29968, 29873, 29887, 29953, 29929, 29946, 29974, 29965, 29953, 29900, 29924, 29896, 29907, 29915, 13, 1678, 12801, 10818, 29958, 29963, 29931, 29946, 29999, 29940, 29880, 21257, 29933, 29967, 29925, 29984, 29940, 29888, 1660, 29900, 29876, 29945, 3660, 29931, 29953, 29900, 1682, 29945, 29949, 2536, 20321, 29967, 29979, 29916, 29929, 29946, 29890, 29907, 29883, 29950, 29940, 29945, 29914, 29934, 29984, 2918, 29955, 2687, 29963, 29954, 29916, 29931, 29896, 29947, 29874, 3557, 4421, 29934, 29939, 23097, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29956, 29939, 29914, 29909, 29999, 774, 29984, 29900, 29875, 29963, 29872, 29965, 1365, 29946, 29909, 29946, 29999, 29884, 29950, 29896, 29909, 29979, 29939, 29878, 29963, 29953, 29887, 17061, 29955, 29876, 29896, 29943, 29979, 29931, 2423, 29874, 29979, 23189, 29956, 29876, 29926, 29896, 29953, 29874, 14345, 29895, 29929, 29931, 21478, 29955, 16838, 29874, 29934, 29945, 29873, 29929, 2236, 29999, 29916, 29934, 29956, 3358, 3210, 29915, 13, 1678, 525, 18567, 29990, 29955, 29939, 29890, 29893, 29909, 15715, 29979, 29881, 22498, 29984, 1175, 29911, 29940, 29974, 25598, 29941, 29949, 29875, 29933, 29906, 29953, 29940, 26770, 29990, 29873, 29947, 29884, 17618, 29967, 29928, 3308, 29876, 29902, 29974, 29950, 29896, 29945, 29911, 29954, 29943, 29893, 29968, 29888, 29894, 20571, 29906, 29941, 3146, 29946, 29909, 29974, 29928, 29873, 29911, 8809, 29923, 29929, 29940, 29924, 29941, 29915, 13, 1678, 525, 29979, 29890, 29893, 29945, 29906, 1299, 29949, 14769, 5617, 29900, 29906, 29900, 12932, 6271, 29953, 29940, 1335, 29974, 29949, 299, 29940, 29891, 29896, 29880, 12064, 29900, 29990, 29984, 29950, 29999, 29924, 29873, 29999, 324, 11912, 29906, 29929, 18564, 29885, 25039, 29888, 29954, 29967, 29955, 29900, 29920, 29963, 16748, 8456, 29933, 29929, 29900, 29963, 29990, 3782, 29954, 29920, 5098, 29915, 13, 1678, 525, 29894, 10234, 2190, 29941, 29934, 29873, 29914, 29943, 29891, 29967, 9144, 29931, 893, 29888, 29923, 29955, 29965, 22381, 29979, 29947, 20778, 29939, 29903, 29926, 29896, 29888, 17599, 12665, 29926, 29900, 29941, 29883, 29896, 29920, 29984, 29875, 19988, 5601, 29888, 9026, 29881, 22192, 29941, 29947, 29956, 29883, 29931, 11256, 29907, 29999, 29893, 29954, 29974, 3927, 29877, 29925, 29876, 29974, 29875, 29933, 29915, 13, 1678, 525, 29884, 29953, 29968, 29914, 29893, 29947, 29882, 29928, 29884, 29984, 10262, 29896, 29940, 21935, 3112, 29954, 1988, 29914, 29974, 29946, 29902, 29984, 29891, 29967, 29934, 29953, 29907, 29916, 29931, 29900, 29929, 29929, 29923, 29968, 3738, 29914, 29924, 29873, 29943, 7141, 6344, 29946, 29925, 29906, 29872, 29943, 29963, 4375, 29956, 29979, 1718, 29895, 29926, 29903, 29939, 29946, 29923, 29920, 29900, 29926, 29955, 2059, 29894, 29911, 29915, 13, 1678, 525, 29893, 29890, 29999, 29990, 29949, 29990, 29945, 29968, 29963, 29956, 29916, 29943, 29979, 29906, 29931, 29926, 29940, 29939, 29887, 29984, 29928, 29929, 29979, 29946, 834, 13801, 29979, 29883, 3210, 29920, 29941, 29923, 29872, 29954, 29955, 29984, 29920, 29878, 29949, 29967, 29939, 29953, 29931, 29887, 29926, 786, 9415, 29939, 29974, 3267, 29974, 29926, 29990, 29967, 29984, 29950, 7297, 23799, 29885, 29945, 29967, 2241, 29894, 29886, 29902, 29915, 13, 1678, 525, 29885, 29926, 29945, 6321, 3624, 29974, 2120, 1794, 7999, 29956, 823, 29893, 29887, 29990, 29931, 29990, 29926, 29887, 5690, 29939, 29934, 29900, 3644, 29926, 29940, 29895, 29924, 29990, 29928, 29967, 29900, 29956, 29733, 16036, 29920, 29931, 29879, 29902, 29914, 29920, 29956, 29895, 29941, 29873, 18426, 2901, 5425, 29886, 29926, 28695, 561, 12982, 29882, 29888, 29967, 27590, 29894, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29946, 1817, 29968, 29911, 29946, 17843, 29884, 572, 29974, 29888, 29896, 29953, 29926, 7811, 29946, 29924, 29906, 29880, 29984, 29924, 29894, 29894, 17628, 3749, 29909, 29979, 29955, 29947, 29923, 29902, 29874, 29931, 29876, 7811, 29893, 29924, 29945, 29946, 29878, 29941, 29914, 3459, 29893, 29965, 29999, 29880, 29984, 29894, 29946, 29880, 29955, 29909, 29967, 29950, 3035, 29883, 29984, 29974, 572, 29954, 29886, 29893, 29943, 29915, 13, 1678, 525, 29954, 29968, 1519, 29990, 29888, 567, 29929, 29924, 359, 29946, 29877, 29990, 29880, 29900, 29895, 845, 29880, 29941, 29940, 1145, 29933, 347, 2543, 29990, 29914, 29882, 29895, 9048, 29923, 29894, 29914, 294, 29916, 29895, 29888, 29906, 29946, 4668, 29906, 3594, 29999, 29926, 29891, 29894, 29999, 29956, 15349, 29890, 10699, 29891, 29999, 29877, 29956, 1430, 29903, 29894, 3904, 29886, 29915, 13, 1678, 8207, 1537, 29990, 29896, 29891, 29894, 29924, 29947, 1579, 29896, 29890, 2227, 29929, 29924, 29941, 29895, 29945, 29884, 29934, 29963, 29965, 13975, 29953, 29894, 29911, 29939, 29879, 29900, 29877, 29967, 29990, 29877, 29941, 29963, 29990, 29929, 16036, 29920, 29887, 29968, 29883, 29902, 29893, 29902, 29945, 29945, 29877, 29954, 29928, 29953, 29933, 29946, 29924, 29879, 29999, 517, 29896, 29999, 29934, 29906, 29906, 29990, 29885, 29900, 29924, 29947, 29934, 29940, 29915, 13, 1678, 525, 29945, 29900, 29943, 29877, 29974, 29925, 29906, 24381, 29974, 29968, 29885, 29941, 29955, 29940, 29945, 1251, 29943, 29947, 29873, 2252, 29920, 29916, 29885, 29990, 29896, 561, 17870, 7838, 29974, 29894, 29963, 29990, 29933, 29890, 29929, 29968, 29894, 29979, 29876, 8849, 361, 29914, 29967, 29945, 29939, 29945, 29940, 29920, 19046, 29906, 29907, 29926, 29925, 3338, 29956, 29999, 29979, 29916, 29955, 29876, 14769, 29955, 29940, 29915, 13, 1678, 525, 25639, 7912, 29956, 29926, 29974, 29999, 29894, 29965, 29941, 567, 29891, 29955, 9980, 29956, 28462, 19903, 2772, 29967, 29900, 29570, 29968, 4345, 26433, 1123, 29925, 29893, 29968, 29733, 24281, 23579, 29895, 29955, 29955, 29916, 29931, 29886, 29940, 29873, 29946, 29875, 29950, 1129, 29914, 566, 1193, 29939, 29900, 29891, 29896, 29953, 29990, 9588, 29933, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 529, 10818, 16299, 13, 1678, 525, 29872, 6905, 29926, 29916, 29906, 29984, 29916, 29950, 29886, 29949, 29974, 29967, 2887, 29941, 29949, 6096, 29881, 29907, 18091, 23189, 1983, 29941, 29900, 29933, 29929, 29945, 29877, 29907, 29916, 29909, 7262, 440, 29943, 13356, 29943, 29900, 29990, 29873, 29945, 809, 29895, 29914, 29934, 29900, 29963, 29886, 29929, 29875, 29990, 29928, 331, 29896, 29926, 29900, 29974, 4330, 29895, 801, 15633, 29876, 29915, 13, 1678, 525, 29953, 29974, 1481, 29931, 2776, 29926, 29999, 29940, 6039, 29876, 29940, 1193, 29999, 29902, 19046, 29882, 29928, 29941, 29931, 29954, 29890, 29925, 29895, 29946, 29914, 29888, 29945, 29950, 1516, 2252, 2797, 29931, 29888, 29946, 854, 29886, 29933, 29920, 29902, 29896, 29949, 29920, 29900, 29885, 29888, 29931, 29896, 12188, 29879, 29929, 29916, 29933, 29956, 29956, 29875, 29974, 29893, 29903, 29914, 29940, 29920, 29894, 29888, 29915, 13, 1678, 525, 29911, 29965, 29939, 29891, 29931, 29963, 29883, 328, 29893, 29941, 29990, 29903, 29939, 303, 29963, 29953, 29943, 5673, 14345, 29891, 29949, 29902, 29900, 29947, 29941, 29876, 21908, 29953, 10358, 29888, 13308, 29947, 29929, 29949, 29872, 29928, 12427, 29926, 29934, 1682, 18510, 29884, 29979, 29929, 29891, 29953, 24768, 29974, 29914, 29880, 3174, 600, 29911, 29876, 29895, 8050, 4806, 29920, 29896, 29915, 13, 1678, 12801, 10818, 20690, 29966, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29893, 29902, 29916, 5971, 2067, 29949, 264, 29886, 29893, 29929, 17472, 29939, 29956, 9144, 29926, 29955, 29902, 567, 29979, 16903, 29943, 29979, 29891, 29900, 29984, 262, 26433, 29955, 29954, 29906, 29890, 26322, 29900, 29900, 29939, 29946, 29941, 7390, 29941, 29934, 29955, 29943, 29953, 1744, 29906, 29979, 29929, 7210, 29900, 29873, 29963, 29879, 29999, 29916, 29925, 9980, 29896, 29949, 29939, 29916, 29915, 13, 1678, 525, 29946, 6156, 6814, 29945, 29880, 2887, 29887, 29934, 29933, 29885, 431, 29929, 29890, 29963, 29906, 29956, 29873, 5617, 29954, 29893, 7508, 21908, 29926, 29990, 29880, 29924, 6814, 29929, 809, 26330, 29926, 29967, 29925, 29886, 29941, 29990, 29888, 29920, 29880, 2502, 29896, 29914, 29909, 29895, 29888, 29933, 29963, 29953, 29885, 29903, 29881, 5773, 29974, 4198, 29949, 29954, 29880, 29888, 10526, 29915, 13, 1678, 525, 5773, 2423, 9472, 29874, 29990, 29945, 29928, 29887, 29894, 29893, 12427, 29873, 29954, 29914, 29956, 6670, 29990, 28463, 29946, 29947, 29999, 29914, 29911, 4375, 29953, 29955, 24381, 29895, 29519, 29947, 5661, 28879, 29955, 29887, 29990, 801, 15866, 26664, 19920, 29902, 29939, 29954, 29953, 29888, 1888, 29895, 3521, 29943, 593, 29894, 29925, 29890, 29955, 29949, 2397, 29915, 13, 1678, 525, 29891, 29933, 29974, 29946, 29955, 629, 3738, 29947, 10764, 29929, 29999, 29945, 459, 1537, 29945, 29968, 29888, 29967, 29950, 29968, 29877, 29934, 29883, 29984, 29924, 29888, 29954, 1129, 29945, 29940, 3352, 29955, 29893, 29943, 29914, 29878, 29940, 29945, 29955, 29956, 1983, 29945, 29873, 29933, 29941, 29954, 29967, 29953, 29876, 29950, 5098, 1365, 29968, 6545, 29931, 29881, 11341, 352, 29911, 29885, 29940, 29915, 13, 1678, 525, 29873, 29965, 29946, 29893, 29911, 11023, 29923, 29882, 29943, 29877, 29953, 29945, 29925, 29895, 29906, 29940, 29939, 29928, 29984, 14816, 328, 10051, 29916, 29887, 2544, 29941, 29894, 29909, 29949, 29902, 29890, 29984, 29953, 29876, 29967, 29906, 29934, 29953, 10764, 29955, 29979, 2797, 1756, 29880, 6059, 29907, 29979, 29916, 29885, 29926, 29954, 29990, 29891, 29933, 2687, 29920, 29933, 29945, 29950, 29947, 29884, 29963, 29906, 29956, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29999, 29877, 29933, 1335, 29909, 29941, 29928, 29906, 29999, 29883, 29974, 29903, 29946, 29947, 29895, 29963, 29893, 29990, 29874, 29949, 29929, 29940, 557, 29911, 455, 29882, 808, 29984, 29933, 29955, 29888, 6925, 29894, 29931, 9708, 29878, 29903, 29906, 29939, 8754, 29990, 29900, 29903, 29914, 29949, 29902, 29875, 29955, 13695, 29950, 29916, 29907, 1516, 29896, 29933, 24704, 29967, 29946, 29895, 29968, 29873, 29909, 29947, 29915, 13, 1678, 525, 6156, 29883, 29945, 29886, 29911, 29999, 29880, 29945, 29925, 29941, 29984, 29872, 29914, 29907, 2901, 29903, 6530, 29886, 29949, 407, 29896, 29891, 29924, 29953, 29896, 7982, 3660, 29872, 27838, 29911, 12443, 29947, 29956, 3352, 29903, 336, 29903, 29878, 29934, 29893, 29946, 2460, 29949, 13308, 29902, 5098, 29933, 29895, 29943, 29968, 29890, 2239, 8673, 29906, 29934, 29929, 29881, 29955, 29925, 29915, 13, 1678, 525, 25598, 29928, 29920, 29906, 7230, 29934, 29929, 29926, 29900, 29945, 29872, 29974, 29950, 29939, 29914, 29891, 29929, 7730, 29890, 29946, 29967, 29891, 29929, 29894, 29947, 29906, 29945, 29943, 29968, 29894, 29974, 29931, 29893, 29934, 16440, 29519, 4096, 29887, 29940, 29924, 29955, 29876, 29954, 485, 615, 1783, 29873, 29984, 29954, 29896, 29941, 29955, 29920, 29990, 3557, 698, 29940, 29888, 29895, 29947, 29956, 23097, 13, 1678, 525, 29875, 29947, 29967, 398, 29924, 29887, 29990, 29946, 29894, 29931, 29920, 29934, 29956, 15868, 29883, 18454, 29907, 29920, 29940, 29950, 5444, 3210, 11191, 29929, 6834, 29900, 29877, 29963, 29878, 29956, 29926, 29940, 29926, 29947, 29947, 29928, 29900, 29968, 29934, 329, 29911, 29896, 29956, 29881, 485, 29929, 29894, 29940, 29956, 29873, 29914, 434, 17080, 29955, 29906, 9998, 29979, 29967, 29883, 29941, 29941, 29915, 13, 1678, 525, 29928, 29979, 29965, 29956, 2687, 29878, 29984, 17367, 29896, 29999, 29945, 29965, 29880, 28462, 29955, 1579, 29979, 29888, 29953, 2288, 29891, 29941, 6259, 29979, 29900, 7520, 29894, 29999, 29963, 1307, 6096, 29894, 5194, 29955, 29874, 29953, 29914, 29324, 29928, 12513, 29895, 29911, 29941, 17115, 29943, 29906, 24898, 29880, 29928, 29883, 29965, 29881, 29914, 18276, 29941, 29949, 29906, 29916, 29876, 29915, 13, 1678, 525, 29874, 29965, 29941, 1579, 29926, 29914, 29953, 29926, 29946, 29903, 29929, 29947, 29873, 29999, 29916, 29895, 29939, 29903, 29906, 29872, 29950, 29940, 29894, 29906, 29907, 5800, 29979, 29990, 29877, 29896, 29875, 29974, 19046, 29947, 29880, 29888, 29914, 29933, 29920, 29940, 4415, 25621, 29955, 29896, 29963, 29890, 29934, 5824, 1799, 29949, 29945, 29895, 29965, 29955, 29884, 29929, 29956, 6271, 29896, 29924, 29947, 29900, 29954, 1484, 29920, 29915, 13, 1678, 525, 29911, 2212, 29967, 29888, 29946, 29926, 29955, 29955, 29934, 29967, 29887, 29965, 29896, 29896, 29946, 29893, 29883, 29946, 1635, 29920, 29954, 29974, 29926, 29968, 29877, 2110, 29939, 29916, 1609, 29894, 1744, 29896, 1794, 29896, 29881, 29946, 29872, 29955, 29886, 29945, 29955, 1332, 4099, 29955, 29893, 21685, 3338, 29974, 29947, 29877, 29967, 29896, 29923, 387, 29984, 28062, 29939, 29926, 16240, 8848, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29928, 29953, 29984, 29984, 29894, 2409, 1193, 29896, 29887, 29945, 29887, 29925, 29984, 29968, 29890, 5688, 29926, 29920, 29883, 29903, 29984, 29945, 29949, 29947, 29894, 29914, 29934, 359, 29878, 18426, 29875, 29968, 29953, 29974, 7707, 29886, 629, 29880, 29883, 29903, 328, 29954, 29974, 17080, 567, 29949, 29916, 29963, 29956, 29949, 29967, 29911, 29881, 29929, 29929, 29979, 2429, 29883, 29965, 29896, 29903, 29915, 13, 1678, 525, 29906, 29914, 29880, 29974, 29884, 29984, 11023, 29876, 29902, 29875, 29945, 29884, 29896, 29890, 29914, 29954, 29946, 29967, 29893, 29911, 29947, 29873, 29911, 29896, 29950, 6259, 29956, 29896, 29929, 29928, 29885, 29896, 29894, 29906, 29890, 29950, 29924, 29955, 29940, 486, 29968, 911, 29900, 29925, 629, 19558, 12982, 29984, 29979, 29954, 29926, 29924, 29967, 10749, 29895, 29946, 29940, 29900, 29925, 16865, 29945, 29885, 29882, 29929, 29979, 29915, 13, 1678, 525, 29881, 29999, 327, 29967, 29953, 29934, 29968, 29967, 14047, 29926, 29956, 29931, 29950, 29974, 29880, 329, 29925, 1988, 29894, 1367, 29872, 29900, 17303, 29890, 29947, 6727, 29916, 2227, 4912, 13208, 9486, 29941, 13207, 29953, 29923, 29895, 29990, 29909, 29946, 29887, 29924, 29929, 29929, 29947, 29934, 6008, 26067, 28466, 29974, 29963, 29884, 29902, 29872, 29963, 29945, 29923, 29900, 29878, 29915, 13, 1678, 525, 29902, 29894, 29965, 29894, 29893, 3112, 29880, 786, 29974, 29884, 15631, 29990, 29947, 29896, 12328, 29914, 29955, 29954, 1182, 16748, 29902, 29967, 29926, 29968, 29900, 29955, 29984, 29925, 29929, 29968, 29906, 4590, 29873, 29943, 29887, 29953, 29878, 29900, 3634, 29943, 29890, 29953, 29929, 29953, 26453, 29999, 29896, 29929, 29875, 29906, 29926, 29943, 29888, 21685, 29945, 29956, 29979, 29880, 29947, 29939, 29965, 29884, 10051, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29907, 1817, 29875, 29903, 4861, 29882, 29945, 29941, 29883, 29947, 29941, 29923, 29956, 29894, 29924, 29896, 370, 7982, 29946, 29914, 29966, 10818, 29958, 29872, 29968, 29968, 4501, 29900, 17080, 29920, 29979, 29954, 29999, 29874, 26461, 29967, 29950, 29990, 29907, 2543, 29943, 29915, 13, 1678, 525, 29906, 272, 29893, 29963, 3410, 29924, 4051, 29966, 10818, 29958, 29884, 29984, 29924, 29950, 29887, 698, 29895, 387, 29934, 29900, 18800, 2890, 29963, 29953, 29907, 29984, 29946, 4090, 29929, 29979, 29943, 29916, 29974, 29953, 29990, 29877, 13208, 29872, 29965, 29974, 29885, 29967, 29874, 29967, 29956, 29955, 29949, 29946, 29879, 29923, 29873, 29915, 13, 1678, 525, 7210, 29924, 29943, 29884, 29939, 29876, 29907, 29999, 29954, 29880, 29906, 29965, 4378, 29925, 1193, 16434, 18009, 29929, 29940, 29896, 1204, 29968, 29940, 18653, 29929, 29924, 29894, 29968, 29914, 29876, 29941, 29967, 29947, 29882, 29956, 25051, 29900, 3116, 29949, 4378, 29895, 29990, 29890, 29950, 29895, 29990, 7451, 29999, 29929, 29955, 29878, 29979, 29914, 29953, 29926, 29945, 29941, 25500, 7262, 29915, 13, 1678, 525, 29990, 29950, 15789, 29929, 29967, 29945, 11007, 29949, 29945, 29891, 29896, 29881, 29946, 2901, 29956, 6821, 29934, 29875, 29934, 29879, 1718, 29956, 29893, 29939, 29900, 29990, 371, 29941, 29875, 29956, 29881, 29941, 29894, 29946, 29947, 29934, 29880, 29974, 29885, 1983, 4037, 29965, 509, 29953, 29896, 8851, 29943, 29941, 29950, 29914, 29893, 29953, 29945, 29999, 29928, 29946, 29967, 29926, 29967, 29878, 29963, 29895, 6739, 29915, 13, 1678, 525, 29947, 29882, 29950, 3557, 29929, 29879, 29914, 29947, 29894, 29887, 29955, 29909, 2204, 29906, 29887, 29949, 29920, 29887, 29911, 29879, 29947, 29939, 29999, 29956, 29881, 29956, 29876, 29900, 2272, 29929, 29883, 1519, 29900, 29881, 16048, 29933, 29881, 29953, 29974, 29963, 29874, 29900, 29939, 29928, 272, 12810, 29893, 29950, 29884, 29953, 29955, 29968, 17559, 29886, 29974, 29926, 29974, 29882, 29924, 29914, 3289, 29939, 29943, 29974, 29956, 29915, 13, 1678, 525, 29880, 29955, 26453, 29956, 7659, 29881, 29965, 29920, 29933, 5667, 29888, 29519, 29933, 7811, 29894, 29968, 29990, 29914, 29886, 29911, 29883, 29907, 29941, 29923, 29890, 29911, 29914, 29933, 29929, 29885, 29893, 29933, 29929, 29924, 29896, 29940, 29888, 29968, 29954, 29879, 29923, 29872, 29953, 29888, 29953, 29906, 8071, 29907, 29979, 29874, 29896, 29929, 29945, 29940, 29939, 29906, 29940, 29924, 29920, 26664, 29896, 29974, 29906, 687, 351, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29974, 29955, 29894, 29914, 5601, 29894, 29928, 5005, 29946, 29965, 29887, 29885, 29896, 2687, 29974, 29878, 29965, 29885, 29943, 29939, 29929, 13208, 29879, 29906, 29950, 4421, 29929, 14943, 29925, 29906, 29979, 15695, 29933, 5607, 2018, 29974, 29894, 4378, 29949, 29883, 29956, 29999, 29926, 29906, 29955, 29916, 29903, 29941, 400, 29879, 29902, 293, 29934, 284, 29883, 29949, 29883, 29926, 915, 29915, 13, 1678, 525, 11987, 29914, 29893, 29968, 29920, 29933, 29896, 29946, 29920, 29907, 29945, 29950, 29906, 29946, 29911, 29941, 29931, 29963, 19080, 29950, 29974, 29946, 29890, 29984, 22833, 29965, 29956, 29920, 2008, 29945, 29873, 29929, 29965, 7508, 29874, 29974, 29920, 29947, 29880, 29928, 29888, 29882, 29925, 4421, 29967, 29965, 29999, 29967, 29914, 29955, 23129, 21870, 12750, 29990, 29955, 2679, 29929, 29956, 29894, 29950, 29929, 6821, 29886, 29915, 13, 1678, 525, 29949, 4090, 29974, 29916, 29931, 9415, 12432, 29906, 29887, 16786, 29885, 29955, 29974, 29874, 29999, 29941, 29923, 29906, 29934, 29968, 16099, 29902, 4819, 29990, 29900, 29886, 29946, 29893, 3912, 2544, 29955, 29895, 29955, 29890, 1955, 29999, 29920, 29947, 13356, 29939, 29886, 29903, 13891, 29914, 29999, 29886, 29954, 324, 18567, 21314, 29956, 29874, 29900, 3927, 29884, 29945, 29999, 29902, 29916, 29915, 13, 1678, 12801, 10818, 29958, 29933, 29950, 29924, 29955, 29931, 29890, 29999, 29979, 29906, 29967, 29925, 29974, 20938, 29950, 5444, 29928, 29941, 29943, 18933, 29974, 29947, 21819, 20778, 5800, 29965, 29887, 3137, 13344, 29943, 29953, 29931, 29946, 29939, 29955, 29907, 29895, 29923, 29947, 3959, 29907, 29926, 29882, 29934, 29967, 29906, 29933, 29940, 29906, 29953, 29907, 29906, 29925, 29945, 1988, 29965, 29915, 13, 1678, 529, 10818, 29958, 29890, 29925, 29876, 20728, 29886, 29956, 29990, 29884, 29914, 29879, 29906, 29947, 29967, 29950, 21457, 29896, 29876, 29974, 28062, 29979, 29875, 29955, 29965, 29967, 29954, 29894, 29956, 466, 29873, 29906, 29900, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29974, 29896, 29895, 29946, 29920, 1123, 29929, 29894, 29900, 29941, 29925, 29920, 29907, 29955, 29924, 5659, 29953, 295, 29945, 29911, 29968, 1367, 5015, 1525, 29941, 18009, 823, 29878, 29955, 517, 29963, 6289, 29916, 29924, 29947, 29887, 29914, 8120, 29907, 29914, 29928, 29967, 29947, 29872, 11490, 29965, 11512, 29963, 29878, 29947, 29885, 29954, 29906, 29941, 29893, 29955, 29909, 29979, 1516, 29915, 13, 1678, 525, 29949, 29984, 29893, 29947, 29947, 29979, 29891, 29967, 29939, 24826, 29943, 29974, 29956, 29888, 20321, 29928, 17303, 2841, 29946, 29909, 29955, 29929, 7982, 8235, 5371, 29953, 29931, 7818, 29895, 29914, 13207, 345, 29943, 29884, 29914, 29941, 29999, 29885, 29940, 29974, 29925, 29896, 29895, 29939, 29920, 4353, 29974, 29941, 29911, 29965, 29947, 29914, 29890, 29686, 333, 29876, 29999, 29953, 1896, 29915, 13, 1678, 525, 29979, 29999, 29900, 4421, 29940, 5200, 29920, 29953, 29963, 417, 29956, 29979, 29984, 29984, 29984, 29940, 29914, 29965, 14438, 1806, 29956, 29886, 29923, 29914, 29949, 29941, 29990, 29999, 361, 29876, 29920, 29953, 29926, 4233, 29900, 29979, 29953, 29893, 29933, 29945, 29928, 29916, 347, 11490, 29947, 29920, 29903, 29888, 29911, 29887, 17870, 29946, 582, 4141, 29965, 29945, 29949, 29920, 29883, 29941, 29925, 29915, 13, 1678, 12801, 10818, 29958, 29953, 29968, 582, 3594, 5690, 29874, 29947, 29931, 29947, 29906, 29940, 29920, 29911, 29946, 29873, 29953, 29924, 29954, 29914, 29941, 29909, 29953, 29954, 29950, 29888, 29947, 29967, 774, 29949, 24666, 29950, 29974, 29945, 29920, 29894, 29945, 29891, 29979, 14345, 29974, 11197, 29906, 29933, 29947, 29950, 29945, 4881, 29946, 29875, 29906, 29946, 29916, 29903, 29946, 29990, 29906, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 529, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 14042, 29999, 29933, 29914, 29896, 29882, 9970, 29906, 29967, 29884, 29979, 29894, 29955, 2544, 29950, 29984, 29999, 29875, 29984, 29893, 29990, 29890, 29894, 415, 24826, 29967, 2536, 29895, 29929, 29934, 19737, 29940, 6008, 29893, 29896, 29926, 29990, 29984, 29946, 29890, 6905, 29946, 29990, 29914, 29926, 29953, 28600, 29946, 29950, 29945, 29890, 29929, 29939, 29894, 29984, 29941, 29882, 29896, 29914, 4345, 29947, 29909, 29916, 29915, 13, 1678, 525, 29891, 29906, 29907, 29920, 29923, 29974, 2891, 29883, 29906, 29924, 29900, 29949, 1181, 29967, 29900, 29979, 29955, 6289, 5779, 29914, 11490, 29895, 29920, 29883, 9837, 29925, 29929, 29894, 29893, 29999, 29914, 29967, 4668, 5819, 29888, 29882, 29920, 29888, 29894, 29967, 29906, 4090, 29878, 29911, 29967, 29974, 1175, 6816, 24126, 29949, 29929, 29906, 29888, 29907, 29941, 2891, 3594, 1181, 29915, 13, 1678, 12801, 10818, 20690, 29966, 10818, 29958, 29950, 29999, 29894, 29928, 29950, 29916, 28307, 29876, 29967, 29894, 29950, 29896, 29886, 29974, 29949, 962, 29955, 29924, 29929, 1516, 26735, 29886, 29953, 29999, 29916, 29894, 29968, 29881, 29925, 29920, 29940, 4375, 29883, 22208, 13, 1678, 525, 29926, 29947, 29947, 29956, 9415, 29953, 29920, 29890, 29953, 29888, 29934, 29955, 29955, 29979, 29911, 29914, 29903, 21908, 29946, 29906, 18933, 5971, 29879, 1537, 29933, 29968, 29920, 29928, 29941, 29873, 29923, 433, 29900, 29914, 7184, 25014, 29916, 26012, 29907, 29955, 29879, 6227, 2251, 29940, 29926, 29925, 29999, 29940, 15524, 29906, 29875, 29925, 375, 29955, 29974, 29968, 29956, 29945, 29895, 29888, 29920, 29915, 13, 1678, 525, 29943, 29974, 29979, 29884, 29906, 1022, 29876, 29947, 1182, 29896, 29925, 29974, 29955, 340, 29999, 29947, 29999, 29925, 29895, 29929, 29876, 29953, 29924, 29941, 29900, 29914, 29974, 29884, 5850, 29914, 29906, 29955, 29926, 29929, 8353, 262, 29939, 861, 29900, 29963, 29888, 29955, 29902, 29953, 29907, 29947, 14190, 5971, 6096, 29882, 29895, 3580, 29941, 8456, 29883, 6720, 29872, 29984, 11256, 29894, 29915, 13, 1678, 525, 29916, 29909, 6026, 29956, 29212, 29911, 4141, 29686, 29947, 29968, 29909, 11248, 29945, 29920, 29926, 29914, 29929, 29968, 29686, 29879, 29945, 29916, 16099, 17080, 271, 29928, 29926, 29896, 29875, 29940, 29999, 29999, 29967, 29941, 29903, 17367, 29945, 29984, 29874, 2797, 2891, 29887, 29916, 29967, 29943, 29893, 29929, 29933, 29896, 29999, 23066, 2096, 29945, 29872, 29956, 29999, 29894, 29906, 1460, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29990, 29929, 29873, 29924, 29896, 29924, 305, 8675, 29953, 29949, 1481, 29999, 29907, 29974, 29926, 29945, 29914, 12064, 29893, 29906, 3358, 29876, 29954, 29916, 29934, 2526, 1692, 29950, 29916, 29955, 15926, 29893, 29925, 29900, 29979, 1983, 29933, 29914, 29902, 29883, 29931, 1615, 335, 29911, 29941, 29999, 29902, 29890, 858, 29963, 29900, 29963, 29945, 29900, 10702, 29945, 29895, 29888, 29947, 29915, 13, 1678, 525, 29931, 26461, 3267, 29880, 17915, 28283, 29946, 29873, 29967, 29890, 21066, 29896, 29940, 29946, 29896, 29941, 29902, 29967, 29984, 29879, 1799, 29902, 29979, 29887, 29906, 29953, 5607, 7056, 29875, 29956, 2687, 10593, 7141, 29943, 29963, 19127, 29929, 29945, 29968, 29965, 29941, 845, 823, 29902, 29955, 29883, 29929, 29890, 13079, 29999, 29887, 29990, 29906, 29955, 29953, 29875, 29923, 29920, 29907, 29915, 13, 1678, 525, 29907, 29946, 29875, 29947, 29880, 29954, 29874, 29955, 29911, 29916, 20901, 29979, 5661, 29990, 617, 29926, 29963, 29895, 29943, 29881, 561, 29929, 29955, 11490, 29946, 29945, 29920, 29939, 29886, 29968, 29900, 29920, 29907, 29906, 29945, 29882, 29933, 1251, 13356, 29941, 29916, 29887, 29950, 29926, 29914, 29900, 2236, 29990, 2231, 29947, 29890, 22192, 29947, 29946, 29954, 29956, 567, 16890, 29946, 29928, 29915, 13, 1678, 525, 5971, 29884, 29941, 23521, 29882, 29890, 29933, 5690, 29949, 2772, 29941, 29968, 29929, 29885, 29947, 29873, 4040, 29906, 29924, 29920, 29907, 29953, 12443, 5444, 29953, 29947, 29953, 29890, 24349, 29926, 29931, 666, 29896, 17061, 29943, 29940, 2692, 29967, 29916, 29926, 1357, 29874, 29990, 29968, 29894, 29909, 688, 29909, 29906, 29963, 29945, 29956, 29896, 1148, 719, 29943, 705, 29911, 29915, 13, 1678, 525, 29931, 26012, 29939, 29950, 29943, 29900, 326, 29979, 29924, 29943, 29894, 29888, 29933, 29890, 29926, 29974, 29947, 14345, 29879, 29907, 29895, 29949, 29946, 29883, 29902, 29967, 29990, 7520, 29920, 29896, 29893, 29946, 29882, 29963, 29979, 29920, 29903, 29890, 29946, 27491, 29903, 29974, 29900, 29906, 6530, 29990, 558, 29931, 29916, 29893, 29914, 29984, 29907, 29941, 29954, 29881, 1165, 29933, 412, 29943, 29884, 29941, 29906, 29946, 29887, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29953, 29920, 29878, 29895, 29953, 29931, 29974, 29883, 29903, 348, 3112, 8851, 1594, 29875, 26753, 29896, 29881, 29903, 29984, 29893, 29883, 29999, 29926, 29928, 29939, 29882, 29979, 29974, 29906, 29883, 29979, 29929, 2176, 29891, 29963, 29873, 29941, 29943, 29914, 29990, 29928, 29916, 29929, 29873, 29946, 29929, 29953, 29953, 21685, 29974, 29929, 262, 29947, 29929, 29984, 29895, 29934, 29893, 29911, 1888, 1927, 29907, 29979, 29946, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29953, 29923, 29920, 29946, 19127, 29883, 29896, 29967, 19737, 29890, 29946, 1725, 29963, 29880, 29953, 29873, 29955, 29926, 5690, 29947, 29894, 2182, 29946, 29956, 7659, 29934, 29967, 29902, 29984, 29967, 29928, 29881, 29903, 8276, 29925, 1817, 29956, 29953, 5607, 554, 29894, 29907, 20726, 11023, 29925, 6096, 1177, 29883, 29941, 29950, 29884, 29963, 29893, 1955, 29934, 29884, 29911, 29874, 29915, 13, 1678, 525, 267, 29906, 29955, 29880, 29934, 29890, 29999, 29984, 26735, 29955, 29890, 29979, 29939, 29900, 29884, 29974, 29886, 29946, 1837, 4928, 5746, 29968, 29895, 29911, 29968, 29519, 2142, 29928, 29974, 29888, 29939, 29953, 29872, 8700, 29956, 29999, 29968, 29880, 29963, 29950, 29940, 29882, 29896, 29941, 29900, 29943, 29891, 29907, 29886, 29950, 29886, 29934, 29876, 29945, 29883, 29896, 29875, 29902, 484, 6489, 29941, 29939, 29963, 29887, 29915, 13, 1678, 525, 29949, 29891, 29929, 9980, 29941, 29943, 29891, 29896, 29880, 29947, 29924, 29880, 29900, 29943, 29914, 29881, 29945, 29895, 29907, 29916, 7838, 29950, 29941, 29895, 29896, 29920, 29949, 29883, 5746, 522, 29876, 2922, 29894, 29895, 29888, 29965, 2308, 29924, 29953, 29896, 19795, 29885, 29923, 29883, 29914, 19080, 344, 29990, 29933, 29883, 29965, 3959, 29974, 29955, 29903, 29887, 29974, 29880, 29916, 29920, 29965, 29915, 13, 1678, 525, 29916, 29945, 29929, 29893, 29939, 29878, 2713, 29895, 29888, 29999, 29925, 15444, 29967, 29895, 29923, 29893, 29896, 29894, 29934, 29874, 29924, 808, 29882, 29947, 29916, 2287, 29872, 29953, 16973, 12810, 29965, 29890, 719, 15339, 29881, 29963, 29876, 29925, 29926, 2423, 29924, 29968, 29882, 29963, 9606, 29882, 29896, 29923, 29894, 29933, 29896, 29941, 29968, 29943, 29974, 29947, 433, 28283, 277, 6530, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 29958, 29883, 29915, 13, 1678, 525, 10358, 1017, 29949, 29891, 11191, 29896, 29925, 29873, 1764, 29872, 29941, 29925, 312, 29873, 29887, 7999, 29941, 29925, 10333, 4099, 29920, 29925, 29946, 29887, 29896, 29974, 29984, 29953, 29907, 29887, 6227, 29939, 29911, 29939, 7283, 4375, 29929, 29874, 29941, 29950, 29933, 29954, 29893, 29968, 29900, 29946, 19080, 29945, 29885, 29949, 29954, 12696, 29929, 561, 29954, 29967, 29984, 29883, 29915, 13, 1678, 525, 29945, 29890, 29928, 2208, 29879, 29907, 29953, 29872, 29979, 29947, 29940, 29945, 29886, 29928, 29906, 2423, 29894, 4419, 29920, 29928, 29882, 29931, 29894, 29967, 29894, 29916, 29907, 29886, 1526, 21791, 29979, 29872, 29955, 29872, 29950, 29924, 29950, 29953, 29923, 5773, 29903, 29926, 1193, 29984, 29888, 29945, 1955, 29920, 1193, 29924, 29888, 29945, 5607, 29880, 29907, 29984, 2239, 29907, 3301, 29887, 29947, 29925, 29915, 13, 1678, 525, 29949, 29954, 29886, 29941, 29924, 29882, 29941, 29945, 29947, 29946, 29933, 29999, 29920, 17083, 29873, 29911, 29883, 29950, 29881, 29940, 29999, 29974, 29949, 29906, 29933, 29945, 29873, 29974, 29926, 29963, 948, 29990, 29968, 309, 29890, 26353, 29963, 3274, 29968, 29876, 7520, 29893, 29940, 29984, 29894, 29999, 29896, 18426, 7228, 29941, 6489, 29934, 29873, 29923, 29887, 29903, 25467, 5265, 29956, 1111, 29943, 29915, 13, 1678, 525, 29890, 29882, 29900, 29900, 29888, 5265, 29920, 29999, 29933, 29886, 29900, 14849, 29950, 29968, 29894, 329, 29943, 29999, 29880, 14605, 29979, 29931, 1927, 29999, 29873, 6489, 11206, 29939, 29879, 29979, 29900, 29902, 29967, 23818, 29884, 29939, 1182, 29946, 29946, 29875, 3035, 29874, 29955, 29984, 29923, 1416, 29967, 29914, 29920, 4501, 2039, 29914, 6259, 586, 29941, 29941, 23310, 29965, 29915, 13, 1678, 525, 29939, 29885, 1289, 29924, 29950, 29941, 1433, 29928, 29946, 3083, 29941, 29933, 29890, 29946, 29925, 29967, 24349, 4574, 23215, 29931, 29963, 29965, 27354, 29999, 29902, 29965, 1594, 29875, 29902, 1327, 29954, 29879, 29931, 29984, 29954, 29939, 29947, 18567, 29963, 29956, 29893, 2890, 29880, 14849, 29963, 29876, 19046, 29946, 25152, 26735, 29883, 3912, 29999, 29974, 8050, 29956, 29915, 13, 1678, 525, 29895, 1744, 29946, 7516, 3137, 29963, 29984, 29999, 29879, 29923, 29875, 29950, 13520, 29990, 29876, 29954, 23818, 29990, 3853, 29894, 29953, 29900, 29896, 29925, 29929, 29939, 423, 29933, 29950, 29884, 29900, 11206, 29945, 8949, 2887, 29916, 827, 29967, 29979, 29925, 2110, 1545, 29895, 29967, 29984, 16240, 29941, 29950, 29956, 29893, 29953, 29887, 14438, 29911, 29926, 735, 29915, 13, 1678, 525, 29893, 29887, 14438, 29878, 29967, 29873, 29947, 29900, 29890, 29909, 29979, 29934, 29928, 29956, 29956, 29880, 29940, 29947, 29879, 16048, 29934, 29887, 29956, 29947, 5838, 29954, 5673, 29894, 29953, 29893, 29963, 29887, 446, 261, 29940, 29968, 29887, 29885, 29896, 29963, 29872, 29896, 14018, 29955, 29891, 18009, 29888, 29974, 15349, 29882, 29928, 29887, 29893, 29928, 7187, 29939, 29955, 29909, 29953, 29902, 29926, 29990, 29876, 29984, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 28012, 29909, 29895, 29953, 29990, 29907, 29947, 29895, 4717, 17396, 25639, 371, 29874, 29900, 29933, 29890, 29894, 29939, 29925, 3301, 29881, 433, 6295, 29984, 29984, 29881, 29967, 29893, 14246, 24281, 29928, 29888, 29965, 29882, 29943, 2499, 29911, 29940, 29953, 29903, 6289, 29900, 29947, 29877, 29914, 29968, 29934, 388, 29956, 265, 29916, 29949, 29926, 400, 861, 29902, 3848, 29915, 13, 1678, 525, 1758, 29911, 29999, 12935, 29928, 29967, 29900, 332, 29953, 29947, 29884, 29940, 29963, 29911, 29880, 29896, 16514, 29968, 29907, 4316, 29882, 29929, 29963, 12748, 29906, 29990, 29941, 2059, 29947, 29956, 29900, 29926, 4912, 29906, 339, 29926, 29920, 29888, 29923, 29890, 29895, 29906, 29963, 29963, 4099, 29955, 29946, 293, 29947, 29872, 29950, 29876, 29900, 14018, 29929, 29893, 1177, 29895, 29907, 29979, 29915, 13, 1678, 525, 29968, 29875, 29967, 24768, 29968, 29891, 29965, 29979, 29914, 29920, 29946, 29896, 29947, 3433, 29925, 29953, 29974, 29967, 29882, 29940, 4061, 7818, 29885, 345, 29990, 29965, 29926, 29940, 29979, 18861, 29931, 29963, 5750, 29926, 9806, 5607, 29880, 1594, 29883, 29968, 29873, 29965, 3459, 29990, 29874, 29940, 29968, 29955, 29881, 14388, 29900, 29920, 29923, 29974, 29911, 29999, 29963, 3557, 28307, 29915, 13, 1678, 525, 29945, 29916, 11746, 29926, 29934, 952, 29887, 29906, 29923, 29955, 4162, 29882, 29909, 29895, 29923, 29887, 29963, 3616, 29999, 29963, 4690, 29946, 29974, 786, 4741, 29941, 29911, 29888, 29999, 29878, 29956, 29884, 29931, 29990, 466, 29940, 29881, 29963, 29946, 29934, 29945, 29949, 29872, 29947, 29885, 29943, 29939, 29914, 29965, 1888, 29965, 29955, 29934, 29888, 29903, 29955, 29874, 29999, 29878, 29953, 29929, 29894, 29924, 28887, 29915, 13, 1678, 525, 29928, 29947, 29324, 1177, 29884, 29956, 29906, 1299, 29968, 1039, 29934, 29873, 29941, 29926, 29963, 4518, 29954, 332, 29933, 29895, 29926, 29965, 29872, 29900, 29876, 29900, 6039, 29953, 29875, 29900, 29947, 29894, 29945, 29914, 29990, 29950, 29926, 29893, 29907, 29890, 29933, 29881, 3820, 29893, 29883, 29968, 9818, 29906, 29885, 29954, 29906, 29939, 332, 29916, 29979, 29906, 29885, 29949, 29974, 29893, 29934, 1327, 29915, 13, 1678, 525, 29950, 29878, 29900, 29879, 29979, 29967, 29890, 29955, 29875, 29900, 29876, 29925, 8700, 29955, 29885, 29967, 16240, 20517, 29984, 29923, 29965, 29963, 29955, 29896, 29872, 29984, 335, 29963, 29931, 3358, 29940, 22779, 9588, 29941, 29963, 29939, 29926, 29946, 29923, 29949, 2713, 29884, 29990, 29949, 29894, 29896, 29984, 1692, 29955, 29949, 2589, 29941, 29956, 29884, 29984, 339, 29956, 29876, 29963, 29946, 1129, 29900, 29915, 13, 1678, 525, 29884, 29941, 29896, 29946, 29891, 29916, 19988, 29940, 484, 17628, 29894, 18276, 29999, 747, 29999, 29877, 29955, 29947, 29955, 29931, 29900, 3373, 29923, 29947, 29947, 29955, 29968, 29909, 29945, 13801, 6489, 29909, 3120, 29926, 29925, 29888, 29974, 1867, 29963, 29896, 12750, 29888, 29949, 29909, 29955, 29880, 29941, 29873, 23081, 29945, 13836, 29943, 29967, 29999, 29968, 29950, 29895, 1867, 29920, 29946, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 29958, 29880, 4421, 29990, 29875, 29947, 29882, 6488, 29900, 29879, 433, 29947, 29876, 29902, 29955, 4421, 29931, 29967, 29920, 29979, 14797, 1365, 29953, 29963, 29934, 4061, 29911, 29888, 22119, 17697, 29947, 29882, 29963, 15631, 29999, 29968, 29880, 29974, 423, 29967, 29924, 29879, 29916, 29925, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 29958, 29890, 14632, 2951, 29933, 29906, 29941, 4330, 29925, 29883, 29968, 9606, 29920, 29900, 29965, 29967, 29875, 29934, 29890, 18426, 7982, 29968, 29955, 5617, 29894, 29888, 29990, 29916, 29915, 13, 1678, 525, 29999, 29939, 29990, 29967, 29963, 29911, 28012, 29955, 29902, 29920, 29974, 29887, 29929, 8050, 29878, 29979, 29974, 29947, 13282, 29886, 29949, 29953, 29920, 29888, 29955, 29872, 329, 29878, 29968, 29880, 29928, 29873, 29940, 29929, 21908, 26300, 29926, 14943, 29968, 16440, 29926, 6604, 29923, 29914, 29956, 801, 19558, 29946, 29873, 29903, 29906, 29911, 29926, 2252, 29954, 29955, 29900, 29965, 29950, 18711, 29915, 13, 1678, 525, 29907, 29875, 29914, 29916, 29914, 29999, 29967, 29939, 29968, 29873, 1028, 29990, 5661, 7811, 29934, 29891, 29943, 585, 7187, 29886, 29990, 29886, 29954, 5454, 29920, 29974, 29968, 29946, 4741, 29968, 29879, 29967, 29931, 29963, 29883, 29924, 29965, 29878, 18009, 29900, 29878, 29967, 29953, 29929, 29890, 29947, 29926, 29990, 29873, 29928, 29882, 29945, 3660, 29911, 29946, 29974, 7707, 29943, 29999, 29925, 3357, 29946, 29923, 29915, 13, 1678, 525, 29872, 3954, 29968, 823, 3301, 1783, 29968, 29934, 1054, 29885, 29984, 29967, 29953, 29990, 29925, 4317, 29967, 29963, 23443, 29940, 2192, 29920, 14098, 29906, 29902, 29874, 29896, 29931, 29945, 29974, 29895, 29902, 29974, 29907, 23818, 29900, 29963, 29882, 5425, 29925, 29887, 29990, 6026, 29939, 29929, 29923, 29945, 29953, 29884, 3059, 29877, 29999, 29916, 1165, 29945, 29916, 29939, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 29958, 29924, 29914, 29941, 29906, 29907, 29939, 29891, 29900, 29895, 29950, 29896, 29893, 1017, 6925, 29929, 29945, 29923, 29953, 340, 29926, 29883, 29906, 29926, 29929, 29934, 4806, 29947, 29879, 29943, 29877, 29914, 29884, 7068, 29949, 29887, 2239, 6925, 29929, 29939, 29967, 29875, 29956, 29979, 29878, 29945, 29953, 29984, 29950, 29933, 29955, 29920, 10699, 29945, 29875, 29934, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29931, 29883, 1028, 29953, 21314, 348, 2766, 29934, 29984, 29990, 29943, 29926, 29923, 4415, 29920, 29956, 29906, 29875, 29934, 29947, 29967, 29947, 29947, 29940, 1744, 29874, 29968, 29900, 29934, 29926, 29674, 29887, 29881, 398, 29968, 29883, 29941, 29890, 666, 29945, 29920, 29902, 29953, 3044, 29873, 29953, 6854, 2395, 29934, 29914, 29965, 29990, 29931, 4378, 12445, 29929, 1335, 29893, 29880, 29915, 13, 1678, 525, 29953, 29928, 2774, 29965, 29974, 29924, 29920, 4375, 29974, 29916, 29923, 29946, 3112, 22498, 29926, 29963, 29900, 24349, 29968, 29916, 7228, 29955, 29956, 29974, 29879, 29963, 29950, 29956, 29946, 29887, 19776, 29916, 29926, 29883, 29967, 29896, 29923, 29883, 29955, 3960, 361, 1430, 29886, 29979, 29895, 29950, 29878, 3954, 14995, 29929, 29974, 29999, 29900, 485, 29920, 29943, 29884, 29968, 4378, 29906, 29915, 13, 1678, 525, 21208, 29953, 29881, 29943, 29939, 29943, 29999, 29943, 29965, 29894, 29925, 29933, 29941, 29945, 29940, 386, 5850, 6632, 29941, 5592, 29933, 29947, 29877, 17565, 29968, 29878, 2776, 29945, 29916, 29934, 25039, 29894, 29900, 29895, 29940, 29891, 20901, 5617, 29953, 29890, 29934, 13356, 29880, 5091, 962, 1389, 809, 29963, 645, 29923, 29974, 29909, 29999, 25566, 29928, 29950, 29915, 13, 1678, 525, 19558, 20728, 29881, 29979, 335, 29929, 29950, 29945, 29945, 29872, 29979, 19689, 29878, 29967, 29925, 29900, 29965, 29946, 29956, 29931, 13356, 29894, 29888, 29928, 29914, 29925, 15339, 29923, 29888, 29963, 29941, 17870, 29963, 29878, 29967, 22625, 29990, 29895, 29900, 29928, 29956, 29953, 29954, 29945, 22119, 29946, 5661, 29946, 29894, 645, 29979, 29874, 29900, 29945, 29939, 29931, 29914, 29933, 29916, 1481, 29990, 29872, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 1299, 29878, 29941, 2816, 305, 29909, 29916, 29999, 29950, 29924, 29947, 29928, 29950, 29939, 29947, 29939, 29900, 29934, 459, 29894, 29940, 29974, 567, 6951, 29979, 1367, 29999, 29882, 29999, 29894, 29933, 29929, 24301, 309, 29947, 29934, 339, 29880, 29900, 29893, 29965, 29873, 13668, 29900, 29950, 29953, 29926, 29903, 29941, 29923, 29872, 29949, 29923, 287, 29911, 407, 29946, 29990, 29945, 29885, 29893, 29915, 13, 1678, 525, 29945, 13801, 29929, 29924, 10262, 29891, 29999, 29519, 29896, 29941, 29939, 29890, 29945, 29882, 29979, 29890, 29939, 5194, 29984, 29949, 347, 29974, 29954, 29893, 29943, 29881, 29965, 29884, 29931, 29920, 29945, 29955, 29883, 29965, 29906, 29941, 29882, 29934, 29895, 29953, 29946, 29940, 29946, 29881, 29950, 29954, 24826, 29953, 29876, 29929, 8181, 29941, 1725, 29953, 29886, 29963, 29906, 3848, 29914, 29941, 29884, 24126, 29953, 29895, 29915, 13, 1678, 12801, 10818, 29958, 29893, 29925, 305, 29900, 29881, 29953, 29890, 29902, 29979, 29876, 29906, 458, 455, 29925, 29974, 29886, 29943, 1505, 29934, 29947, 29950, 29906, 29900, 29945, 29881, 29946, 29984, 29894, 29999, 29881, 29924, 26322, 29941, 29914, 695, 29914, 29949, 29939, 29941, 29940, 29947, 3868, 29911, 29947, 29925, 29906, 29926, 29963, 29896, 29895, 29906, 29877, 29896, 29873, 29934, 29967, 29890, 29990, 29873, 29915, 13, 1678, 525, 1609, 29911, 29945, 29906, 11197, 578, 29926, 29954, 29900, 29911, 1430, 29953, 29956, 5824, 29999, 29933, 29990, 2460, 29955, 29955, 2525, 29896, 29955, 29928, 29947, 29894, 6039, 808, 2272, 29990, 29885, 29945, 29920, 29924, 29990, 29875, 2227, 29896, 29949, 29974, 29876, 29939, 29920, 705, 29947, 29924, 1450, 29949, 10699, 29956, 29885, 29984, 24460, 29881, 29999, 2251, 29923, 29920, 29915, 13, 1678, 525, 29885, 29963, 29914, 29883, 29947, 29943, 29939, 27354, 26735, 29879, 29902, 29878, 29928, 1526, 29906, 29909, 29999, 29894, 1660, 29906, 29947, 29967, 29931, 29878, 29947, 29916, 28466, 15633, 29890, 29947, 29878, 5444, 29943, 29941, 14995, 1692, 29882, 29984, 29979, 13282, 29903, 9144, 834, 22779, 29968, 29884, 29931, 29929, 29893, 4912, 29953, 29933, 29939, 5971, 29946, 29896, 29872, 29954, 29928, 29915, 13, 1678, 525, 29941, 29872, 29909, 29906, 7466, 26074, 29984, 29963, 29953, 29880, 29956, 29954, 29896, 29875, 29928, 29953, 29879, 29999, 8353, 29950, 29914, 29931, 29933, 3644, 279, 29931, 29954, 1964, 29909, 29955, 29984, 29894, 29893, 29911, 29939, 29911, 29894, 29886, 29990, 29926, 16514, 29939, 29955, 29911, 29967, 29916, 29933, 29974, 29914, 29945, 29902, 29886, 29941, 29984, 29906, 29920, 29974, 29940, 29883, 312, 29956, 29953, 29882, 24666, 29906, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 529, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29906, 29979, 29934, 29999, 15291, 29941, 29880, 29967, 29943, 29906, 29873, 29947, 29906, 29953, 29955, 29965, 29890, 25925, 29963, 29955, 4900, 29947, 29896, 29956, 27269, 29895, 29914, 29896, 3249, 29903, 29941, 29886, 29920, 29890, 29955, 23560, 13308, 29956, 29926, 29916, 29979, 29877, 29943, 29906, 6530, 29911, 29900, 29984, 5098, 3301, 29934, 29945, 29884, 29979, 29890, 29963, 29929, 434, 29928, 29906, 29888, 29926, 29915, 13, 1678, 525, 29879, 29945, 29955, 29881, 3338, 29947, 29881, 29946, 29877, 29954, 29885, 29954, 29876, 29999, 29879, 29896, 29945, 2941, 801, 29883, 2797, 1450, 29933, 29940, 29945, 29939, 15524, 29933, 29999, 29907, 29999, 2502, 11601, 5693, 423, 29953, 29968, 29906, 29900, 29884, 29903, 29945, 29990, 29903, 20495, 29926, 29947, 19737, 29933, 29874, 29909, 23170, 29947, 29884, 486, 29945, 29943, 29939, 29943, 29915, 13, 1678, 525, 29920, 29931, 24826, 29911, 29873, 29939, 29967, 24301, 486, 29885, 29940, 3738, 808, 29909, 29979, 29881, 29963, 29974, 29881, 29990, 29926, 11868, 774, 2766, 29874, 29947, 29945, 29945, 29877, 6344, 29887, 29953, 29946, 29931, 7707, 29882, 29999, 29881, 17565, 29906, 29968, 29928, 974, 29894, 5773, 29934, 29900, 29934, 29968, 29914, 29943, 4462, 29914, 29968, 24666, 29979, 29967, 29928, 29990, 29915, 13, 1678, 525, 29955, 29916, 29929, 29894, 1315, 29954, 29953, 29888, 29955, 29934, 29875, 29934, 1519, 5847, 2797, 1758, 16838, 4518, 29933, 29984, 29902, 29890, 29979, 273, 29943, 29974, 29888, 29990, 29887, 29906, 29990, 29943, 29984, 29883, 29887, 29965, 29920, 29956, 29933, 29974, 29894, 1388, 29929, 25103, 29955, 29886, 29907, 29886, 29929, 29906, 747, 29929, 29876, 29979, 29963, 29946, 29896, 29953, 29931, 29974, 3410, 29926, 29915, 13, 1678, 525, 29950, 335, 29931, 29900, 29907, 29941, 1525, 29947, 21055, 29933, 28462, 29954, 29894, 29946, 29874, 29934, 29883, 1758, 29931, 29947, 29945, 29924, 29873, 566, 29940, 29967, 29895, 29963, 21908, 29946, 2303, 29900, 29916, 29885, 29914, 29984, 29949, 29923, 29929, 29891, 29909, 29947, 29924, 29900, 486, 4571, 29909, 29893, 29965, 29909, 29955, 29888, 5091, 29925, 29895, 29916, 29926, 29894, 29945, 29890, 29882, 17915, 29915, 13, 1678, 529, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 12739, 29967, 29965, 29946, 29875, 24668, 3289, 29979, 492, 29924, 29941, 29941, 6295, 29950, 29924, 7979, 29945, 29883, 29967, 29888, 29984, 29967, 29873, 29943, 29906, 29875, 29990, 29933, 827, 29909, 29953, 22625, 29953, 29914, 29933, 29900, 29939, 29933, 29955, 29946, 29941, 29893, 29900, 29963, 28627, 29945, 29945, 29934, 29956, 14388, 29929, 29902, 3580, 29875, 29929, 29984, 29914, 29974, 29880, 29946, 29894, 29990, 29915, 13, 1678, 525, 261, 29926, 29974, 29931, 29965, 29878, 29979, 29950, 6295, 23560, 29875, 29955, 10096, 29945, 29946, 29974, 29949, 29916, 29906, 29900, 29984, 29953, 29928, 29955, 29925, 5688, 29926, 29920, 1254, 29879, 29928, 29886, 7466, 29925, 29945, 29933, 29882, 29907, 29888, 1137, 10234, 29949, 29999, 29953, 29924, 29940, 29924, 29875, 29931, 29895, 29999, 29955, 11671, 29895, 29925, 29920, 29929, 29953, 29979, 29916, 29909, 29945, 29929, 29885, 29915, 13, 1678, 525, 29884, 29923, 29929, 29893, 29949, 29939, 29888, 29968, 29876, 29914, 29926, 29974, 29956, 29956, 29984, 29880, 1537, 29894, 29979, 29900, 29886, 29939, 29946, 29911, 29876, 29894, 29965, 29887, 29974, 29933, 3746, 29974, 29945, 29945, 4141, 29896, 29900, 29872, 29906, 29950, 29968, 29891, 29967, 29967, 865, 11178, 29894, 29963, 29974, 29891, 29974, 29941, 29906, 29894, 29916, 29895, 29906, 29888, 29903, 29941, 29896, 29931, 29881, 29955, 29893, 10844, 29968, 29893, 29915, 13, 1678, 525, 29974, 29872, 786, 29968, 29953, 29903, 29929, 29941, 29931, 29893, 29933, 29881, 29990, 29955, 29884, 29954, 2204, 29928, 29945, 29891, 29925, 29906, 29881, 29939, 29926, 29979, 29891, 29896, 29873, 29909, 29949, 29941, 29949, 29963, 29906, 29891, 29939, 29902, 29956, 29933, 29929, 29949, 29990, 29916, 29990, 29883, 1505, 29914, 28695, 29894, 29934, 29946, 29877, 29907, 29916, 29909, 1564, 29903, 29967, 29925, 572, 2855, 27590, 29984, 29967, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 29958, 29953, 3738, 29895, 29925, 29945, 1654, 29875, 29945, 29943, 29947, 29877, 29924, 29967, 29909, 29872, 29896, 29903, 29967, 29928, 29947, 29877, 29933, 20321, 29954, 29928, 29929, 12809, 29900, 29945, 29928, 6814, 29965, 7184, 29900, 5971, 29906, 29875, 29963, 29906, 29968, 29945, 29924, 29947, 29895, 6156, 29945, 29903, 29967, 29950, 29947, 29885, 29984, 29990, 29968, 29990, 29902, 29894, 29915, 13, 1678, 525, 29895, 29920, 29907, 29999, 29968, 29955, 21576, 29885, 29888, 29999, 29984, 29876, 29954, 29926, 29984, 29947, 29895, 29924, 29974, 18828, 6905, 2182, 29934, 29888, 29967, 29876, 29923, 29891, 29934, 29941, 29968, 29999, 29902, 29914, 29733, 29984, 29888, 29947, 25752, 29999, 29887, 26664, 29902, 29896, 23410, 29999, 29984, 29940, 29941, 29934, 29984, 29900, 29928, 29891, 29990, 29893, 29931, 29967, 29963, 29941, 29873, 1806, 29926, 18118, 29915, 13, 1678, 525, 29906, 629, 29990, 29895, 29954, 29984, 809, 29894, 29903, 3137, 29900, 29879, 29941, 29946, 29914, 29878, 4162, 29896, 29916, 29941, 29968, 29953, 29946, 29999, 29929, 29967, 29907, 29979, 7659, 29941, 29874, 29931, 29873, 29909, 29884, 29928, 29916, 29984, 29909, 29999, 29931, 4900, 29963, 29880, 29920, 29914, 29872, 29979, 29931, 29878, 2204, 29955, 29925, 29990, 29974, 29907, 29896, 29925, 29956, 29945, 29947, 29946, 29967, 29886, 29933, 29888, 29906, 29915, 13, 1678, 525, 29953, 29946, 29955, 29880, 29999, 29883, 29914, 29900, 29963, 29953, 29914, 29923, 2772, 29940, 29890, 29956, 29929, 29956, 29941, 29943, 12916, 29968, 22779, 29940, 29876, 29946, 3338, 29903, 29896, 29873, 29931, 29955, 29879, 29963, 29896, 29893, 29920, 29953, 29875, 29946, 29916, 29968, 29920, 29929, 29896, 29968, 29984, 29934, 29945, 29949, 29929, 29878, 29967, 29890, 6854, 29896, 29893, 1028, 11512, 5871, 29884, 29950, 29895, 29955, 29941, 29879, 29915, 13, 1678, 525, 29999, 29879, 6604, 12748, 29941, 29879, 29963, 29877, 29956, 29990, 29984, 29984, 29914, 29890, 29990, 29887, 29939, 29900, 29984, 29953, 6604, 11248, 6344, 1177, 29894, 29931, 2204, 29963, 29946, 13308, 29933, 29955, 29974, 29911, 16240, 29939, 29894, 29946, 9598, 29914, 29876, 29950, 29956, 29874, 29945, 948, 29914, 3235, 29956, 29896, 645, 423, 29924, 29894, 29916, 29943, 4462, 29979, 29906, 29915, 13, 1678, 525, 29906, 29946, 29999, 29929, 1484, 29931, 29880, 29954, 1718, 6247, 4051, 29926, 29967, 29883, 29949, 29900, 29941, 29939, 5750, 29946, 7141, 29914, 29894, 29914, 29979, 18630, 29990, 29945, 29934, 29953, 29888, 2395, 29949, 29939, 29920, 29923, 29891, 29888, 3660, 29954, 29968, 29873, 29999, 29984, 29928, 9144, 29949, 29914, 29933, 29947, 29877, 3253, 29907, 1526, 26016, 29947, 29967, 18426, 10721, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 16048, 29880, 29939, 29881, 29956, 29965, 27728, 29979, 29875, 29990, 29984, 29968, 29896, 29943, 29888, 15789, 5005, 29926, 29984, 29872, 29999, 29968, 29939, 29955, 398, 14438, 29943, 29891, 29967, 3580, 29946, 29875, 29896, 2941, 29939, 29956, 29939, 29920, 29943, 287, 29911, 4620, 29979, 29880, 29945, 711, 29886, 28283, 17303, 29902, 29896, 12809, 29974, 29953, 29376, 29974, 29909, 29953, 29915, 13, 1678, 525, 29945, 29953, 29965, 29916, 29893, 29885, 29945, 29914, 29900, 29924, 7297, 29974, 29895, 29914, 29931, 561, 29895, 29984, 11912, 29931, 29968, 276, 29967, 280, 29955, 29891, 29963, 29873, 29984, 29968, 29945, 29934, 29926, 29923, 29888, 29920, 324, 1137, 29950, 29954, 29900, 29945, 29925, 29956, 481, 29968, 29945, 29877, 29911, 29946, 29924, 398, 29880, 29906, 29999, 14042, 29974, 687, 29906, 29946, 29878, 29939, 29931, 29915, 13, 1678, 525, 29955, 29929, 12744, 29923, 29900, 29965, 29967, 29979, 29929, 29968, 29934, 29990, 29907, 29947, 29887, 6026, 29896, 29896, 29946, 29974, 29890, 29947, 29953, 1349, 29999, 29974, 29946, 290, 29906, 29999, 29920, 29990, 29929, 29887, 29954, 29967, 29967, 29999, 29911, 29894, 29947, 29955, 585, 19988, 3746, 29999, 29926, 3146, 29891, 29923, 29909, 29999, 29887, 29933, 1718, 29929, 29954, 29895, 29955, 29885, 29974, 29941, 29934, 29926, 29947, 29915, 13, 1678, 525, 18118, 29974, 3644, 29939, 1564, 29939, 29965, 29953, 29906, 29963, 29886, 29926, 29907, 29916, 952, 29911, 29887, 29903, 29906, 29956, 29920, 29886, 29979, 29880, 29929, 823, 29990, 29906, 9588, 29933, 29896, 29967, 29911, 29881, 3410, 29990, 29941, 29895, 29947, 29911, 1955, 29939, 29943, 29974, 29878, 29933, 1056, 29931, 29880, 29974, 29886, 29914, 29941, 11912, 29934, 29883, 10840, 29924, 29945, 29883, 29906, 29882, 29953, 29915, 13, 1678, 525, 29947, 29878, 29947, 29967, 29916, 29931, 29999, 29907, 29947, 5098, 6096, 29906, 29946, 3247, 16036, 29902, 2543, 29950, 29881, 29907, 29884, 29939, 6415, 29886, 29911, 29880, 29946, 29914, 6739, 29945, 29893, 29900, 29974, 29906, 1175, 29920, 29906, 29950, 6821, 15797, 29933, 29914, 29979, 4897, 29891, 29934, 29881, 29949, 29949, 29946, 3634, 29874, 29947, 29934, 29914, 29880, 20647, 11912, 29984, 29880, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 18091, 29900, 29967, 29956, 29931, 29939, 29953, 29990, 29923, 29926, 29954, 29873, 3059, 29875, 29984, 29885, 3487, 29979, 29926, 29925, 29933, 29954, 29974, 29967, 287, 29890, 29896, 29990, 8132, 29895, 29888, 9970, 29906, 6026, 27269, 29956, 29979, 29907, 29956, 29883, 29990, 29947, 29894, 29984, 29954, 29979, 29906, 29890, 29894, 2239, 29940, 361, 29949, 29909, 8848, 29925, 29876, 29929, 29967, 29946, 16761, 29954, 29915, 13, 1678, 525, 29974, 29950, 29886, 29896, 29881, 29963, 29990, 29874, 29946, 29876, 17080, 29946, 29879, 29896, 6530, 29990, 29880, 29946, 29931, 29984, 29914, 29968, 29940, 29882, 29920, 26322, 29941, 29934, 29896, 29674, 29946, 29963, 3137, 5659, 29876, 29956, 1718, 29965, 29926, 29984, 1764, 29902, 29883, 29950, 29946, 29877, 29953, 29876, 29888, 29990, 7068, 29941, 29906, 29886, 29955, 29950, 29939, 29931, 2227, 29947, 16033, 29896, 29945, 29915, 13, 1678, 525, 29893, 29990, 29943, 29324, 29896, 29881, 29909, 29926, 29909, 29949, 24625, 29956, 16320, 1430, 29882, 29963, 4415, 29947, 29888, 29928, 29896, 29931, 29963, 655, 29877, 29979, 29923, 2544, 615, 29965, 29967, 29886, 2460, 29939, 29933, 578, 16748, 29941, 2272, 29934, 29999, 29946, 29950, 6008, 29967, 29911, 29941, 29877, 29902, 554, 29946, 29885, 2580, 1032, 29963, 29968, 29915, 13, 1678, 525, 29888, 29931, 4900, 29933, 27774, 29967, 29939, 29947, 29965, 566, 29882, 29933, 384, 29979, 29887, 1451, 29926, 29999, 29941, 29886, 29920, 29954, 5311, 19960, 29926, 29902, 29906, 29956, 29941, 27838, 29945, 29903, 6059, 29956, 29881, 29931, 25039, 29943, 4668, 29920, 29941, 29884, 29884, 3727, 3210, 29885, 29882, 1799, 29880, 29925, 29906, 6154, 29906, 29891, 29979, 29881, 29950, 22208, 13, 1678, 525, 29949, 1806, 29911, 15755, 29940, 27539, 29137, 29967, 29906, 29979, 5935, 6739, 2308, 29900, 29886, 29955, 29891, 29931, 29945, 29967, 29883, 29893, 29894, 29990, 29906, 29984, 29949, 29923, 29890, 2774, 29999, 29984, 29999, 29911, 29946, 335, 29903, 29941, 29911, 29941, 20938, 29939, 29953, 29909, 29949, 29880, 29984, 29885, 29956, 29954, 29950, 29926, 29979, 29954, 29946, 29947, 29872, 8969, 29886, 12513, 29929, 29915, 13, 1678, 525, 29900, 29929, 29874, 29945, 29925, 29990, 609, 29893, 29926, 29940, 29914, 7283, 29945, 29950, 27297, 29939, 7516, 29902, 29916, 29923, 29929, 29872, 29914, 29966, 10818, 29958, 29874, 29943, 29887, 29984, 3634, 29909, 29929, 28062, 29886, 29931, 29965, 29974, 29979, 29939, 29894, 29886, 13079, 29929, 29924, 29953, 29933, 29945, 29876, 18510, 29883, 29909, 29895, 21791, 29967, 29946, 29943, 29915, 13, 1678, 529, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29956, 29883, 29931, 29939, 29955, 29906, 29990, 29999, 2713, 29968, 1964, 6344, 29914, 29928, 29883, 29928, 29953, 29931, 29941, 1389, 29979, 29945, 29902, 1251, 29946, 29931, 29946, 29928, 29896, 29887, 3421, 29946, 29909, 29874, 29941, 29947, 29933, 29879, 29925, 29945, 29945, 29896, 29896, 29884, 29903, 29984, 29928, 9375, 25051, 29950, 29968, 29894, 29999, 29884, 3059, 29939, 17870, 29941, 29933, 29876, 29900, 29947, 29939, 29947, 29915, 13, 1678, 525, 29979, 29916, 29887, 18454, 29902, 29929, 29907, 5690, 29943, 2477, 29900, 29990, 29920, 29906, 29990, 29877, 29934, 9600, 29907, 3235, 29939, 29950, 29894, 29947, 29886, 29965, 29943, 29887, 29984, 29925, 305, 347, 29974, 29955, 29941, 29887, 29914, 29916, 6814, 29890, 8456, 18630, 29947, 29931, 29946, 29928, 29896, 29939, 29895, 24898, 29887, 29928, 29979, 29876, 29906, 29891, 29933, 29954, 1039, 29903, 6925, 29915, 13, 1678, 525, 29911, 29954, 29895, 29909, 29979, 29990, 29923, 29875, 29954, 29890, 29954, 29883, 29943, 1372, 29946, 29929, 29990, 29984, 29954, 29895, 29945, 20321, 29926, 29963, 29872, 22192, 29939, 29907, 29967, 29941, 29886, 5194, 29895, 29945, 29934, 29894, 29943, 29873, 29939, 600, 29926, 29916, 29925, 29967, 29945, 29999, 29878, 29999, 29876, 14345, 29968, 29965, 29945, 6859, 29928, 2142, 29903, 29906, 336, 29924, 3616, 4920, 29924, 29915, 13, 1678, 525, 29882, 307, 7597, 29872, 29955, 29881, 29979, 11490, 29893, 29929, 29928, 29906, 29920, 29900, 2239, 29955, 29886, 2287, 29900, 29896, 13778, 29934, 29879, 29903, 6154, 29950, 29896, 29911, 29896, 29963, 29984, 29967, 29894, 567, 645, 29990, 1888, 29914, 29931, 29920, 29954, 29887, 29946, 29878, 29956, 29979, 29974, 29874, 29999, 29928, 29941, 29902, 29965, 29920, 29974, 29887, 29984, 29911, 29954, 29896, 29947, 1028, 29968, 29915, 13, 1678, 525, 17618, 29990, 29956, 29916, 14824, 29887, 29965, 29906, 4040, 29931, 29895, 1175, 29890, 29914, 29903, 29953, 29926, 29955, 29967, 29896, 29896, 29941, 29984, 29885, 29909, 29893, 29965, 29909, 29955, 29963, 6604, 29984, 29954, 29926, 29956, 29941, 29903, 29916, 13478, 29888, 481, 29885, 29956, 29926, 29882, 29945, 29875, 29909, 29945, 29943, 29953, 29999, 29891, 865, 29965, 29999, 29974, 29893, 29945, 15339, 29953, 29896, 29968, 29924, 29915, 13, 1678, 12801, 10818, 29958, 13, 1678, 525, 1516, 29906, 29925, 29956, 29947, 3247, 29914, 4037, 29896, 29900, 340, 29945, 29967, 29947, 29900, 29883, 29947, 29984, 29896, 29883, 29941, 29883, 8766, 29924, 29906, 29914, 9375, 29979, 29940, 29900, 20901, 29984, 29953, 29877, 29940, 29955, 29940, 29956, 324, 29926, 4897, 29963, 3352, 4317, 29946, 29968, 1682, 29914, 29949, 29939, 29882, 29895, 29949, 29946, 29953, 29965, 29946, 29974, 29877, 29939, 29885, 29893, 29915, 13, 1678, 525, 12072, 29926, 28463, 29979, 29924, 29879, 29953, 29903, 29990, 29974, 29968, 29887, 29888, 29990, 14206, 29907, 29890, 29924, 5365, 29928, 29956, 29891, 5550, 29920, 29894, 29907, 29873, 12182, 29884, 29967, 29874, 2499, 29894, 29953, 4178, 10699, 29920, 29956, 24666, 29929, 29873, 15488, 29885, 29929, 29950, 29884, 557, 29906, 29872, 412, 29925, 29926, 29946, 29879, 29950, 29893, 29947, 29882, 1888, 29909, 29915, 13, 1678, 525, 29920, 7230, 29879, 29928, 29974, 29999, 29886, 29902, 4979, 29949, 431, 29875, 29956, 29881, 29945, 29933, 29896, 29879, 29911, 29890, 29949, 29920, 29945, 29946, 8766, 29965, 29893, 29939, 29894, 29923, 368, 29946, 29878, 29954, 29916, 29949, 29963, 29906, 29925, 29885, 5838, 29946, 29887, 29896, 29974, 29933, 29606, 29931, 29873, 29963, 29954, 29885, 29963, 7516, 29950, 26322, 29965, 29878, 29949, 688, 29907, 29879, 29900, 29911, 29915, 13, 1678, 525, 29953, 29934, 29885, 29956, 29931, 485, 29885, 29967, 29926, 29963, 1165, 29943, 2687, 29900, 29984, 29896, 29888, 29947, 29953, 12339, 29954, 29895, 11093, 13975, 29941, 29953, 13778, 29941, 29945, 9598, 29941, 29882, 29947, 797, 29968, 29916, 29939, 15633, 29947, 29884, 29967, 29947, 29902, 29882, 29956, 29999, 29974, 629, 29963, 283, 29902, 29874, 29943, 29894, 29895, 29931, 29999, 29324, 29934, 29954, 29888, 29915, 13, 1678, 525, 13152, 29928, 6854, 29963, 12339, 29911, 22638, 8949, 29933, 29881, 29907, 20571, 29968, 29914, 29890, 4462, 29914, 29940, 29878, 29940, 29888, 7262, 29931, 29941, 29887, 29946, 29979, 15206, 29974, 29947, 559, 29914, 1270, 24845, 5550, 29955, 29999, 370, 29934, 29934, 29881, 29928, 29941, 29903, 1137, 2477, 29926, 29926, 29926, 14438, 29984, 29887, 29974, 29984, 29877, 29941, 29915, 13, 1678, 525, 295, 29934, 29974, 29895, 29945, 29931, 29946, 29940, 29956, 29967, 29947, 29953, 3210, 29876, 29956, 29885, 29888, 29907, 29884, 29945, 29968, 29920, 29896, 29968, 29920, 29955, 29974, 29963, 29940, 1433, 29894, 29965, 29990, 29878, 29974, 29931, 29956, 29895, 29965, 29914, 29876, 29945, 29928, 2713, 29933, 29929, 29934, 29945, 2059, 13975, 29926, 29916, 29967, 29900, 29873, 29941, 4421, 29906, 1660, 7810, 29926, 29949, 962, 29929, 29915, 13, 1678, 525, 29968, 8456, 29900, 29943, 29954, 29886, 29931, 29967, 29896, 29954, 29874, 29903, 915, 8849, 8139, 29953, 9429, 23410, 29984, 25365, 29945, 29906, 29947, 29874, 29954, 29928, 29946, 29888, 29945, 29893, 29956, 29879, 29925, 29967, 29888, 29896, 29878, 29979, 29916, 29979, 29956, 29947, 29924, 14091, 2176, 29876, 29933, 29953, 29974, 29914, 29896, 29894, 29929, 29886, 29968, 29943, 7466, 29902, 29884, 29914, 29953, 29916, 29923, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 328, 29956, 29880, 29888, 29943, 7838, 29882, 17367, 10644, 29890, 11206, 18454, 1519, 29979, 29954, 29900, 29906, 29888, 5389, 29891, 29946, 29880, 29953, 9486, 29984, 29894, 29926, 10363, 29886, 29953, 29945, 21154, 14126, 4462, 29946, 29956, 29956, 29896, 1794, 28462, 29893, 29929, 687, 7141, 29974, 29909, 29877, 29931, 29974, 1233, 29955, 29885, 29990, 29873, 29925, 29926, 29915, 13, 1678, 525, 29900, 29946, 2951, 29907, 29947, 29990, 29891, 29954, 29886, 29950, 2227, 29914, 29876, 29926, 29945, 9708, 17870, 29965, 29873, 29940, 3960, 29945, 29916, 15633, 29931, 29891, 29947, 29883, 29900, 29893, 29923, 29872, 29941, 29872, 415, 29903, 3247, 29946, 2816, 29963, 29931, 2395, 29940, 29884, 29965, 29947, 29926, 29954, 29900, 5693, 29924, 4519, 29950, 29956, 15755, 578, 1451, 29943, 29915, 13, 1678, 525, 29928, 29950, 29979, 827, 29968, 2300, 29906, 29879, 29965, 368, 25500, 29947, 29924, 18933, 29984, 29874, 29954, 29879, 29916, 29885, 29900, 29880, 29934, 29900, 29931, 29940, 29895, 24381, 29900, 29946, 29887, 29934, 29926, 29893, 5773, 29999, 29945, 29920, 29990, 29893, 29924, 29916, 331, 29880, 29953, 1762, 29943, 29947, 29920, 29896, 29920, 29925, 29906, 29945, 29984, 29979, 28879, 29887, 786, 29943, 29914, 29949, 29915, 13, 1678, 525, 29968, 29907, 29893, 29911, 1564, 29939, 29940, 333, 19903, 29887, 7659, 29953, 29945, 29926, 26270, 29953, 29902, 359, 1335, 29875, 12072, 915, 29974, 29984, 29939, 29979, 29933, 29939, 29945, 29916, 29984, 29939, 29891, 29967, 29945, 29939, 29963, 29893, 29890, 29947, 29939, 29967, 29941, 29890, 4037, 29939, 29954, 29943, 893, 29906, 29999, 29943, 29963, 29891, 29914, 29882, 948, 29877, 29946, 29907, 797, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 29958, 29888, 29924, 29965, 29894, 3644, 8547, 29956, 29941, 29884, 4421, 1783, 6488, 2003, 1004, 29967, 29875, 29925, 2204, 29956, 12809, 29896, 29914, 29945, 14824, 28627, 29984, 29879, 29990, 29874, 6488, 29933, 29968, 29895, 29956, 29955, 6277, 29950, 25675, 29955, 29888, 29931, 29984, 29953, 29920, 8809, 7858, 29916, 29915, 13, 1678, 525, 948, 29895, 29956, 29929, 24381, 29902, 29886, 7466, 29882, 29923, 29884, 29956, 29906, 3373, 29968, 29940, 29873, 29940, 29984, 29963, 29880, 29984, 15633, 29947, 29879, 4375, 1660, 29883, 29931, 29947, 29965, 29999, 29925, 29945, 29920, 29929, 3629, 29949, 29929, 29873, 29979, 29974, 29914, 29924, 29895, 29914, 29966, 10818, 16299, 13, 1678, 525, 29934, 29916, 29896, 14018, 29137, 29947, 29879, 29990, 29891, 29941, 5091, 29925, 29990, 1254, 29916, 29890, 29943, 29873, 29963, 29914, 29931, 29950, 29887, 29929, 29968, 29876, 1525, 29876, 18071, 29911, 29894, 29941, 29884, 29984, 29939, 29890, 29943, 29888, 2941, 29906, 29974, 5365, 29953, 29931, 29999, 582, 5550, 29984, 26124, 29967, 29914, 1451, 29984, 29956, 5371, 29929, 29990, 29965, 29926, 29940, 29915, 13, 1678, 525, 29873, 29914, 29953, 29943, 29886, 29907, 29979, 29963, 29926, 25951, 29990, 29883, 29941, 2692, 29884, 29934, 14042, 29888, 29923, 6415, 29924, 29894, 6720, 29891, 29990, 29947, 29946, 29873, 4378, 29887, 29979, 6859, 17396, 29953, 29984, 29896, 29900, 8754, 29895, 6925, 29934, 29933, 1817, 3747, 29963, 29950, 29895, 1888, 29943, 29950, 29984, 29907, 29939, 29895, 29974, 29887, 29909, 2112, 29900, 29915, 13, 1678, 525, 29954, 29874, 29923, 4270, 29950, 29900, 415, 29940, 29947, 29887, 29893, 29965, 29896, 29887, 29900, 29953, 29920, 29941, 24301, 29979, 29887, 29974, 29999, 29877, 29940, 29884, 29947, 29888, 29924, 29967, 29968, 29876, 29900, 11490, 29953, 29925, 1327, 29900, 29947, 29887, 9486, 29923, 29914, 29881, 25621, 1032, 29909, 6259, 4090, 29933, 29929, 29900, 29886, 29911, 29888, 29953, 5971, 29926, 29968, 29887, 29953, 1433, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 29958, 13, 1678, 525, 29893, 29911, 29874, 29956, 29896, 4040, 29946, 29911, 29929, 29911, 29874, 29914, 29880, 29906, 4979, 458, 29979, 29943, 29885, 29990, 29945, 29876, 29928, 21576, 18567, 3782, 29967, 29945, 29906, 29920, 29999, 22381, 29984, 17061, 29894, 21908, 29900, 29963, 29873, 29900, 29881, 29955, 29883, 29965, 29914, 29968, 29941, 29967, 29990, 29945, 29879, 29963, 3274, 29954, 29900, 29939, 29963, 29891, 29934, 29914, 13836, 29931, 29920, 29915, 13, 1678, 12801, 10818, 20690, 2287, 29928, 29915, 13, 1678, 525, 29872, 29955, 29906, 29878, 29907, 29999, 29893, 3727, 29907, 5444, 29943, 29873, 29955, 29939, 29887, 3557, 29934, 29950, 29947, 29939, 29876, 29934, 29878, 7811, 29881, 6821, 29896, 29939, 29979, 29875, 29954, 29896, 29953, 29886, 29900, 29882, 1349, 29943, 6156, 4897, 29943, 23338, 29890, 29925, 327, 29999, 29914, 29974, 29950, 29885, 29920, 29974, 29877, 29990, 29947, 29940, 29895, 29955, 29925, 15715, 29906, 29974, 29887, 29915, 13, 1678, 525, 347, 29941, 29999, 29965, 29955, 1478, 29914, 29881, 29946, 29894, 29920, 29888, 29946, 9219, 29895, 1252, 29883, 29900, 29884, 29965, 29963, 29876, 2544, 29881, 29940, 29887, 29947, 29873, 29907, 29979, 29949, 1324, 29967, 29876, 10051, 29979, 29924, 4717, 29888, 29928, 29945, 29887, 29949, 10234, 29947, 12602, 1307, 29914, 29941, 29923, 29887, 29963, 29896, 1092, 29955, 29906, 29886, 29941, 29949, 29906, 29924, 29939, 29915, 13, 1678, 525, 15797, 29965, 9415, 29967, 29920, 29929, 29941, 4301, 29934, 29955, 29939, 29882, 1519, 29903, 29939, 29890, 29946, 29965, 29974, 29953, 29880, 29903, 29876, 13207, 29954, 1314, 29954, 29943, 18454, 29907, 29979, 352, 29939, 29906, 29946, 2692, 29879, 16514, 29885, 29909, 566, 29967, 29914, 29882, 29900, 29955, 29954, 29990, 29965, 29882, 29925, 29900, 29946, 4316, 865, 29875, 29979, 29880, 1362, 29915, 13, 1678, 12801, 10818, 29958, 29873, 29963, 29956, 29890, 29906, 29900, 29874, 29979, 14632, 29947, 29891, 22638, 29934, 29900, 29872, 29968, 2477, 29877, 29965, 29953, 29956, 29914, 29990, 29885, 29963, 29885, 29950, 29916, 29963, 29999, 29914, 29895, 29979, 18426, 29881, 27590, 29947, 29940, 29886, 29909, 2423, 29907, 29883, 29945, 29943, 29883, 29925, 29894, 29965, 29900, 29923, 29926, 1367, 29888, 29914, 351, 29967, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 29958, 13, 1678, 525, 29907, 29974, 29928, 29955, 29984, 29911, 29929, 29941, 29896, 29974, 485, 29883, 29950, 29895, 29923, 29877, 29900, 29877, 29924, 29939, 29945, 29903, 3210, 17896, 29883, 29939, 29895, 29953, 29920, 29941, 29888, 29900, 29920, 29926, 14632, 5819, 29979, 29965, 29896, 29984, 29955, 29945, 29945, 29914, 29979, 2887, 29979, 29933, 29968, 29967, 29999, 29896, 28600, 29885, 29965, 397, 29893, 29907, 29955, 13264, 14345, 4668, 23097, 13, 1678, 525, 29955, 29894, 12072, 17755, 29886, 29933, 29946, 29974, 29954, 29900, 29872, 29953, 29875, 29940, 29895, 29945, 29943, 29974, 29876, 29953, 29888, 29967, 29943, 29914, 29895, 29914, 29873, 29955, 29954, 29950, 29946, 29933, 29896, 29933, 615, 29931, 4977, 29956, 29878, 29941, 29934, 29883, 29990, 29902, 15866, 29878, 29967, 29891, 29953, 823, 29893, 29990, 29943, 29979, 29911, 344, 29875, 29953, 29979, 29914, 4571, 29883, 29963, 29946, 15666, 29915, 13, 1678, 525, 29967, 29878, 29965, 29906, 29877, 29949, 29999, 29894, 29968, 16099, 2585, 29882, 29965, 29873, 29943, 29906, 29933, 29887, 13309, 29934, 29876, 29943, 29946, 29891, 29923, 29974, 23560, 29967, 29900, 29886, 29902, 29891, 29934, 29939, 29984, 29950, 29947, 29883, 8132, 29893, 29941, 29926, 15755, 29902, 700, 29941, 29984, 29891, 29947, 2112, 29886, 29893, 29963, 29967, 29914, 893, 29949, 29881, 1660, 486, 29940, 29879, 29928, 29915, 13, 1678, 525, 29933, 29984, 9207, 29874, 265, 29999, 29877, 24625, 29963, 29984, 29925, 29933, 29954, 29888, 29733, 1315, 6530, 29953, 7427, 24668, 29906, 29999, 26016, 29893, 1175, 29923, 29872, 29896, 29967, 29906, 29885, 3594, 4270, 29874, 4806, 29990, 29874, 29923, 29886, 29953, 14554, 29979, 1335, 29934, 29968, 29916, 29967, 29990, 29880, 29974, 6277, 29886, 29954, 29891, 29888, 29955, 29954, 29915, 13, 1678, 525, 16973, 18118, 29968, 29967, 29883, 29955, 29928, 29887, 312, 29903, 29990, 29940, 29887, 29955, 29984, 29887, 29888, 29956, 23338, 2559, 29933, 29874, 29934, 29886, 29911, 562, 29900, 17472, 29963, 29880, 7327, 29925, 12054, 29968, 29885, 29923, 29891, 28879, 29906, 29950, 29945, 29926, 29953, 29939, 29876, 12192, 719, 29888, 29911, 828, 29885, 15695, 29896, 29999, 29894, 29990, 29915, 13, 1678, 12801, 10818, 29958, 12750, 29895, 557, 29928, 29974, 29877, 29909, 29939, 29902, 29883, 29928, 29963, 16748, 29923, 29953, 29931, 29945, 29909, 29953, 29881, 29979, 11746, 29963, 13264, 29943, 29955, 29878, 29896, 29902, 29920, 431, 1004, 747, 29954, 8120, 29902, 29906, 29879, 29907, 29883, 29900, 29906, 29933, 29911, 29906, 10702, 1481, 29968, 29886, 29968, 29879, 29925, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29907, 29984, 29906, 29950, 29954, 865, 29926, 26461, 29950, 29893, 29926, 29876, 29949, 29945, 29953, 29990, 21154, 29963, 29945, 29955, 29879, 29931, 3235, 29878, 29928, 1028, 29885, 29929, 29876, 2687, 29954, 29874, 29955, 1335, 29967, 29924, 4690, 29895, 29954, 29984, 29906, 893, 29900, 14098, 29968, 29920, 29940, 29945, 29949, 29946, 29893, 29923, 29888, 29925, 29946, 27867, 29979, 29891, 29940, 29946, 29947, 29949, 29915, 13, 1678, 525, 2589, 29900, 29925, 2369, 29880, 29907, 29984, 29909, 4519, 29990, 29934, 29953, 29928, 29984, 29887, 29955, 29974, 29928, 29946, 29934, 29933, 29941, 29874, 351, 6951, 361, 3960, 29874, 29955, 29893, 29990, 29893, 29887, 29914, 484, 29950, 29947, 29879, 29941, 29881, 29906, 29968, 29906, 29883, 29950, 29941, 1341, 29883, 29939, 11403, 9295, 29874, 29954, 29902, 29914, 29896, 18828, 29890, 29894, 797, 29915, 13, 1678, 525, 29990, 29903, 29916, 29925, 29946, 29886, 5746, 29924, 4198, 3035, 29965, 29939, 29963, 29968, 29979, 29887, 5265, 29909, 29984, 29984, 29878, 29955, 29888, 29974, 29941, 397, 29965, 29965, 29894, 5838, 18904, 29955, 29924, 29974, 29907, 29914, 29950, 29882, 8132, 29999, 29990, 29926, 29974, 29990, 29900, 29967, 29882, 29888, 29941, 29946, 29900, 29885, 29878, 29909, 12072, 13695, 29968, 29926, 29956, 29990, 29950, 29965, 29894, 29920, 29915, 13, 1678, 525, 29920, 29890, 29949, 3904, 29882, 29906, 29890, 29954, 29882, 29914, 29966, 10818, 29958, 29883, 29914, 29966, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 1175, 29896, 29990, 29882, 29979, 29894, 29939, 312, 29924, 29914, 29968, 29900, 29947, 267, 18800, 29934, 29947, 6854, 29924, 29955, 29940, 29920, 29900, 29876, 29999, 29881, 29999, 29945, 17599, 29925, 29974, 331, 29999, 29953, 1635, 29949, 29874, 7838, 2887, 29943, 2112, 1615, 29890, 29882, 29950, 29955, 26330, 29920, 6289, 12938, 29890, 12739, 29947, 29890, 29920, 29886, 29906, 29875, 29915, 13, 1678, 525, 29900, 29967, 29967, 29900, 29929, 6241, 29955, 22192, 3120, 29920, 6739, 29947, 29887, 29881, 29907, 29894, 29939, 578, 29947, 29926, 26270, 29914, 5971, 3421, 29955, 29894, 29931, 29945, 29999, 29974, 29883, 29950, 29953, 12932, 29941, 29929, 29954, 3580, 29974, 29878, 29956, 29914, 4690, 29920, 29931, 29879, 29914, 29884, 29990, 29939, 29896, 29990, 29953, 29879, 29941, 29974, 29916, 29965, 29949, 29884, 29914, 29947, 29947, 29915, 13, 1678, 525, 29909, 29984, 1983, 29920, 29878, 29895, 29947, 29881, 29949, 29920, 29924, 29896, 29925, 29941, 29929, 29955, 29947, 29894, 23799, 29967, 29946, 29929, 29876, 29947, 29876, 29990, 29878, 29914, 29916, 834, 29968, 29950, 29887, 29974, 29874, 29923, 29941, 29947, 29940, 29890, 29929, 29896, 29891, 25752, 29924, 29946, 29956, 29968, 29947, 16838, 29999, 29925, 974, 29882, 29933, 18009, 29895, 29926, 29888, 29925, 2208, 14042, 29920, 1254, 29915, 13, 1678, 525, 29902, 29896, 16434, 29888, 29979, 29891, 29911, 29920, 29954, 29950, 29878, 29900, 9980, 20728, 29967, 29883, 29999, 29990, 29875, 29914, 615, 1988, 29939, 14047, 29967, 29954, 29876, 29949, 29967, 29965, 29926, 29907, 29939, 29916, 29947, 29873, 29967, 9588, 29911, 29954, 29968, 29893, 29941, 29886, 481, 8426, 28463, 29947, 4979, 25467, 1204, 29963, 29895, 29909, 29974, 29950, 29968, 29963, 29946, 29939, 29890, 29915, 13, 1678, 525, 29907, 10096, 26067, 29885, 1332, 29946, 29879, 29926, 29916, 29907, 29955, 29873, 29911, 13891, 29923, 9800, 29920, 29934, 1335, 687, 29947, 12810, 29963, 29879, 29979, 29880, 29920, 29949, 29926, 15631, 29900, 29974, 29999, 29876, 29945, 29887, 29896, 29955, 4099, 29949, 29900, 29941, 29940, 974, 29945, 29953, 29920, 6739, 11912, 29940, 351, 29880, 4330, 29900, 1450, 28362, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 29958, 29916, 1783, 5592, 29979, 29876, 29954, 29896, 3554, 29896, 29916, 29925, 29887, 542, 29929, 29955, 29967, 29984, 29968, 29940, 29999, 29979, 29931, 5871, 29950, 29999, 29895, 29956, 2713, 29894, 29882, 29953, 29954, 386, 29949, 7999, 29923, 29906, 29900, 29896, 29943, 29915, 13, 1678, 525, 29954, 29941, 29929, 29884, 29906, 29923, 397, 29929, 29968, 29979, 29893, 4026, 29940, 29947, 1451, 29882, 29955, 29894, 26300, 29902, 3035, 29965, 29999, 29990, 29882, 29890, 29929, 29879, 17080, 29939, 29940, 9837, 29928, 29941, 3123, 29924, 29894, 29920, 29923, 29947, 29896, 29902, 29984, 279, 29990, 29926, 29950, 29943, 29895, 29947, 29906, 29984, 3116, 303, 29928, 29956, 29929, 29884, 29947, 27728, 29900, 29915, 13, 1678, 8207, 29928, 29963, 1252, 29967, 29886, 5667, 29909, 29926, 29916, 29907, 29906, 29968, 29881, 29934, 2526, 29947, 29883, 17755, 29895, 5690, 29941, 29950, 29939, 29916, 262, 29880, 29999, 29939, 29950, 29884, 29956, 29900, 1168, 29941, 29883, 29974, 9302, 29934, 29940, 29893, 29984, 2502, 1772, 29955, 29956, 27242, 29955, 1148, 29953, 29888, 29990, 29933, 29974, 29894, 29974, 29933, 29929, 29886, 29915, 13, 1678, 525, 29984, 29874, 29906, 29979, 29884, 29953, 29902, 29872, 29906, 29895, 29934, 29887, 29953, 26453, 29945, 29939, 29934, 29999, 3853, 29900, 29888, 6951, 29955, 29945, 29920, 29953, 8798, 29914, 29990, 26074, 29990, 1017, 29939, 29933, 29906, 29886, 29906, 29886, 29967, 29956, 29974, 2887, 29891, 29890, 29902, 29939, 29954, 29891, 29955, 29956, 29941, 29903, 29974, 29878, 29963, 948, 29963, 29884, 29903, 29984, 6050, 29906, 29876, 29924, 29915, 13, 1678, 525, 29879, 29963, 29984, 19881, 29902, 29886, 29934, 29916, 29902, 29939, 29903, 861, 29875, 29949, 15488, 15349, 1594, 29979, 29928, 29886, 29902, 29900, 29890, 23560, 29939, 29954, 12130, 29984, 14797, 2816, 3112, 29954, 29928, 29945, 29884, 2303, 29920, 29984, 29934, 11490, 29965, 29888, 29963, 311, 290, 29881, 29928, 29974, 29949, 29954, 29939, 29894, 3912, 312, 279, 29924, 29963, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 29958, 29890, 29984, 29880, 29929, 29874, 27269, 29979, 29900, 29896, 823, 29950, 29895, 29881, 7077, 9029, 29900, 29923, 711, 7077, 29900, 29903, 352, 17115, 29956, 952, 29963, 29946, 29881, 29950, 275, 9486, 29968, 29906, 29890, 29965, 29949, 29979, 24845, 29999, 29933, 29886, 29907, 6247, 29872, 29934, 29939, 1175, 1758, 29907, 29946, 29915, 13, 1678, 525, 29929, 29931, 29894, 29939, 29968, 8809, 29933, 3121, 29880, 6321, 29925, 29974, 29875, 29896, 29909, 29926, 29947, 29893, 290, 8809, 29900, 29914, 261, 29946, 29883, 29896, 24460, 2890, 29940, 29956, 29953, 29890, 29931, 29878, 6833, 29876, 29900, 29909, 29974, 29947, 29924, 786, 29953, 29953, 5425, 29896, 26124, 29940, 29974, 29907, 29872, 29941, 5592, 29903, 29999, 10840, 29920, 26453, 29915, 13, 1678, 525, 29902, 29893, 29947, 29965, 1964, 13079, 29900, 29916, 29923, 29875, 16514, 29893, 29911, 29953, 29933, 29967, 666, 29974, 29879, 29968, 29907, 29939, 13208, 29946, 29890, 29956, 2214, 2543, 29891, 16748, 29979, 386, 29900, 29950, 29906, 29888, 29895, 554, 29924, 29943, 29887, 29945, 29900, 29941, 29939, 15291, 29947, 29884, 2227, 29906, 29999, 29949, 29984, 17367, 29945, 29907, 29916, 952, 29967, 29979, 29915, 13, 1678, 525, 29885, 29965, 4115, 29956, 29941, 29887, 29967, 29887, 29979, 29884, 29963, 29894, 29900, 29895, 1537, 5838, 29939, 5652, 29876, 29946, 29884, 29902, 1837, 29934, 29956, 29880, 29895, 29914, 29880, 29920, 29907, 29873, 16033, 29906, 16586, 29906, 18564, 29979, 29880, 29928, 29914, 29896, 29979, 29945, 29890, 29967, 29876, 29939, 29946, 29876, 29990, 29949, 29877, 29914, 29875, 29902, 26012, 29953, 29950, 29887, 1888, 29954, 29947, 29915, 13, 1678, 525, 29872, 29979, 29879, 29902, 29877, 29939, 28466, 29891, 29999, 29955, 29967, 29896, 29873, 29931, 29896, 13691, 29900, 272, 29941, 29886, 29963, 29916, 29933, 8139, 1307, 29873, 2208, 27354, 29949, 5871, 29946, 29990, 29931, 29990, 29933, 29885, 29979, 1526, 29947, 5231, 29956, 29896, 434, 29946, 29955, 29896, 29956, 14438, 29896, 368, 12072, 29890, 29900, 29887, 578, 29894, 29950, 29886, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29887, 8456, 29953, 29940, 29894, 29887, 29940, 29941, 29947, 29883, 29984, 735, 29885, 29914, 29883, 29943, 5499, 2951, 29924, 29954, 29885, 29949, 328, 29924, 29965, 29990, 29939, 29923, 29955, 29875, 29968, 29924, 29884, 10699, 1327, 22311, 29941, 29881, 29999, 29939, 983, 29999, 484, 29949, 3301, 29890, 29946, 24895, 29926, 29984, 29979, 29878, 29902, 10384, 29925, 29946, 29891, 29963, 29968, 29915, 13, 1678, 525, 29990, 29933, 1682, 29890, 29903, 29990, 29881, 29955, 29945, 29891, 29940, 29900, 16033, 29947, 29900, 29923, 29887, 29916, 29968, 29979, 29888, 3557, 29945, 29953, 13801, 29916, 29895, 14345, 29900, 29903, 29999, 29895, 893, 29941, 29886, 10593, 29883, 29914, 29945, 9295, 29875, 29956, 29967, 21791, 29947, 29885, 14851, 29900, 7516, 29895, 7967, 29990, 29906, 4125, 29946, 29884, 29900, 29883, 29914, 29925, 29915, 13, 1678, 525, 29943, 29929, 29934, 29887, 29886, 2502, 29872, 29947, 29933, 29885, 29979, 29914, 29925, 29888, 29911, 29885, 3557, 29953, 29953, 29929, 29934, 29955, 29941, 29955, 29965, 29974, 29933, 29984, 29990, 29891, 29925, 29886, 29945, 29999, 29939, 29990, 29955, 29999, 3210, 29974, 25152, 558, 29955, 29895, 29886, 29931, 29885, 29893, 29890, 1594, 3174, 29947, 29874, 29907, 29906, 29968, 29940, 29875, 29953, 29885, 29954, 29874, 29939, 29906, 29914, 29967, 29915, 13, 1678, 525, 29896, 29924, 29990, 8132, 19960, 29963, 29886, 29968, 29887, 29903, 29966, 10818, 29958, 29882, 29940, 22381, 29911, 29926, 29882, 29923, 29891, 29934, 24349, 29877, 29924, 29946, 29882, 29943, 29893, 7508, 8263, 1403, 29965, 1193, 273, 29933, 29974, 29878, 29984, 5617, 4574, 29920, 29888, 29945, 9598, 29965, 29926, 29882, 13207, 29929, 29896, 29956, 29929, 29924, 845, 29915, 13, 1678, 525, 352, 29965, 29999, 29953, 29968, 15789, 29884, 9219, 29941, 29900, 29894, 29923, 29874, 29943, 29906, 29968, 28463, 29953, 29990, 29878, 28035, 29931, 29873, 29911, 29906, 29934, 26067, 29929, 823, 29873, 29941, 29953, 29880, 1039, 23129, 29990, 29934, 29896, 29872, 29923, 29967, 13356, 29943, 29900, 29881, 29974, 29941, 1270, 29928, 29916, 29894, 29967, 1315, 29920, 3226, 29926, 29920, 29963, 430, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29890, 29939, 29940, 29955, 29876, 29926, 29883, 29902, 29926, 3727, 29924, 29886, 29990, 29965, 29956, 29947, 29990, 29916, 29900, 29907, 29965, 335, 29881, 29954, 29876, 26453, 29954, 433, 29979, 29878, 1113, 29940, 29883, 29896, 29900, 29928, 29974, 6489, 29939, 29877, 29954, 412, 29945, 29882, 29934, 29895, 29945, 29949, 29953, 294, 29990, 29965, 386, 29875, 29947, 29963, 29990, 29984, 29894, 29914, 1764, 29939, 15206, 29915, 13, 1678, 525, 29984, 29956, 29990, 29931, 29876, 22311, 29884, 29925, 3637, 1806, 2308, 29894, 29949, 29884, 29902, 29966, 10818, 29958, 4174, 29924, 29950, 2239, 29887, 29947, 29965, 10051, 4421, 29890, 29953, 29872, 6059, 29909, 29984, 29907, 29945, 29896, 29915, 13, 1678, 525, 29873, 29934, 15789, 29999, 29953, 29934, 29984, 29883, 29955, 29906, 29925, 18038, 29894, 29963, 29887, 29896, 29931, 1017, 582, 29920, 29999, 29953, 29877, 29929, 29909, 29984, 29925, 962, 21314, 29950, 29879, 29933, 7811, 29929, 29950, 29895, 29886, 29999, 29947, 29955, 29968, 29934, 29916, 29931, 29882, 29914, 12445, 29885, 911, 29946, 29940, 29926, 29947, 29968, 29999, 29878, 29909, 29916, 29956, 29945, 29954, 29939, 29907, 29890, 29950, 29915, 13, 1678, 525, 29900, 3624, 29947, 29965, 2477, 29984, 29880, 29963, 29914, 29883, 29939, 29934, 29891, 29890, 29984, 29925, 29933, 29876, 29914, 29900, 810, 29931, 833, 16514, 29900, 1270, 29894, 29920, 29931, 29887, 1270, 29940, 29929, 29893, 29999, 22638, 29896, 29875, 29949, 29896, 29896, 29883, 29931, 29954, 29914, 29876, 29896, 9588, 29906, 9806, 29947, 29885, 29949, 29929, 28062, 29888, 3247, 29954, 29886, 29894, 29923, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 14042, 14943, 29929, 10096, 29924, 29941, 29873, 29955, 29933, 29941, 29931, 29974, 4979, 29943, 29967, 29924, 29926, 29949, 29967, 1744, 29909, 29893, 29906, 9207, 29896, 29906, 29990, 14824, 29974, 4317, 29929, 29914, 29950, 29926, 29896, 29947, 29990, 29890, 29896, 29890, 29941, 29894, 29950, 29967, 346, 29893, 29990, 29914, 29929, 29880, 29979, 29946, 29941, 29928, 29893, 29984, 29890, 9219, 29907, 29873, 1113, 13668, 29915, 13, 1678, 525, 4717, 29916, 29906, 29874, 29900, 29990, 29891, 29955, 19881, 29990, 29968, 561, 29894, 29906, 29934, 29934, 29926, 29925, 29886, 29984, 29885, 29929, 4090, 29990, 14388, 29947, 23310, 29886, 29946, 29876, 29896, 29884, 29967, 29990, 14388, 29894, 29920, 29906, 29929, 29990, 8966, 29941, 29929, 29955, 29882, 29924, 29886, 29934, 29906, 29939, 2543, 29874, 29984, 29933, 4920, 29990, 29886, 29940, 29963, 29686, 29888, 29900, 29915, 13, 1678, 525, 29894, 29887, 29945, 29906, 29926, 29894, 29947, 6859, 29945, 29947, 29886, 1529, 8235, 29945, 29943, 29956, 29979, 1682, 29946, 29883, 29950, 1794, 29990, 29940, 29963, 29967, 29963, 29926, 29968, 29929, 29974, 29875, 19988, 29890, 9026, 29872, 29896, 455, 29963, 29894, 29943, 29893, 29990, 29875, 29906, 29883, 29956, 29879, 29941, 29877, 4590, 29907, 23338, 1252, 29900, 1718, 29882, 29974, 459, 29924, 29939, 29915, 13, 1678, 525, 2527, 29902, 29896, 29953, 29943, 29999, 28283, 5871, 29884, 29967, 29914, 29879, 29909, 331, 29939, 29903, 1092, 29883, 29926, 29878, 29924, 29968, 29968, 29931, 29894, 8969, 12192, 29916, 29946, 29916, 29920, 29954, 29984, 29874, 29911, 8181, 29943, 27823, 29893, 9029, 7597, 28600, 2951, 29990, 29950, 2241, 4912, 29990, 11256, 29979, 29984, 29887, 29954, 29887, 3959, 29915, 13, 1678, 525, 29949, 29967, 3927, 5454, 29956, 29954, 29979, 29947, 29950, 29956, 29954, 29979, 13309, 29974, 29875, 29979, 329, 29929, 22498, 29984, 29877, 29914, 29896, 29943, 29906, 29916, 29940, 8187, 354, 29929, 1416, 29929, 29888, 9806, 29947, 29967, 29890, 29934, 9472, 29999, 29914, 29939, 468, 29896, 29974, 29990, 29941, 29939, 29928, 29946, 29903, 29945, 29914, 12661, 29890, 29946, 14769, 29974, 7466, 29984, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 29958, 29875, 29943, 29887, 29955, 29880, 16264, 29979, 29929, 29963, 29882, 29953, 29882, 11135, 29929, 29876, 29896, 29945, 7707, 29934, 29999, 3235, 29894, 29965, 29953, 29956, 29939, 29885, 29914, 29966, 10818, 29958, 29890, 29956, 29953, 29947, 29999, 4198, 29888, 29920, 29934, 29947, 29923, 29915, 13, 1678, 525, 29926, 29953, 29943, 29884, 29933, 29894, 29968, 29925, 29990, 29943, 25621, 29979, 29907, 615, 29885, 29934, 29955, 29891, 29967, 29947, 29891, 29968, 29955, 29940, 29967, 29939, 29877, 29999, 29920, 29965, 29906, 24898, 29881, 29954, 2397, 29903, 29966, 10818, 16299, 13, 1678, 525, 29887, 1718, 29945, 29881, 29941, 29933, 9392, 29909, 29949, 29979, 29946, 29890, 29943, 2273, 29934, 29891, 29933, 29974, 29881, 16838, 29955, 29941, 29926, 629, 29947, 29878, 29955, 29891, 29945, 29873, 2776, 29929, 29955, 29882, 7698, 29914, 29947, 29878, 29984, 29876, 10644, 29968, 1964, 29968, 7239, 29928, 29894, 29963, 29914, 29900, 29939, 29887, 29984, 29929, 29943, 29877, 29974, 22716, 3848, 29990, 29941, 29934, 29915, 13, 1678, 525, 29943, 29920, 29939, 861, 29900, 29963, 16434, 29914, 29876, 828, 29920, 13308, 29924, 29946, 29941, 29943, 2891, 29939, 29896, 29990, 29925, 29945, 29933, 29939, 29916, 29887, 29900, 29943, 29887, 29914, 29949, 29884, 29979, 13427, 29979, 8050, 29984, 16973, 29882, 29894, 29896, 29933, 1164, 29924, 29885, 3308, 29953, 29891, 29909, 29950, 29884, 29947, 29878, 29939, 29906, 29880, 17359, 29916, 3352, 29874, 29896, 29881, 29915, 13, 1678, 525, 29926, 29953, 29974, 29887, 28627, 29877, 29940, 638, 7239, 29907, 29946, 29909, 29979, 29965, 29885, 29920, 29940, 1837, 29886, 29954, 29900, 11671, 29924, 3616, 29984, 29894, 29974, 29920, 29956, 29877, 29953, 29882, 335, 25498, 29940, 29968, 29890, 29943, 29894, 29949, 29920, 29955, 29882, 29934, 29890, 29929, 29939, 29914, 29939, 29888, 29924, 29926, 29896, 29929, 29881, 29954, 29916, 29906, 29886, 12182, 29974, 29950, 29939, 29974, 29926, 29915, 13, 1678, 525, 29945, 18426, 29896, 29878, 29911, 29914, 29999, 29963, 29876, 29947, 29874, 29947, 7858, 29907, 29876, 29933, 29950, 29324, 29984, 29929, 1537, 29882, 29907, 29873, 29903, 397, 29945, 29947, 29886, 29940, 6277, 29933, 29963, 29929, 29941, 29903, 29916, 29933, 20728, 29883, 29941, 11191, 29886, 7707, 29916, 29968, 29876, 29949, 29884, 585, 29945, 29911, 29894, 29979, 1017, 29946, 19046, 29911, 1270, 12197, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 29958, 13, 1678, 525, 29920, 15666, 29955, 29941, 29990, 29882, 29907, 1137, 29882, 29923, 29906, 29893, 29941, 29947, 29884, 29896, 29929, 345, 29999, 29929, 294, 29914, 29887, 29955, 29929, 29950, 9980, 29941, 29887, 29911, 29874, 29931, 29873, 29909, 29884, 29928, 29916, 29984, 29909, 29896, 29968, 29900, 29963, 29882, 4040, 29965, 29877, 29923, 29965, 29887, 29999, 29933, 8849, 29923, 4790, 1039, 29931, 29953, 29924, 29929, 29914, 2204, 5847, 29915, 13, 1678, 525, 29950, 13778, 29890, 8851, 29926, 29891, 29979, 29873, 4979, 29934, 26433, 29920, 29907, 7659, 29954, 29874, 29934, 29888, 29895, 29911, 29883, 29900, 5098, 29884, 5425, 29924, 1526, 29984, 29916, 29939, 29906, 29895, 29906, 29979, 29873, 29940, 10403, 29920, 29941, 29926, 3123, 29903, 29876, 336, 29947, 29879, 29902, 5617, 29946, 29896, 29888, 29894, 29954, 1113, 29968, 29939, 29955, 29941, 29940, 29916, 29882, 29915, 13, 1678, 8207, 29925, 2272, 29872, 29877, 29956, 29933, 14632, 29946, 29955, 29929, 29963, 29984, 29956, 29877, 29931, 29900, 29895, 29929, 29900, 11912, 26067, 29940, 29929, 14206, 29914, 29873, 8849, 29906, 29903, 29876, 29906, 1314, 29924, 29885, 29984, 29949, 2182, 29924, 29974, 29945, 29955, 567, 300, 29907, 2008, 2692, 29953, 29920, 29926, 29955, 29941, 29979, 29956, 29875, 29903, 29990, 29900, 29896, 25014, 29955, 29915, 13, 1678, 525, 29926, 29929, 29968, 25621, 29941, 29900, 29893, 29940, 29880, 25951, 29967, 29884, 29941, 29979, 29929, 29967, 6092, 1564, 29943, 29888, 29900, 29984, 29999, 29925, 1182, 29876, 4574, 29324, 29929, 29941, 492, 29953, 10358, 29968, 29929, 29955, 2776, 29955, 29950, 29914, 29893, 6448, 29939, 29943, 29945, 2065, 3594, 29947, 29956, 29874, 2891, 2190, 28062, 29894, 21738, 29914, 29907, 29915, 13, 1678, 525, 29954, 809, 29945, 29943, 29926, 29965, 29896, 29939, 29954, 29999, 29888, 29928, 4270, 29947, 5098, 29945, 29896, 3904, 29941, 29894, 29886, 15715, 29956, 29963, 29886, 29906, 3580, 29968, 29875, 5550, 29887, 3915, 29979, 29873, 29954, 29882, 29888, 29894, 29941, 3352, 29950, 29968, 29928, 29891, 29945, 29955, 7071, 797, 29876, 25467, 29920, 2891, 29879, 24660, 29885, 4571, 29872, 29979, 29915, 13, 1678, 525, 7659, 29963, 29934, 29896, 29923, 29926, 29923, 29953, 29963, 29967, 29943, 264, 29947, 29885, 29929, 29954, 22230, 29974, 29999, 29990, 29929, 29990, 29906, 5550, 29909, 29979, 29953, 29886, 8969, 29878, 29946, 29909, 29967, 29890, 29923, 29926, 29955, 29906, 29965, 29878, 29967, 29886, 29943, 29882, 29990, 29945, 29963, 4378, 29890, 29984, 29956, 29999, 29967, 29945, 29879, 29953, 29886, 29928, 29945, 29887, 29907, 29926, 29949, 29875, 29941, 29931, 29956, 29879, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 20647, 29963, 29212, 5819, 29909, 1307, 29965, 29939, 29881, 29954, 29984, 29885, 29882, 29984, 29950, 29963, 294, 29954, 29939, 29931, 29916, 29953, 29896, 29902, 28695, 17697, 17061, 11197, 29979, 29945, 29882, 29896, 29953, 29923, 29900, 384, 7768, 29911, 4061, 29999, 9472, 484, 29949, 29974, 1017, 29934, 6241, 29984, 29953, 29984, 29934, 29887, 29881, 17628, 29979, 29963, 29890, 29915, 13, 1678, 525, 29924, 29953, 29878, 29943, 29947, 29887, 29939, 29890, 29920, 29984, 29945, 29968, 29950, 29990, 29882, 29953, 29890, 29916, 29882, 29900, 1165, 29882, 21066, 29940, 29882, 29974, 29894, 29933, 29893, 29887, 29955, 29941, 9048, 29979, 29906, 29902, 371, 29940, 2543, 14126, 29909, 29914, 5688, 29914, 29878, 29946, 29945, 29968, 29907, 29884, 29945, 29875, 29950, 29914, 29965, 29882, 29895, 29916, 29881, 29900, 29954, 29902, 3338, 17628, 29950, 29915, 13, 1678, 525, 29886, 29984, 29876, 29907, 29956, 29955, 29896, 29950, 29914, 29907, 29900, 29949, 29900, 29872, 29968, 2477, 29877, 29963, 29914, 29990, 29903, 29990, 21970, 8426, 1660, 29875, 29939, 1111, 29968, 29902, 354, 29896, 29924, 29885, 29956, 29900, 15922, 29984, 29963, 29896, 29888, 29891, 29928, 29885, 29926, 29933, 29939, 29999, 29963, 29879, 29954, 29929, 29906, 29926, 29883, 29990, 29881, 29940, 29900, 29955, 29999, 4061, 29965, 25051, 29915, 13, 1678, 525, 7230, 29934, 29974, 3749, 29900, 29984, 3749, 29939, 29954, 29990, 29884, 1744, 29974, 29967, 29940, 29885, 29974, 29940, 2904, 2227, 29967, 5194, 26322, 29974, 29968, 29963, 22716, 29967, 9302, 29967, 29967, 29947, 16434, 29894, 29903, 29967, 290, 561, 29896, 265, 29909, 29967, 29979, 29880, 29902, 29946, 29895, 29947, 29606, 29895, 6821, 29902, 29872, 29877, 29947, 29956, 407, 29915, 13, 1678, 525, 29947, 29916, 29924, 29990, 24666, 29916, 29940, 29926, 29946, 14554, 29920, 29923, 29914, 2744, 29884, 29896, 29911, 29876, 29949, 29906, 29929, 29894, 20055, 29947, 29887, 29916, 29950, 29880, 29979, 29929, 29880, 458, 29939, 29929, 29896, 29967, 4419, 29883, 29939, 29894, 29963, 29896, 29882, 29931, 29914, 12744, 29939, 29893, 29990, 29967, 29946, 29888, 29926, 29911, 29873, 29902, 12328, 5673, 29924, 412, 6321, 29946, 29873, 29915, 13, 1678, 525, 15488, 29891, 1254, 29880, 29888, 29990, 29883, 29999, 1032, 15715, 29968, 29882, 582, 2951, 29924, 629, 29519, 29939, 29914, 29879, 29945, 18567, 29953, 29974, 29920, 29949, 29891, 29906, 29926, 29949, 1182, 29940, 29984, 29943, 29881, 29933, 16434, 29953, 29895, 29965, 2239, 29874, 27590, 29967, 29925, 29906, 3116, 29965, 29874, 29950, 29924, 29920, 29943, 948, 29882, 3267, 29979, 29949, 29915, 13, 1678, 525, 29967, 29947, 277, 29967, 29945, 29929, 29933, 26453, 29956, 645, 29934, 29900, 29984, 29979, 29895, 29906, 29883, 29931, 11987, 14995, 29872, 29909, 29945, 29882, 29931, 29984, 314, 29888, 29963, 29946, 29894, 29950, 29926, 29947, 29946, 29882, 307, 22311, 29886, 29920, 29933, 29926, 481, 2303, 29886, 29953, 5397, 1744, 29999, 294, 29955, 29879, 29896, 29875, 29945, 29924, 29965, 29883, 5091, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 29958, 29883, 29956, 29879, 29974, 29955, 29924, 29963, 29893, 29939, 29934, 29967, 700, 1558, 29924, 29946, 29931, 29933, 29885, 479, 1251, 29984, 29974, 29946, 29890, 29953, 29943, 29945, 29968, 3904, 29920, 29950, 335, 29909, 29953, 7077, 29940, 14554, 29953, 29880, 29940, 1516, 29907, 29990, 29965, 6859, 29945, 29903, 29946, 29943, 29881, 3308, 29894, 29915, 13, 1678, 525, 29955, 29906, 29984, 29999, 29947, 29914, 29890, 29947, 27297, 29896, 29949, 29875, 29925, 29900, 29956, 1129, 29920, 29928, 29984, 29874, 29953, 29875, 29945, 29903, 29967, 8849, 3226, 29954, 29947, 29879, 1590, 29945, 29947, 29945, 29925, 29926, 19903, 29939, 29953, 18800, 29923, 29906, 29895, 29923, 29929, 14605, 29979, 29888, 29914, 1579, 29967, 29945, 29920, 15291, 29926, 29965, 25446, 1888, 29890, 29894, 29900, 29915, 13, 1678, 525, 29900, 29920, 29903, 29887, 29945, 8809, 29947, 29906, 2251, 29893, 29924, 4519, 29954, 29896, 29911, 29874, 29990, 29903, 29990, 29885, 11007, 29674, 29954, 29876, 29900, 29965, 29941, 29890, 29947, 29949, 29939, 29924, 29941, 5200, 29968, 29974, 29955, 29894, 29906, 29933, 29896, 29875, 29954, 1519, 29896, 29979, 29946, 29968, 29956, 29947, 29945, 29880, 29990, 29891, 29934, 29874, 17359, 29967, 29920, 13309, 29968, 1526, 29984, 29880, 29915, 13, 1678, 525, 29967, 29902, 29956, 29926, 29984, 29953, 29879, 29946, 29931, 29939, 29926, 29950, 2857, 29934, 29947, 29954, 29968, 29873, 29906, 25288, 29963, 29890, 29941, 29967, 29931, 29999, 29903, 994, 29893, 4614, 29875, 29903, 29955, 29902, 29984, 29999, 29949, 29906, 8849, 29946, 29886, 1141, 29949, 6150, 29928, 29920, 29883, 1332, 29914, 29940, 29939, 29990, 29873, 29974, 572, 4900, 29933, 20726, 29915, 13, 1678, 525, 29882, 29900, 29880, 29893, 29883, 29968, 2190, 17915, 29999, 29886, 29940, 24157, 29946, 29876, 15488, 29967, 29885, 29914, 29929, 17628, 29999, 29880, 29888, 29900, 29878, 29895, 29946, 29949, 29900, 29914, 29900, 6925, 29883, 29911, 29974, 29928, 29946, 29880, 29984, 29946, 29882, 24943, 29947, 29947, 29882, 16761, 29940, 29984, 29881, 29953, 29876, 29954, 29874, 29947, 29876, 29943, 29984, 29911, 29900, 29926, 29945, 29875, 20322, 29915, 13, 1678, 525, 29891, 1148, 29955, 29941, 29902, 29914, 29941, 29931, 29956, 29884, 29928, 277, 29907, 29990, 29893, 2774, 29934, 29886, 29968, 29943, 2713, 29914, 29896, 3035, 309, 666, 29956, 29920, 29968, 1004, 29902, 29939, 12445, 29885, 29990, 10699, 29907, 29939, 29894, 29956, 8849, 9998, 29896, 5311, 29895, 3249, 29903, 29999, 25039, 29906, 29965, 1579, 29943, 29955, 29928, 29891, 29906, 29979, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29920, 29945, 29893, 29946, 18933, 29967, 29974, 18038, 29939, 6059, 4912, 29941, 29916, 29894, 29900, 29906, 11601, 29954, 29966, 10818, 29958, 29953, 29979, 1335, 29934, 29956, 29875, 29929, 29909, 11912, 29940, 29879, 29956, 29941, 29954, 29890, 29979, 29873, 29974, 29929, 29923, 29926, 29968, 29950, 29955, 29896, 2208, 1837, 29924, 29941, 29950, 29881, 29999, 700, 29924, 6637, 29915, 13, 1678, 525, 29926, 1579, 29929, 29946, 29939, 16048, 29911, 29894, 29893, 29896, 2204, 29925, 4519, 22119, 29950, 29984, 311, 29968, 29963, 29934, 2112, 29928, 29953, 1327, 29891, 29941, 29902, 29914, 29888, 29947, 29911, 29888, 29956, 29876, 29990, 8132, 29884, 29903, 29891, 786, 29940, 29886, 2182, 29882, 29943, 24668, 5850, 26300, 29906, 29963, 336, 14797, 29920, 29907, 29947, 834, 29943, 29915, 13, 1678, 525, 29886, 29931, 29873, 2397, 29929, 29999, 29941, 29873, 2397, 29979, 29946, 29876, 29895, 29953, 29940, 29924, 29884, 29947, 29885, 29920, 29999, 29924, 29947, 29984, 486, 29929, 29900, 2882, 29984, 29943, 29999, 2772, 412, 29874, 29946, 29876, 29947, 29890, 29896, 29931, 29883, 29941, 29914, 29909, 2585, 29990, 29923, 29914, 29900, 29974, 29900, 29967, 29939, 29894, 29916, 29945, 5652, 29909, 29967, 29873, 407, 29979, 22779, 29940, 29915, 13, 1678, 525, 29873, 29979, 29890, 7230, 29946, 29968, 29974, 29896, 29926, 29954, 29888, 29940, 29900, 29963, 29939, 371, 29939, 1451, 1123, 29920, 29934, 29900, 29979, 855, 29875, 29999, 29878, 29945, 29902, 29895, 29902, 2891, 29933, 29911, 29974, 25103, 11022, 29941, 29920, 29906, 29945, 3727, 29945, 29895, 29956, 11022, 7698, 29882, 29943, 14196, 29925, 29885, 1349, 29925, 29896, 17896, 29887, 29885, 29968, 29915, 13, 1678, 525, 29953, 29931, 29968, 29953, 29906, 5371, 29875, 29909, 29947, 29967, 29923, 29886, 29945, 29887, 4897, 29887, 29945, 29999, 29883, 29974, 29923, 1451, 3820, 29979, 29939, 29990, 299, 29925, 29939, 29887, 1867, 29933, 29953, 15695, 29883, 29943, 2544, 29874, 29909, 29974, 29911, 29888, 29950, 6099, 29903, 29999, 29939, 2499, 29896, 29933, 26353, 29876, 29928, 6099, 29956, 29941, 29934, 29984, 29974, 3624, 29925, 29915, 13, 1678, 525, 1254, 29893, 6604, 29911, 29886, 29990, 29916, 29940, 29974, 18038, 29916, 29906, 24126, 29939, 29903, 29878, 29923, 29945, 29876, 29967, 29939, 25639, 29896, 29896, 29955, 29900, 29999, 13356, 29968, 29893, 4198, 29953, 29890, 29953, 1896, 2241, 29874, 5659, 29956, 29965, 29929, 29903, 1430, 29878, 695, 29914, 29967, 29979, 29965, 29955, 29873, 29956, 29956, 29990, 29888, 29895, 29925, 29926, 29941, 29880, 3580, 29915, 13, 1678, 525, 29926, 15339, 29906, 29877, 29979, 29884, 8452, 29974, 29939, 29883, 346, 29920, 29949, 29887, 29933, 3146, 20517, 29984, 29956, 29963, 29926, 29920, 29923, 29945, 29963, 29886, 29974, 29893, 29907, 29881, 29949, 29953, 15339, 29965, 29984, 29947, 29979, 2477, 29984, 29886, 29990, 29874, 2713, 29967, 29965, 833, 388, 29941, 29946, 29955, 29880, 29941, 29950, 29953, 29925, 29933, 29873, 29907, 29895, 6854, 29900, 29984, 29950, 29915, 13, 1678, 12801, 10818, 29958, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 29958, 29896, 29990, 29945, 29903, 29941, 29920, 12197, 2308, 29984, 1001, 29974, 29891, 29900, 29967, 29967, 29885, 29909, 29945, 29968, 29880, 29954, 29891, 29963, 29916, 29876, 29954, 19127, 29896, 29882, 29906, 7056, 29883, 29943, 29956, 29875, 29967, 29965, 29999, 29906, 29920, 29979, 29876, 29900, 29884, 283, 29923, 29974, 2589, 29931, 3959, 29955, 8139, 29945, 29990, 29920, 29940, 29915, 13, 1678, 8207, 29883, 29947, 29907, 29945, 5746, 29888, 29939, 29954, 29895, 29929, 29887, 29999, 29878, 29896, 29881, 29963, 11868, 29945, 29873, 29931, 29968, 29887, 29984, 29984, 29920, 29903, 29947, 29999, 29939, 29943, 29906, 1758, 29947, 29999, 29911, 29888, 29953, 29893, 7516, 29950, 8979, 29906, 29968, 29965, 29888, 1270, 29990, 29909, 29945, 15488, 29929, 7210, 29953, 29909, 29945, 3301, 29929, 8766, 29876, 29939, 29891, 3112, 29915, 13, 1678, 525, 29877, 29907, 29916, 29909, 29874, 29924, 29896, 29900, 29894, 29906, 29896, 5098, 29928, 29941, 4345, 29895, 29931, 4090, 15866, 29963, 6854, 29990, 29894, 29946, 3557, 29875, 29914, 29963, 29887, 29894, 29963, 29947, 13778, 3904, 8754, 29967, 29880, 29990, 29916, 29896, 29893, 29974, 29884, 29931, 7856, 29890, 2965, 29881, 29900, 17599, 555, 29979, 29924, 29967, 29896, 29947, 645, 29956, 29915, 13, 1678, 525, 29990, 29968, 29891, 1233, 29965, 4345, 29953, 29946, 29885, 29907, 29894, 29928, 700, 29888, 29928, 29882, 29950, 29884, 29902, 567, 29943, 29963, 29953, 29947, 29963, 29990, 29906, 29902, 29974, 29907, 2369, 29954, 29929, 29914, 29900, 29933, 29874, 29953, 29923, 29953, 29891, 29907, 29920, 29887, 29923, 29956, 29884, 29924, 29920, 29953, 29946, 29941, 29896, 29965, 29967, 29891, 29929, 29939, 29885, 29947, 29903, 29888, 2204, 14438, 29878, 29686, 29915, 13, 1678, 525, 29886, 29914, 3853, 29896, 808, 29924, 29946, 29876, 21685, 29928, 29945, 29984, 29990, 29891, 29946, 29887, 29947, 29999, 952, 29891, 29928, 29967, 29881, 27297, 29953, 29984, 417, 29974, 29900, 15784, 29895, 29979, 28012, 29929, 29906, 3977, 29893, 29902, 29882, 29890, 29953, 29883, 10844, 29984, 6415, 29914, 29876, 29946, 29965, 29946, 29990, 29877, 29907, 688, 1307, 6604, 29934, 29933, 29915, 13, 1678, 525, 29872, 3338, 29920, 29979, 29956, 8016, 29925, 29953, 3112, 29953, 29955, 29925, 15666, 29907, 29914, 29933, 29916, 29968, 29907, 29929, 8139, 29931, 29943, 10028, 1519, 29929, 29896, 29879, 29990, 21648, 29990, 29893, 29967, 29984, 15349, 29923, 29953, 29893, 29941, 29873, 29940, 29886, 29945, 29876, 29923, 29887, 29902, 29974, 29999, 29965, 29939, 29890, 29945, 29885, 2252, 29947, 29890, 29967, 29895, 29933, 29881, 29954, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29923, 29965, 29984, 29945, 29940, 29945, 29881, 25103, 1660, 29896, 29933, 29941, 29999, 12328, 351, 29941, 29885, 29940, 29873, 3912, 29999, 29955, 29940, 29941, 29939, 29872, 29914, 29916, 29906, 455, 29934, 29906, 29939, 29920, 29950, 29946, 29906, 29893, 15339, 29941, 29874, 29941, 29954, 29946, 29954, 29929, 29941, 29883, 29926, 29876, 29974, 29876, 29896, 29943, 29984, 29923, 29950, 29900, 29950, 29878, 29896, 29906, 29956, 29885, 29945, 29934, 29947, 29915, 13, 1678, 525, 15695, 29895, 29903, 29939, 29946, 29933, 29896, 2585, 29940, 29946, 29953, 29900, 29947, 29953, 29895, 29888, 29891, 29990, 29896, 29968, 29890, 29894, 29896, 1341, 1182, 29984, 29999, 29875, 29950, 29886, 29906, 29974, 566, 29873, 3521, 29887, 29999, 4861, 29885, 29955, 29941, 29984, 29928, 29891, 29940, 29990, 29877, 29906, 29890, 29906, 29874, 29900, 29954, 29979, 29887, 29968, 29882, 29939, 29924, 29906, 29954, 29887, 29926, 29519, 29929, 22208, 13, 1678, 525, 24704, 29943, 5838, 19988, 29879, 29946, 29947, 29929, 29929, 29950, 29916, 29949, 29916, 29963, 29967, 29968, 29979, 29949, 9485, 29931, 29950, 29877, 29914, 29967, 29947, 29954, 4090, 29896, 29875, 29990, 29896, 29968, 29920, 29896, 29923, 29875, 29946, 6727, 29955, 29896, 29888, 29926, 29955, 29914, 29979, 29984, 29953, 29955, 27728, 29931, 29955, 29914, 29883, 29955, 29990, 331, 29894, 29941, 29956, 29878, 29945, 29914, 29911, 29953, 29877, 29915, 13, 1678, 525, 29946, 29953, 29965, 29872, 29968, 4178, 29984, 29925, 29929, 29896, 29872, 29943, 7390, 29883, 29923, 29914, 29900, 29928, 29955, 29879, 29954, 29914, 29953, 29974, 29931, 29956, 29941, 29945, 8139, 29900, 29931, 29950, 29984, 29903, 29945, 29884, 29939, 29872, 29967, 29900, 29947, 29946, 29877, 29941, 29920, 29894, 29887, 761, 29920, 29939, 29945, 4979, 29928, 29881, 29914, 29907, 29872, 29949, 29974, 29891, 29924, 4861, 29886, 4571, 29916, 29955, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 11787, 29955, 7508, 29890, 29909, 29945, 29946, 29891, 29928, 29891, 29999, 29974, 29926, 29926, 29902, 29906, 29946, 29906, 29949, 3624, 29914, 4421, 29916, 412, 29914, 29984, 29879, 29914, 29887, 29984, 29923, 29974, 29923, 29902, 3247, 29909, 3120, 29929, 29883, 29911, 29968, 29907, 1028, 7239, 29974, 374, 29906, 458, 29924, 29920, 29990, 29924, 29906, 29941, 29894, 29886, 29979, 3746, 29900, 29999, 29894, 29956, 29915, 13, 1678, 525, 29941, 1516, 29940, 12661, 29916, 29906, 29887, 29968, 29880, 29955, 29887, 29945, 29893, 29965, 29890, 29925, 29900, 29943, 29900, 29872, 29968, 2882, 327, 29916, 29968, 11191, 29956, 29939, 29926, 29967, 29916, 8426, 29893, 29888, 4462, 29906, 6905, 29929, 29886, 3112, 29884, 29900, 29874, 29914, 29887, 8754, 29941, 29999, 29946, 29882, 29979, 415, 2589, 29974, 29872, 25758, 29873, 3629, 29872, 29915, 13, 1678, 525, 29954, 29999, 29967, 29882, 4174, 29888, 29928, 29914, 29907, 4979, 29900, 29924, 29884, 29953, 29906, 29902, 29891, 29929, 29894, 29947, 29885, 29924, 29990, 29965, 29945, 29879, 29896, 29878, 29939, 29902, 29894, 29990, 29878, 29895, 29974, 13356, 29874, 29934, 29873, 29984, 28600, 18454, 1177, 29949, 29872, 5688, 29877, 23560, 29999, 29931, 29896, 29990, 29926, 1537, 22716, 2208, 29872, 29965, 4519, 29984, 1564, 29915, 13, 1678, 525, 29968, 29931, 29940, 2291, 29911, 29941, 29967, 29946, 29928, 962, 29900, 29945, 29934, 617, 29939, 29990, 29907, 17115, 29947, 29939, 29916, 29881, 29900, 29906, 18454, 12750, 18828, 29947, 29934, 29878, 29907, 617, 29963, 29874, 29902, 336, 29943, 468, 29956, 29929, 29916, 29963, 29931, 29894, 12064, 336, 29967, 29941, 29965, 29967, 29894, 29967, 29990, 29887, 29947, 18009, 24704, 29965, 29939, 29928, 29915, 13, 1678, 525, 833, 29946, 29946, 29914, 29909, 8849, 29953, 29979, 29943, 29946, 29880, 29882, 29979, 29893, 20901, 29883, 18009, 29946, 28879, 29924, 29950, 29953, 865, 29926, 29519, 29939, 29916, 29887, 29933, 434, 29940, 1182, 21055, 29886, 29947, 29926, 29999, 29890, 29926, 29876, 29947, 29894, 5409, 29902, 29920, 29916, 29979, 20726, 29914, 29896, 29968, 29965, 29949, 29929, 22779, 29923, 17396, 29974, 29990, 29915, 13, 1678, 525, 29926, 593, 29887, 29911, 29946, 29893, 29907, 29873, 29947, 29894, 4590, 29979, 29894, 9029, 29929, 29956, 29906, 29945, 29931, 29887, 29940, 3433, 29947, 7466, 29999, 29887, 29949, 2882, 29934, 29963, 15755, 29907, 29953, 29931, 29990, 29946, 29888, 29907, 29947, 29954, 29979, 29888, 7183, 29955, 29923, 29968, 29882, 29895, 29956, 271, 29999, 29933, 29967, 29906, 29929, 29914, 1806, 29999, 29929, 29874, 29984, 29939, 29925, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29895, 29928, 29891, 29968, 3624, 29967, 29965, 29916, 29943, 29954, 29974, 6489, 29928, 29893, 29947, 29874, 747, 29945, 29929, 29890, 29949, 29945, 7810, 29925, 29914, 29966, 10818, 29958, 29907, 1692, 29939, 29885, 29906, 29906, 21457, 29882, 29929, 1299, 29924, 29939, 5098, 29945, 29984, 9429, 29945, 29926, 29999, 29974, 29906, 1635, 29945, 29911, 29916, 27049, 3249, 29965, 29915, 13, 1678, 525, 29941, 29872, 29984, 29900, 29376, 29873, 29979, 9029, 29923, 29946, 29984, 29953, 29955, 823, 29941, 29967, 29893, 29906, 7982, 29979, 3727, 29974, 29916, 29943, 2204, 28462, 368, 29954, 29902, 29941, 29974, 29906, 29909, 29941, 29943, 29877, 29931, 29940, 29879, 29963, 1594, 29949, 29916, 1365, 29920, 29914, 29916, 29949, 29941, 29953, 7141, 29928, 29914, 2904, 29916, 29923, 29888, 14824, 29900, 1193, 29915, 13, 1678, 525, 29946, 29945, 29902, 29875, 29900, 29886, 29924, 29941, 29939, 29940, 29974, 29968, 29950, 13208, 4519, 8120, 29907, 29884, 861, 29946, 29888, 29950, 18426, 1525, 29955, 29947, 29923, 29920, 29943, 29974, 29999, 29954, 29947, 29900, 29888, 29931, 9207, 29926, 29956, 29874, 29999, 29882, 20055, 29895, 29945, 25103, 29967, 29893, 29984, 29891, 29943, 29941, 29896, 29890, 29925, 29990, 1022, 29893, 29902, 29890, 29999, 29939, 29883, 29950, 29915, 13, 1678, 525, 4790, 29907, 29900, 29885, 29920, 6295, 29907, 29984, 29963, 5590, 29884, 22240, 29880, 29953, 915, 29931, 29933, 29947, 29963, 29946, 6295, 29955, 29885, 29967, 29880, 29946, 29872, 29931, 29887, 29979, 29875, 29923, 19807, 29900, 29939, 29945, 29926, 29979, 29893, 29945, 29947, 29900, 29933, 29929, 29950, 3848, 29950, 29941, 29895, 29924, 29941, 1416, 14388, 29906, 10337, 29929, 29947, 29878, 29954, 29929, 29939, 29979, 29915, 13, 1678, 525, 29974, 7810, 29949, 29887, 23189, 29955, 29890, 29955, 29914, 29894, 29934, 29893, 29968, 29902, 29955, 29974, 29888, 29882, 1949, 29916, 29885, 29943, 29873, 29965, 29963, 29914, 8979, 10249, 12822, 29875, 29911, 29984, 29955, 17618, 29963, 29984, 17080, 17115, 29967, 29928, 29967, 29914, 29886, 29949, 29877, 29906, 29968, 29880, 16264, 29934, 29946, 29924, 29946, 29872, 29949, 29949, 29953, 774, 29953, 29974, 29934, 29884, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 20778, 29954, 29894, 29955, 29873, 29928, 29953, 29872, 29950, 29955, 29939, 1451, 19737, 29916, 29928, 29894, 1478, 4141, 29914, 29906, 16434, 4819, 29929, 29879, 29999, 29884, 29902, 29941, 29893, 29884, 29947, 29885, 29929, 12064, 29947, 29955, 29920, 29954, 2303, 29874, 29968, 29929, 29950, 29887, 29967, 29890, 29999, 29882, 12188, 29947, 29891, 29923, 29929, 12328, 29900, 29926, 29896, 5389, 29943, 29879, 29900, 29894, 29915, 13, 1678, 525, 29880, 329, 29878, 29939, 29894, 3137, 272, 29943, 29968, 29965, 29990, 6132, 29914, 29893, 29984, 3373, 7141, 29947, 27049, 29947, 1001, 1579, 24301, 29984, 29934, 29955, 9606, 29963, 29967, 29895, 29881, 3487, 29929, 29882, 22381, 29906, 29950, 29882, 3637, 29893, 29888, 29968, 29909, 1806, 29903, 572, 29929, 29884, 29965, 29896, 29887, 29984, 29888, 29999, 29946, 29967, 2182, 29915, 13, 1678, 525, 29945, 29929, 29890, 557, 29931, 29885, 29967, 29984, 29999, 29900, 485, 3365, 29909, 347, 29968, 29896, 29875, 29931, 29891, 29929, 29934, 29968, 29882, 29990, 29965, 29914, 29909, 397, 13975, 29965, 29896, 24349, 3594, 284, 29914, 29886, 29967, 29955, 12130, 29950, 29953, 29878, 29943, 29900, 14851, 29929, 29873, 29926, 1806, 29907, 384, 29900, 7187, 29903, 29929, 29999, 29931, 29953, 29894, 29979, 29915, 13, 1678, 525, 29956, 29896, 1519, 29967, 29900, 567, 29893, 29949, 22311, 1289, 29956, 29953, 29949, 29953, 16240, 29885, 15755, 29902, 29878, 486, 29963, 29874, 29907, 29946, 29876, 29900, 29882, 29984, 29914, 29945, 29984, 29906, 29940, 29946, 29974, 29955, 29880, 29963, 29879, 29956, 25498, 29941, 29924, 446, 29979, 29939, 11191, 29874, 29963, 29953, 29881, 29924, 29954, 29968, 29920, 1783, 20571, 29896, 29886, 29900, 2291, 29915, 13, 1678, 525, 29990, 29939, 4571, 29967, 29967, 11601, 29926, 29929, 29979, 29949, 29674, 9998, 1403, 25446, 7466, 29916, 29946, 29877, 29984, 29984, 29934, 29953, 29888, 29968, 2120, 29963, 29979, 29914, 29954, 29990, 29872, 29929, 18009, 29928, 29947, 2235, 561, 29887, 29967, 29950, 29953, 13356, 29896, 29946, 29925, 29967, 25566, 29895, 29931, 14246, 5838, 29895, 29911, 29895, 29920, 29967, 29940, 29891, 29915, 13, 1678, 525, 29955, 29907, 29984, 29903, 1433, 29894, 29909, 29945, 29947, 29929, 3217, 29974, 29990, 29950, 29887, 29886, 6040, 29900, 29984, 22833, 29894, 17557, 29906, 12932, 6530, 29950, 29943, 29939, 29914, 700, 29891, 29925, 29999, 29974, 29909, 485, 2692, 29955, 29890, 29924, 29939, 29882, 27418, 29999, 29885, 3749, 808, 29949, 29979, 29874, 29933, 9877, 3727, 29928, 29945, 29984, 29933, 29874, 29933, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29907, 2227, 25675, 29979, 29887, 29929, 15524, 29894, 29955, 29954, 29881, 29963, 29887, 29984, 29909, 29949, 29954, 1416, 29931, 29946, 29907, 29900, 29876, 29939, 29914, 29990, 29884, 29934, 9851, 29979, 29929, 29900, 4912, 29933, 2766, 29963, 29914, 6227, 29950, 29886, 29914, 29950, 6008, 29945, 29893, 29900, 29914, 29965, 29941, 29990, 29950, 29881, 29928, 845, 9429, 29979, 29999, 29955, 29876, 29925, 29887, 29974, 29965, 29915, 13, 1678, 525, 29909, 29872, 2236, 29953, 25103, 1233, 29963, 29885, 29943, 29873, 29965, 29881, 29914, 29906, 29947, 29963, 1416, 29954, 29974, 29967, 29934, 29940, 29947, 19960, 351, 29945, 29933, 29924, 29945, 29941, 29965, 29914, 29890, 29968, 6295, 29941, 29895, 29886, 29947, 23338, 29920, 29900, 29929, 29939, 29945, 29963, 29914, 29966, 10818, 29958, 29965, 1977, 29873, 29979, 368, 29915, 13, 1678, 525, 29984, 29955, 29967, 29900, 29955, 29955, 561, 29879, 29949, 29916, 29906, 29934, 446, 29933, 29954, 29968, 29946, 29887, 29894, 29900, 1327, 29881, 29947, 29888, 15868, 29990, 5667, 24625, 29979, 29950, 29946, 29940, 29941, 29931, 29954, 29880, 29895, 29896, 29956, 3274, 13079, 29990, 29939, 29974, 29884, 29884, 29939, 412, 29968, 29916, 29968, 29943, 12072, 29979, 2928, 23560, 29941, 29968, 29876, 26074, 29915, 13, 1678, 525, 29990, 29888, 29906, 29895, 29950, 29896, 29928, 29990, 29939, 29968, 29891, 29956, 29979, 29886, 29947, 29909, 1131, 29933, 8139, 29884, 29950, 29945, 29877, 29931, 29984, 29940, 29999, 28466, 29881, 29900, 29979, 10249, 2901, 29939, 29933, 398, 12972, 29874, 29950, 29953, 29945, 29955, 29956, 29890, 29940, 29916, 29953, 29974, 29945, 509, 29928, 29941, 29884, 8851, 29947, 7428, 6448, 10721, 29950, 4790, 29915, 13, 1678, 525, 29933, 29900, 29903, 29881, 5550, 29926, 29882, 29895, 29907, 29953, 29946, 29926, 29974, 29956, 29916, 14943, 29963, 29990, 29947, 29886, 9375, 29946, 29943, 29929, 29891, 29900, 29939, 1388, 29999, 29929, 267, 4061, 29950, 5194, 29974, 17367, 29943, 29895, 29940, 1485, 29886, 29906, 29885, 29984, 29890, 9485, 29939, 29903, 29984, 29909, 1217, 29956, 15349, 3044, 29934, 29974, 1481, 29906, 29880, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 29958, 29931, 29963, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 29958, 29886, 29968, 29885, 2525, 5371, 25855, 29911, 29966, 10818, 20690, 29999, 29956, 29883, 29926, 29926, 29950, 29953, 3358, 29945, 29956, 312, 29941, 29875, 29946, 29883, 29896, 29895, 29956, 29941, 29887, 29915, 13, 1678, 525, 1001, 29877, 29984, 29895, 4986, 29896, 29965, 29939, 29878, 29999, 29879, 29940, 29873, 29902, 25498, 6059, 25608, 29940, 29900, 29879, 29949, 29954, 29876, 29943, 2502, 29914, 29902, 29956, 29880, 29943, 3210, 29902, 29974, 29939, 29925, 29999, 4090, 29945, 29886, 29999, 29886, 29900, 29900, 29934, 29955, 17472, 29946, 29891, 8139, 29945, 29878, 29926, 29968, 29949, 29920, 1233, 29907, 29888, 29963, 434, 29953, 29874, 29915, 13, 1678, 525, 5688, 29883, 29902, 29914, 29872, 3247, 29955, 29888, 4717, 29954, 29979, 29933, 12443, 29990, 29885, 29963, 346, 4099, 29953, 29933, 29946, 29947, 29873, 29907, 29894, 29941, 1682, 14018, 29907, 29893, 29968, 29928, 29882, 29968, 29984, 29946, 29885, 10262, 29967, 29955, 29955, 29941, 29979, 29967, 1193, 29941, 29953, 29979, 29965, 29916, 29979, 29890, 29979, 29885, 29984, 29890, 10721, 29909, 29955, 29934, 29896, 29911, 29873, 29915, 13, 1678, 525, 29876, 29896, 29873, 29928, 29956, 29884, 29955, 29963, 29931, 29876, 29906, 29907, 29955, 3487, 29963, 29984, 20449, 29896, 29872, 13778, 290, 29909, 29891, 29945, 29947, 29884, 29943, 29945, 17303, 29890, 29914, 29939, 17755, 29954, 25498, 29999, 29882, 29902, 6400, 29968, 29941, 2797, 29931, 29950, 29956, 29885, 29909, 29984, 29943, 29979, 6096, 29940, 29875, 29911, 4378, 29999, 29933, 29968, 29882, 29888, 29945, 29885, 29915, 13, 1678, 525, 29953, 3123, 29923, 29894, 29896, 29896, 29990, 8187, 29950, 29885, 29979, 29940, 29916, 29963, 29911, 1039, 5661, 29946, 29896, 29896, 8547, 29906, 29933, 29893, 29933, 29929, 29999, 29949, 1193, 29999, 29875, 1783, 29888, 29946, 2544, 29874, 29929, 29956, 24349, 29883, 29893, 5607, 29933, 7508, 29940, 29953, 29925, 29893, 29941, 29955, 29874, 29999, 29895, 29900, 29916, 29933, 29879, 29891, 29925, 29894, 29934, 29946, 29946, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 29958, 29883, 29911, 12972, 24301, 29883, 29990, 16514, 29933, 29924, 29882, 29887, 29885, 29929, 29968, 29946, 29906, 29947, 29890, 29946, 29872, 29929, 29940, 629, 29929, 29894, 29906, 29924, 29990, 29888, 29950, 29878, 29896, 29940, 29947, 29925, 29881, 29984, 29923, 29914, 29945, 29946, 29929, 29900, 29915, 13, 1678, 525, 29882, 24460, 29999, 29974, 29939, 29878, 29967, 1433, 339, 29950, 29906, 29880, 29955, 29965, 29946, 29956, 10844, 1175, 19046, 29979, 29876, 25951, 29873, 29900, 29955, 29941, 29967, 29882, 29939, 16359, 29933, 29950, 29880, 29946, 29946, 29876, 29888, 29990, 29949, 29896, 29963, 29894, 29941, 29886, 29956, 29907, 29876, 29945, 29934, 29888, 29963, 29875, 29941, 29890, 29933, 29967, 29956, 29947, 29967, 29953, 25467, 9980, 29882, 29916, 29915, 13, 1678, 525, 29888, 29979, 29955, 29929, 29926, 3357, 687, 29984, 29999, 29933, 7184, 29929, 16786, 29906, 29924, 29955, 29979, 29872, 29940, 29873, 1484, 29941, 29955, 29955, 19988, 29896, 29934, 29884, 29914, 29884, 29999, 29894, 29914, 29890, 29926, 29920, 29896, 29879, 29979, 29907, 29900, 29883, 29943, 29885, 4162, 29939, 29953, 29968, 29896, 29924, 29895, 29911, 303, 2251, 29916, 29939, 29914, 13152, 29887, 29999, 6295, 29947, 29879, 29915, 13, 1678, 525, 29955, 29990, 4419, 29886, 29949, 29923, 29902, 29878, 29968, 29896, 29872, 29931, 29885, 29953, 578, 29872, 29929, 21935, 29963, 29888, 29891, 517, 29949, 29929, 29914, 1267, 29906, 29907, 29979, 8193, 29967, 29924, 29884, 29945, 29906, 11248, 5194, 29984, 29950, 8016, 29990, 4819, 29886, 29949, 29906, 29946, 29955, 586, 29894, 29893, 29965, 29967, 29911, 29955, 29893, 29953, 29909, 29896, 29926, 29963, 29900, 29878, 29915, 13, 1678, 525, 8257, 29934, 29900, 29934, 29943, 1867, 29934, 29954, 29929, 29887, 29907, 29888, 29940, 29881, 29950, 29984, 11341, 29974, 29914, 29947, 29874, 29925, 29956, 29953, 29943, 4741, 29941, 29895, 29929, 29990, 29934, 29945, 29877, 29909, 29916, 3301, 29881, 17080, 29947, 29940, 615, 29963, 5746, 29934, 29933, 29955, 29879, 29945, 29999, 29949, 29916, 29931, 29941, 29939, 29902, 29882, 2142, 23521, 29984, 29903, 29891, 1307, 29878, 29915, 13, 1678, 525, 29953, 29990, 29872, 21870, 29956, 29939, 29946, 29906, 29968, 29876, 29928, 29900, 29894, 29896, 29902, 29950, 582, 29945, 29893, 29880, 29940, 29875, 29928, 4518, 29895, 29934, 29926, 29949, 29955, 29934, 29943, 29950, 29877, 29955, 29876, 2525, 29885, 29929, 29874, 29950, 29914, 7811, 4501, 2067, 29955, 29911, 29939, 638, 29876, 29928, 29955, 29946, 29979, 801, 8120, 29984, 29911, 13367, 29974, 29914, 29968, 29979, 29963, 29915, 13, 1678, 525, 29875, 29979, 29900, 5824, 29876, 29931, 15926, 12810, 29886, 29945, 29950, 29893, 29946, 3421, 23328, 29954, 7141, 29934, 29933, 29947, 29877, 4178, 29907, 29884, 29953, 5690, 29891, 29903, 29876, 29999, 29939, 29881, 29900, 29934, 29947, 29891, 29974, 29966, 10818, 29958, 29990, 29924, 29881, 688, 29931, 29883, 29956, 29946, 347, 29984, 952, 29926, 29990, 29877, 29956, 29888, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 29958, 29879, 29934, 1682, 29946, 29895, 29928, 29941, 29947, 29945, 29872, 29990, 29887, 29953, 29911, 29885, 29984, 29914, 29875, 14388, 29906, 29984, 29887, 29885, 29896, 29878, 29963, 29984, 2120, 29946, 29896, 29920, 29914, 29945, 5773, 29909, 29955, 29878, 4717, 29949, 29955, 29990, 29887, 29931, 29945, 29915, 13, 1678, 525, 29888, 12328, 29929, 29903, 13975, 29887, 29943, 29947, 29990, 29955, 29968, 29876, 19788, 29940, 29876, 29894, 29900, 29933, 2526, 29990, 29933, 29967, 16264, 29929, 29884, 29914, 29967, 29902, 29914, 29873, 29999, 5592, 21819, 29920, 29928, 29939, 29953, 29943, 29965, 29953, 29945, 2499, 29926, 29940, 561, 29990, 29955, 29934, 29887, 561, 29946, 29914, 29940, 29967, 29967, 29888, 29924, 29881, 492, 29990, 29939, 29885, 29915, 13, 1678, 525, 29888, 29956, 29873, 29940, 8979, 29873, 29903, 29999, 29879, 29924, 29880, 29900, 29887, 6227, 29945, 29874, 29931, 29956, 29946, 29909, 29926, 29943, 21231, 29888, 29902, 861, 29963, 29955, 29946, 29939, 29872, 4690, 29887, 26074, 29925, 29956, 277, 29931, 29890, 3746, 29893, 29914, 29963, 29939, 29881, 29999, 29887, 29895, 312, 29984, 29893, 29967, 29875, 29931, 7210, 29877, 23129, 29999, 29880, 29979, 29924, 13264, 29915, 13, 1678, 525, 1529, 29875, 29999, 29890, 29979, 29953, 29877, 29967, 29954, 29893, 29896, 29880, 29940, 29945, 29945, 29890, 29941, 29900, 29911, 29894, 29882, 29907, 29967, 29914, 29929, 29890, 29943, 29886, 29963, 29941, 29923, 29900, 29876, 29914, 3927, 29875, 29968, 29876, 29955, 29999, 29953, 15868, 29872, 29953, 11135, 29934, 20728, 29947, 29956, 29886, 29923, 29974, 29946, 29883, 4051, 29926, 29945, 29943, 5499, 29941, 29939, 29965, 29875, 29967, 29885, 29941, 29882, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 29958, 29890, 29984, 29888, 29963, 29900, 29877, 29943, 29914, 11671, 29953, 29931, 29990, 29884, 29906, 29990, 29890, 29953, 29874, 29955, 29915, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 29958, 29933, 6295, 29974, 29874, 14816, 29929, 29953, 29929, 29925, 29939, 29888, 1137, 29890, 29947, 29879, 29950, 3365, 29933, 29896, 29880, 600, 29949, 3848, 29906, 29947, 29968, 29884, 5454, 29941, 1451, 29953, 29924, 29887, 29914, 29968, 29906, 5098, 29950, 29890, 29947, 29900, 29911, 29888, 29953, 19776, 29911, 29876, 29990, 29881, 29947, 29984, 29956, 23097, 13, 1678, 525, 1217, 542, 29924, 29941, 29947, 309, 29896, 29946, 29934, 9029, 29907, 29896, 29953, 11178, 29890, 29984, 14345, 1579, 29914, 29929, 29876, 29956, 29896, 29939, 29900, 29900, 29923, 2692, 24495, 29885, 1056, 29940, 19920, 29946, 29880, 29984, 11256, 29907, 9980, 29883, 29968, 29984, 29999, 29968, 29900, 29875, 29909, 29877, 29963, 29874, 29956, 29895, 492, 29907, 29875, 29968, 29875, 29925, 16761, 29915, 13, 1678, 525, 29974, 29882, 2901, 29874, 29965, 29880, 29931, 29914, 29945, 29984, 29974, 29895, 29953, 29914, 29887, 29954, 29914, 29887, 29968, 29925, 272, 29941, 29876, 29950, 18564, 29979, 29896, 29925, 29916, 29990, 29941, 29949, 1648, 29974, 29929, 29924, 29955, 29895, 29920, 29883, 29974, 29953, 29945, 29967, 29886, 11787, 29925, 29879, 4174, 29894, 827, 29984, 29877, 29979, 29906, 29900, 24495, 29900, 29950, 7516, 24494, 29883, 22208, 13, 1678, 525, 29876, 29967, 28879, 1682, 29886, 29941, 29949, 1450, 29920, 3059, 12696, 29947, 29888, 29911, 29876, 29979, 29878, 13208, 29955, 29920, 2067, 29894, 29888, 29907, 29906, 29954, 29929, 29953, 29885, 6039, 29939, 458, 29966, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 12801, 10818, 16299, 13, 1678, 525, 29874, 6821, 29979, 29906, 13778, 29914, 29906, 29929, 24668, 29885, 29903, 29926, 29888, 29984, 29874, 29928, 29883, 20322, 833, 29929, 29923, 29896, 3235, 29966, 10818, 29958, 29881, 29968, 16748, 29888, 329, 29974, 29886, 29999, 29963, 29880, 29990, 29949, 29939, 29954, 2308, 29967, 23189, 29924, 29881, 9606, 29950, 29876, 29974, 29882, 10947, 29876, 2499, 29928, 29915, 13, 1678, 525, 29923, 29882, 29934, 29974, 29946, 29914, 29945, 29900, 29887, 29881, 16865, 29968, 26270, 29999, 29874, 29965, 29880, 29968, 29955, 29929, 2692, 29909, 29955, 29873, 29984, 287, 29974, 29999, 29999, 29873, 29974, 29963, 29953, 29875, 29911, 29874, 29945, 29974, 5311, 29941, 29941, 29872, 29963, 29963, 2477, 29894, 29953, 29941, 6271, 29900, 29916, 29903, 29990, 29939, 29974, 29968, 22625, 19903, 29895, 29965, 307, 29965, 17755, 29915, 13, 1678, 525, 18276, 29947, 29900, 29947, 29939, 29885, 29907, 29953, 29963, 459, 29934, 22882, 29911, 29885, 29949, 29999, 29984, 29900, 29888, 29920, 29955, 29955, 29879, 29914, 29896, 2395, 29924, 29881, 7024, 29878, 29923, 29900, 29875, 29965, 29963, 29879, 29979, 29880, 29933, 29967, 27539, 29933, 7508, 29979, 29941, 29955, 29968, 11135, 29926, 29896, 29934, 16903, 29963, 29895, 29990, 29939, 29968, 29914, 29953, 29945, 29965, 29895, 29955, 1217, 29915, 13, 1678, 525, 29884, 29907, 29920, 29940, 29884, 29965, 4378, 29955, 29929, 29878, 29999, 3634, 1252, 29950, 29894, 29887, 29974, 29941, 29953, 29940, 747, 29956, 29967, 29880, 29882, 29926, 29882, 29933, 29890, 567, 29929, 9800, 29879, 29900, 6905, 29934, 29925, 29894, 29920, 4162, 29974, 29934, 20728, 29947, 29890, 29928, 29953, 29954, 29967, 29920, 29940, 29884, 2190, 2395, 29878, 29941, 29883, 29953, 29875, 29933, 29906, 29956, 29947, 29915, 13, 1678, 525, 4317, 29974, 29914, 29894, 29943, 29926, 29953, 29888, 29963, 29877, 29929, 29906, 29929, 29967, 29945, 7056, 29949, 1252, 29875, 29943, 6132, 29965, 29885, 29914, 1718, 1165, 29940, 29890, 29920, 29934, 7838, 29950, 29984, 29920, 29934, 29906, 29903, 29984, 809, 29934, 6530, 29979, 29914, 6604, 29954, 29999, 3135, 29984, 1360, 29915, 4961, 13, 29918, 27992, 353, 426, 13, 1678, 285, 29889, 978, 29901, 426, 13, 418, 525, 2783, 11709, 2396, 285, 29892, 13, 418, 525, 9916, 2396, 426, 29879, 29889, 978, 29901, 269, 363, 269, 297, 285, 29889, 5509, 1118, 13, 1678, 500, 13, 1678, 363, 285, 297, 24080, 29918, 2287, 7187, 24290, 1955, 29918, 10490, 29889, 1445, 13, 29913, 13, 13, 13, 8893, 29879, 3170, 9868, 353, 426, 13, 29871, 525, 1445, 29918, 2783, 11709, 29918, 842, 2396, 24080, 29918, 2287, 7187, 24290, 1955, 29918, 10490, 29892, 13, 29871, 525, 1445, 29918, 2783, 11709, 2396, 903, 27992, 29961, 29884, 29915, 1484, 29889, 27433, 1974, 29889, 990, 29914, 6092, 455, 29914, 4282, 21454, 29914, 17529, 29914, 29878, 6739, 29889, 17529, 16215, 2783, 11709, 7464, 13, 29871, 525, 5509, 29918, 2783, 11709, 2396, 903, 27992, 29961, 29884, 29915, 1484, 29889, 27433, 1974, 29889, 990, 29914, 6092, 455, 29914, 4282, 21454, 29914, 17529, 29914, 29878, 6739, 29889, 17529, 16215, 9916, 2033, 29961, 29884, 29915, 8893, 29879, 7464, 13, 29913, 13, 2 ]
tests/misc/test_log.py
svidoso/ipopo
65
88371
#!/usr/bin/env python # -- Content-Encoding: UTF-8 -- """ Tests the log service :author: <NAME> """ # Standard library import logging import sys import time try: import unittest2 as unittest except ImportError: import unittest # type: ignore # Pelix import pelix.framework import pelix.misc from pelix.ipopo.constants import use_ipopo from pelix.misc.log import LOG_DEBUG, LOG_INFO, LOG_WARNING, LOG_ERROR # ------------------------------------------------------------------------------ __version_info__ = (1, 0, 1) __version__ = ".".join(str(x) for x in __version_info__) # ------------------------------------------------------------------------------ class LogServiceTest(unittest.TestCase): """ Tests the log service """ def setUp(self): """ Prepares a framework and a registers a service to export """ # Create the framework self.framework = pelix.framework.create_framework( ('pelix.ipopo.core', 'pelix.misc.log')) self.framework.start() # Get the service self.logger = self._get_logger() self.reader = self._get_reader() # Setup logging level logging.getLogger().setLevel(logging.INFO) def tearDown(self): """ Cleans up for next test """ # Stop the framework pelix.framework.FrameworkFactory.delete_framework(self.framework) self.logger = None self.reader = None self.framework = None def _get_logger(self): """ Returns the log service """ context = self.framework.get_bundle_context() ref = context.get_service_reference(pelix.misc.LOG_SERVICE) return context.get_service(ref) def _get_reader(self): """ Returns the log reader service """ context = self.framework.get_bundle_context() ref = context.get_service_reference(pelix.misc.LOG_READER_SERVICE) return context.get_service(ref) def test_log(self): """ Basic tests for the log service """ # Try to log at various log levels prev_logs = [] for level, osgi_level in ( (logging.DEBUG, LOG_DEBUG), (logging.INFO, LOG_INFO), (logging.WARNING, LOG_WARNING), (logging.ERROR, LOG_ERROR), (logging.CRITICAL, LOG_ERROR)): # Log at the expected level self.logger.log(level, logging.getLevelName(level)) # Get new logs new_logs = self.reader.get_log() latest = new_logs[-1] # Check time stamp self.assertLessEqual( latest.time, time.time() + .5, "Log in future") self.assertGreaterEqual( latest.time, time.time() - 10, "Log too far in past") # Check stored info self.assertEqual(latest.level, level, "Wrong log level") self.assertEqual(latest.osgi_level, osgi_level, "Wrong OSGi log level") self.assertEqual(latest.message, logging.getLevelName(level), "Wrong log message") self.assertIs(latest.bundle, self.framework, "No bundle info") self.assertIsNone(latest.exception, "Unexpected exception data") self.assertIsNone(latest.reference, "Unexpected reference data") # Compare list (not tuples) new_logs = list(new_logs) self.assertListEqual(new_logs, prev_logs + [latest], "Logs list changed") prev_logs = new_logs def test_logging(self): """ Tests if logs made with the logging are handled """ # Debug logs aren't taken into account logging.debug("Some log message at %s", logging.getLevelName(logging.DEBUG)) self.assertListEqual( list(self.reader.get_log()), [], "Debug message logged") # Try to log at various log levels prev_logs = [] for level, osgi_level in ( (logging.INFO, LOG_INFO), (logging.WARNING, LOG_WARNING), (logging.ERROR, LOG_ERROR), (logging.CRITICAL, LOG_ERROR)): # Log at the expected level logging.log(level, "Some log message at %s", logging.getLevelName(level)) # Get new logs new_logs = self.reader.get_log() latest = new_logs[-1] # Check time stamp self.assertLessEqual( latest.time, time.time() + .5, "Log in future") self.assertGreaterEqual( latest.time, time.time() - 10, "Log too far in past") # Check stored info self.assertEqual(latest.level, level, "Wrong log level") self.assertEqual(latest.osgi_level, osgi_level, "Wrong OSGi log level") self.assertIn(logging.getLevelName(level), latest.message, "Wrong log message") self.assertIsNone(latest.bundle, "Unexpected bundle info") self.assertIsNone(latest.exception, "Unexpected exception data") self.assertIsNone(latest.reference, "Unexpected reference data") # Check string representation self.assertIn(logging.getLevelName(level), str(latest)) # Compare list (not tuples) new_logs = list(new_logs) self.assertListEqual(new_logs, prev_logs + [latest], "Logs list changed") prev_logs = new_logs def test_logging_filter_level(self): """ Tests the change of filter for the logging handler """ for filter_level in (logging.DEBUG, logging.INFO, logging.WARNING, logging.ERROR): for int_level in (True, False): # Restart the framework self.tearDown() self.setUp() # Ensure logging emits all records logging.getLogger().setLevel(logging.DEBUG) # Change the framework property and reload the log service if int_level: self.framework.add_property( pelix.misc.PROPERTY_LOG_LEVEL, filter_level) else: self.framework.add_property( pelix.misc.PROPERTY_LOG_LEVEL, logging.getLevelName(filter_level)) self.framework.get_bundle_by_name("pelix.misc.log").update() self.logger = self._get_logger() self.reader = self._get_reader() # Log for each level for level in (logging.DEBUG, logging.INFO, logging.WARNING, logging.ERROR): # Log something logging.log(level, "Some log at %s", logging.getLevelName(level)) try: latest = self.reader.get_log()[-1] if level >= filter_level: self.assertIn(logging.getLevelName(level), latest.message) except IndexError: if level >= filter_level: self.fail("Missing a log matching the filter") # Try with invalid levels, default level is INFO filter_level = logging.INFO for invalid in (None, "", "deb", "ug", "foobar", {1: 2}, [1, 2]): # Restart the framework self.tearDown() self.setUp() # Change the framework property and reload the log service self.framework.add_property(pelix.misc.PROPERTY_LOG_LEVEL, invalid) self.framework.get_bundle_by_name("pelix.misc.log").update() self.logger = self._get_logger() self.reader = self._get_reader() # Log for each level for level in (logging.DEBUG, logging.INFO, logging.WARNING, logging.ERROR): # Log something logging.log(level, "Some log at %s", logging.getLevelName(level)) try: latest = self.reader.get_log()[-1] if level >= filter_level: self.assertIn(logging.getLevelName(level), latest.message) except IndexError: if level >= filter_level: self.fail("Missing a log matching the filter") def test_listener(self): """ Tests when log listeners are notified """ entries = [] # Prepare the listener class Listener: @staticmethod def logged(entry): entries.append(entry) listener = Listener() # Register it twice self.reader.add_log_listener(listener) self.reader.add_log_listener(listener) # Also, check with a null log listener self.reader.add_log_listener(None) # Log something self.logger.log(logging.WARNING, "Some log") # Get the log entry through the service latest = self.reader.get_log()[-1] # Compare with what we stored self.assertListEqual(entries, [latest], "Bad content for the listener") # Clean up del entries[:] # Unregister the listener once self.reader.remove_log_listener(listener) # Log something self.logger.log(logging.WARNING, "Some log") # Nothing must have been logged self.assertListEqual(entries, [], "Something has been logged") # Nothing must happen if we unregister the listener twice self.reader.remove_log_listener(listener) self.reader.remove_log_listener(None) def test_bad_listener(self): """ Tests a listener raising an exception """ # Prepare the listener class GoodListener: def __init__(self): self.entries = [] def logged(self, entry): self.entries.append(entry) raise OSError("Something went wrong") class BadListener(GoodListener): def logged(self, entry): super(BadListener, self).logged(entry) raise OSError("Something went wrong") good1 = GoodListener() bad = GoodListener() good2 = GoodListener() # Register listeners self.reader.add_log_listener(good1) self.reader.add_log_listener(bad) self.reader.add_log_listener(good2) # Log something self.logger.log(logging.WARNING, "Some log") # Get the log entry through the service latest = self.reader.get_log()[-1] self.assertEqual(latest.level, logging.WARNING) for listener in (good1, bad, good2): self.assertIs(latest, listener.entries[-1], "Entry not kept") def test_reference(self): """ Tests the service reference handling in logs """ # Register a service, with the Framework context context = self.framework.get_bundle_context() svc_reg = context.register_service("test.svc", object(), {}) svc_ref = svc_reg.get_reference() # Log something self.logger.log(logging.WARNING, "Some text", reference=svc_ref) # Check what has been stored latest = self.reader.get_log()[-1] self.assertIs(latest.reference, svc_ref, "Wrong service reference") self.assertIs(latest.bundle, self.framework, "Wrong bundle found") # Log with wrong references for wrong_ref in (None, object(), svc_reg): self.logger.log(logging.WARNING, "Some text", reference=wrong_ref) latest = self.reader.get_log()[-1] self.assertIsNone(latest.reference, "Non-None service reference") self.assertIs(latest.bundle, self.framework, "No bundle info") def test_bundle(self): """ Tests the detection of the calling bundle """ # Install a test bundle context = self.framework.get_bundle_context() bnd = context.install_bundle("tests.misc.log_bundle") module = bnd.get_module() bnd.start() # Instantiate a test component with use_ipopo(context) as ipopo: comp = ipopo.instantiate(module.SIMPLE_FACTORY, "test.log", {}) # Log something comp.log(logging.WARNING, "Some log") # Check the bundle latest = self.reader.get_log()[-1] self.assertIs(latest.bundle, bnd, "Wrong bundle found") # Check if the bundle in the string representation self.assertIn(bnd.get_symbolic_name(), str(latest)) # Remove the name of the module: this should not mess with the result comp.remove_name() # Log something comp.log(logging.WARNING, "Some log") # Check the bundle latest = self.reader.get_log()[-1] self.assertIs(latest.bundle, bnd, "Wrong bundle found") # Call from the framework self.logger.log(logging.WARNING, "final log") latest = self.reader.get_log()[-1] self.assertIs(latest.bundle, self.framework, "Wrong bundle") def test_exception(self): """ Tests the exception information """ try: raise ValueError("Some error") except ValueError: self.logger.log(logging.ERROR, "Error!", sys.exc_info()) latest = self.reader.get_log()[-1] self.assertTrue(isinstance(latest.exception, str), "Exception info must be a string") self.assertIn(__file__, latest.exception, "Incomplete exception info") # Check if the exception in the string representation self.assertIn(latest.exception, str(latest)) # Check invalid exception info for invalid in ([], [1, 2], (4, 5, 6)): self.logger.log(logging.ERROR, "Error!", invalid) latest = self.reader.get_log()[-1] self.assertEqual(latest.exception, '<Invalid exc_info>')
[ 1, 18787, 4855, 29914, 2109, 29914, 6272, 3017, 13, 29937, 1192, 10576, 29899, 14934, 29901, 18351, 29899, 29947, 1192, 13, 15945, 29908, 13, 24376, 278, 1480, 2669, 13, 13, 29901, 8921, 29901, 529, 5813, 29958, 13, 15945, 29908, 13, 13, 29937, 10117, 3489, 13, 5215, 12183, 13, 5215, 10876, 13, 5215, 931, 13, 13, 2202, 29901, 13, 1678, 1053, 443, 27958, 29906, 408, 443, 27958, 13, 19499, 16032, 2392, 29901, 13, 1678, 1053, 443, 27958, 29871, 396, 1134, 29901, 11455, 13, 13, 29937, 15549, 861, 13, 5215, 4639, 861, 29889, 4468, 13, 5215, 4639, 861, 29889, 29885, 10669, 13, 3166, 4639, 861, 29889, 666, 12861, 29889, 3075, 1934, 1053, 671, 29918, 666, 12861, 13, 3166, 4639, 861, 29889, 29885, 10669, 29889, 1188, 1053, 25401, 29918, 18525, 29892, 25401, 29918, 11690, 29892, 25401, 29918, 29956, 25614, 29892, 25401, 29918, 11432, 13, 13, 29937, 448, 2683, 2683, 2683, 2683, 9072, 29899, 13, 13, 1649, 3259, 29918, 3888, 1649, 353, 313, 29896, 29892, 29871, 29900, 29892, 29871, 29896, 29897, 13, 1649, 3259, 1649, 353, 376, 1213, 29889, 7122, 29898, 710, 29898, 29916, 29897, 363, 921, 297, 4770, 3259, 29918, 3888, 1649, 29897, 13, 13, 29937, 448, 2683, 2683, 2683, 2683, 9072, 29899, 13, 13, 13, 1990, 4522, 3170, 3057, 29898, 348, 27958, 29889, 3057, 8259, 1125, 13, 1678, 9995, 13, 1678, 4321, 29879, 278, 1480, 2669, 13, 1678, 9995, 13, 1678, 822, 731, 3373, 29898, 1311, 1125, 13, 4706, 9995, 13, 4706, 4721, 862, 267, 263, 6890, 322, 263, 28975, 263, 2669, 304, 5609, 13, 4706, 9995, 13, 4706, 396, 6204, 278, 6890, 13, 4706, 1583, 29889, 4468, 353, 4639, 861, 29889, 4468, 29889, 3258, 29918, 4468, 29898, 13, 9651, 6702, 13111, 861, 29889, 666, 12861, 29889, 3221, 742, 525, 13111, 861, 29889, 29885, 10669, 29889, 1188, 8785, 13, 4706, 1583, 29889, 4468, 29889, 2962, 580, 13, 13, 4706, 396, 3617, 278, 2669, 13, 4706, 1583, 29889, 21707, 353, 1583, 3032, 657, 29918, 21707, 580, 13, 4706, 1583, 29889, 16950, 353, 1583, 3032, 657, 29918, 16950, 580, 13, 13, 4706, 396, 3789, 786, 12183, 3233, 13, 4706, 12183, 29889, 657, 16363, 2141, 842, 10108, 29898, 21027, 29889, 11690, 29897, 13, 13, 1678, 822, 734, 279, 6767, 29898, 1311, 1125, 13, 4706, 9995, 13, 4706, 21386, 550, 701, 363, 2446, 1243, 13, 4706, 9995, 13, 4706, 396, 22303, 278, 6890, 13, 4706, 4639, 861, 29889, 4468, 29889, 16660, 5126, 29889, 8143, 29918, 4468, 29898, 1311, 29889, 4468, 29897, 13, 4706, 1583, 29889, 21707, 353, 6213, 13, 4706, 1583, 29889, 16950, 353, 6213, 13, 4706, 1583, 29889, 4468, 353, 6213, 13, 13, 1678, 822, 903, 657, 29918, 21707, 29898, 1311, 1125, 13, 4706, 9995, 13, 4706, 16969, 278, 1480, 2669, 13, 4706, 9995, 13, 4706, 3030, 353, 1583, 29889, 4468, 29889, 657, 29918, 16718, 29918, 4703, 580, 13, 4706, 2143, 353, 3030, 29889, 657, 29918, 5509, 29918, 5679, 29898, 13111, 861, 29889, 29885, 10669, 29889, 14480, 29918, 6304, 19059, 29897, 13, 4706, 736, 3030, 29889, 657, 29918, 5509, 29898, 999, 29897, 13, 13, 1678, 822, 903, 657, 29918, 16950, 29898, 1311, 1125, 13, 4706, 9995, 13, 4706, 16969, 278, 1480, 9591, 2669, 13, 4706, 9995, 13, 4706, 3030, 353, 1583, 29889, 4468, 29889, 657, 29918, 16718, 29918, 4703, 580, 13, 4706, 2143, 353, 3030, 29889, 657, 29918, 5509, 29918, 5679, 29898, 13111, 861, 29889, 29885, 10669, 29889, 14480, 29918, 16310, 1001, 29918, 6304, 19059, 29897, 13, 4706, 736, 3030, 29889, 657, 29918, 5509, 29898, 999, 29897, 13, 13, 1678, 822, 1243, 29918, 1188, 29898, 1311, 1125, 13, 4706, 9995, 13, 4706, 19219, 6987, 363, 278, 1480, 2669, 13, 4706, 9995, 13, 4706, 396, 3967, 304, 1480, 472, 5164, 1480, 11174, 13, 4706, 12379, 29918, 20756, 353, 5159, 13, 4706, 363, 3233, 29892, 2897, 3146, 29918, 5563, 297, 313, 13, 18884, 313, 21027, 29889, 18525, 29892, 25401, 29918, 18525, 511, 313, 21027, 29889, 11690, 29892, 25401, 29918, 11690, 511, 13, 18884, 313, 21027, 29889, 29956, 25614, 29892, 25401, 29918, 29956, 25614, 511, 313, 21027, 29889, 11432, 29892, 25401, 29918, 11432, 511, 13, 18884, 313, 21027, 29889, 11341, 1806, 2965, 1964, 29892, 25401, 29918, 11432, 22164, 13, 9651, 396, 4522, 472, 278, 3806, 3233, 13, 9651, 1583, 29889, 21707, 29889, 1188, 29898, 5563, 29892, 12183, 29889, 657, 10108, 1170, 29898, 5563, 876, 13, 13, 9651, 396, 3617, 716, 10748, 13, 9651, 716, 29918, 20756, 353, 1583, 29889, 16950, 29889, 657, 29918, 1188, 580, 13, 9651, 9281, 353, 716, 29918, 20756, 14352, 29896, 29962, 13, 13, 9651, 396, 5399, 931, 25214, 13, 9651, 1583, 29889, 9294, 29931, 404, 9843, 29898, 13, 18884, 9281, 29889, 2230, 29892, 931, 29889, 2230, 580, 718, 869, 29945, 29892, 376, 3403, 297, 5434, 1159, 13, 9651, 1583, 29889, 9294, 25120, 1008, 9843, 29898, 13, 18884, 9281, 29889, 2230, 29892, 931, 29889, 2230, 580, 448, 29871, 29896, 29900, 29892, 376, 3403, 2086, 2215, 297, 4940, 1159, 13, 13, 9651, 396, 5399, 6087, 5235, 13, 9651, 1583, 29889, 9294, 9843, 29898, 12333, 29889, 5563, 29892, 3233, 29892, 376, 29956, 29373, 1480, 3233, 1159, 13, 9651, 1583, 29889, 9294, 9843, 29898, 12333, 29889, 359, 3146, 29918, 5563, 29892, 2897, 3146, 29918, 5563, 29892, 13, 462, 632, 376, 29956, 29373, 6570, 26074, 1480, 3233, 1159, 13, 9651, 1583, 29889, 9294, 9843, 29898, 12333, 29889, 4906, 29892, 12183, 29889, 657, 10108, 1170, 29898, 5563, 511, 13, 462, 632, 376, 29956, 29373, 1480, 2643, 1159, 13, 9651, 1583, 29889, 9294, 3624, 29898, 12333, 29889, 16718, 29892, 1583, 29889, 4468, 29892, 376, 3782, 11846, 5235, 1159, 13, 9651, 1583, 29889, 9294, 3624, 8516, 29898, 12333, 29889, 11739, 29892, 376, 29965, 13996, 6021, 3682, 848, 1159, 13, 9651, 1583, 29889, 9294, 3624, 8516, 29898, 12333, 29889, 5679, 29892, 376, 29965, 13996, 6021, 3407, 848, 1159, 13, 13, 9651, 396, 3831, 598, 1051, 313, 1333, 5291, 2701, 29897, 13, 9651, 716, 29918, 20756, 353, 1051, 29898, 1482, 29918, 20756, 29897, 13, 9651, 1583, 29889, 9294, 1293, 9843, 29898, 1482, 29918, 20756, 29892, 12379, 29918, 20756, 718, 518, 12333, 1402, 13, 462, 462, 376, 3403, 29879, 1051, 3939, 1159, 13, 9651, 12379, 29918, 20756, 353, 716, 29918, 20756, 13, 13, 1678, 822, 1243, 29918, 21027, 29898, 1311, 1125, 13, 4706, 9995, 13, 4706, 4321, 29879, 565, 10748, 1754, 411, 278, 12183, 526, 16459, 13, 4706, 9995, 13, 4706, 396, 16171, 10748, 9455, 29915, 29873, 4586, 964, 3633, 13, 4706, 12183, 29889, 8382, 703, 9526, 1480, 2643, 472, 1273, 29879, 613, 13, 462, 418, 12183, 29889, 657, 10108, 1170, 29898, 21027, 29889, 18525, 876, 13, 4706, 1583, 29889, 9294, 1293, 9843, 29898, 13, 9651, 1051, 29898, 1311, 29889, 16950, 29889, 657, 29918, 1188, 25739, 19997, 376, 11862, 2643, 13817, 1159, 13, 13, 4706, 396, 3967, 304, 1480, 472, 5164, 1480, 11174, 13, 4706, 12379, 29918, 20756, 353, 5159, 13, 4706, 363, 3233, 29892, 2897, 3146, 29918, 5563, 297, 313, 13, 18884, 313, 21027, 29889, 11690, 29892, 25401, 29918, 11690, 511, 313, 21027, 29889, 29956, 25614, 29892, 25401, 29918, 29956, 25614, 511, 13, 18884, 313, 21027, 29889, 11432, 29892, 25401, 29918, 11432, 511, 313, 21027, 29889, 11341, 1806, 2965, 1964, 29892, 25401, 29918, 11432, 22164, 13, 9651, 396, 4522, 472, 278, 3806, 3233, 13, 9651, 12183, 29889, 1188, 29898, 5563, 29892, 376, 9526, 1480, 2643, 472, 1273, 29879, 613, 13, 462, 4706, 12183, 29889, 657, 10108, 1170, 29898, 5563, 876, 13, 13, 9651, 396, 3617, 716, 10748, 13, 9651, 716, 29918, 20756, 353, 1583, 29889, 16950, 29889, 657, 29918, 1188, 580, 13, 9651, 9281, 353, 716, 29918, 20756, 14352, 29896, 29962, 13, 13, 9651, 396, 5399, 931, 25214, 13, 9651, 1583, 29889, 9294, 29931, 404, 9843, 29898, 13, 18884, 9281, 29889, 2230, 29892, 931, 29889, 2230, 580, 718, 869, 29945, 29892, 376, 3403, 297, 5434, 1159, 13, 9651, 1583, 29889, 9294, 25120, 1008, 9843, 29898, 13, 18884, 9281, 29889, 2230, 29892, 931, 29889, 2230, 580, 448, 29871, 29896, 29900, 29892, 376, 3403, 2086, 2215, 297, 4940, 1159, 13, 13, 9651, 396, 5399, 6087, 5235, 13, 9651, 1583, 29889, 9294, 9843, 29898, 12333, 29889, 5563, 29892, 3233, 29892, 376, 29956, 29373, 1480, 3233, 1159, 13, 9651, 1583, 29889, 9294, 9843, 29898, 12333, 29889, 359, 3146, 29918, 5563, 29892, 2897, 3146, 29918, 5563, 29892, 13, 462, 632, 376, 29956, 29373, 6570, 26074, 1480, 3233, 1159, 13, 9651, 1583, 29889, 9294, 797, 29898, 21027, 29889, 657, 10108, 1170, 29898, 5563, 511, 9281, 29889, 4906, 29892, 13, 462, 3986, 376, 29956, 29373, 1480, 2643, 1159, 13, 9651, 1583, 29889, 9294, 3624, 8516, 29898, 12333, 29889, 16718, 29892, 376, 29965, 13996, 6021, 11846, 5235, 1159, 13, 9651, 1583, 29889, 9294, 3624, 8516, 29898, 12333, 29889, 11739, 29892, 376, 29965, 13996, 6021, 3682, 848, 1159, 13, 9651, 1583, 29889, 9294, 3624, 8516, 29898, 12333, 29889, 5679, 29892, 376, 29965, 13996, 6021, 3407, 848, 1159, 13, 13, 9651, 396, 5399, 1347, 8954, 13, 9651, 1583, 29889, 9294, 797, 29898, 21027, 29889, 657, 10108, 1170, 29898, 5563, 511, 851, 29898, 12333, 876, 13, 13, 9651, 396, 3831, 598, 1051, 313, 1333, 5291, 2701, 29897, 13, 9651, 716, 29918, 20756, 353, 1051, 29898, 1482, 29918, 20756, 29897, 13, 9651, 1583, 29889, 9294, 1293, 9843, 29898, 1482, 29918, 20756, 29892, 12379, 29918, 20756, 718, 518, 12333, 1402, 13, 462, 462, 376, 3403, 29879, 1051, 3939, 1159, 13, 9651, 12379, 29918, 20756, 353, 716, 29918, 20756, 13, 13, 1678, 822, 1243, 29918, 21027, 29918, 4572, 29918, 5563, 29898, 1311, 1125, 13, 4706, 9995, 13, 4706, 4321, 29879, 278, 1735, 310, 4175, 363, 278, 12183, 7834, 13, 4706, 9995, 13, 4706, 363, 4175, 29918, 5563, 297, 313, 21027, 29889, 18525, 29892, 12183, 29889, 11690, 29892, 12183, 29889, 29956, 25614, 29892, 13, 462, 632, 12183, 29889, 11432, 1125, 13, 9651, 363, 938, 29918, 5563, 297, 313, 5574, 29892, 7700, 1125, 13, 18884, 396, 11654, 442, 278, 6890, 13, 18884, 1583, 29889, 371, 279, 6767, 580, 13, 18884, 1583, 29889, 842, 3373, 580, 13, 13, 18884, 396, 22521, 545, 12183, 953, 1169, 599, 6475, 13, 18884, 12183, 29889, 657, 16363, 2141, 842, 10108, 29898, 21027, 29889, 18525, 29897, 13, 13, 18884, 396, 10726, 278, 6890, 2875, 322, 19763, 278, 1480, 2669, 13, 18884, 565, 938, 29918, 5563, 29901, 13, 462, 1678, 1583, 29889, 4468, 29889, 1202, 29918, 6799, 29898, 13, 462, 4706, 4639, 861, 29889, 29885, 10669, 29889, 8618, 13171, 15631, 29918, 14480, 29918, 1307, 29963, 6670, 29892, 4175, 29918, 5563, 29897, 13, 18884, 1683, 29901, 13, 462, 1678, 1583, 29889, 4468, 29889, 1202, 29918, 6799, 29898, 13, 462, 4706, 4639, 861, 29889, 29885, 10669, 29889, 8618, 13171, 15631, 29918, 14480, 29918, 1307, 29963, 6670, 29892, 13, 462, 4706, 12183, 29889, 657, 10108, 1170, 29898, 4572, 29918, 5563, 876, 13, 13, 18884, 1583, 29889, 4468, 29889, 657, 29918, 16718, 29918, 1609, 29918, 978, 703, 13111, 861, 29889, 29885, 10669, 29889, 1188, 2564, 5504, 580, 13, 18884, 1583, 29889, 21707, 353, 1583, 3032, 657, 29918, 21707, 580, 13, 18884, 1583, 29889, 16950, 353, 1583, 3032, 657, 29918, 16950, 580, 13, 13, 18884, 396, 4522, 363, 1269, 3233, 13, 18884, 363, 3233, 297, 313, 21027, 29889, 18525, 29892, 12183, 29889, 11690, 29892, 12183, 29889, 29956, 25614, 29892, 13, 462, 795, 12183, 29889, 11432, 1125, 13, 462, 1678, 396, 4522, 1554, 13, 462, 1678, 12183, 29889, 1188, 29898, 5563, 29892, 376, 9526, 1480, 472, 1273, 29879, 613, 13, 462, 18884, 12183, 29889, 657, 10108, 1170, 29898, 5563, 876, 13, 13, 462, 1678, 1018, 29901, 13, 462, 4706, 9281, 353, 1583, 29889, 16950, 29889, 657, 29918, 1188, 580, 14352, 29896, 29962, 13, 462, 4706, 565, 3233, 6736, 4175, 29918, 5563, 29901, 13, 462, 9651, 1583, 29889, 9294, 797, 29898, 21027, 29889, 657, 10108, 1170, 29898, 5563, 511, 13, 462, 462, 3986, 9281, 29889, 4906, 29897, 13, 462, 1678, 5174, 11374, 2392, 29901, 13, 462, 4706, 565, 3233, 6736, 4175, 29918, 5563, 29901, 13, 462, 9651, 1583, 29889, 14057, 703, 18552, 292, 263, 1480, 9686, 278, 4175, 1159, 13, 13, 4706, 396, 3967, 411, 8340, 11174, 29892, 2322, 3233, 338, 15233, 13, 4706, 4175, 29918, 5563, 353, 12183, 29889, 11690, 13, 4706, 363, 8340, 297, 313, 8516, 29892, 12633, 376, 16529, 613, 376, 688, 613, 376, 1181, 22872, 613, 426, 29896, 29901, 29871, 29906, 1118, 518, 29896, 29892, 29871, 29906, 29962, 1125, 13, 9651, 396, 11654, 442, 278, 6890, 13, 9651, 1583, 29889, 371, 279, 6767, 580, 13, 9651, 1583, 29889, 842, 3373, 580, 13, 13, 9651, 396, 10726, 278, 6890, 2875, 322, 19763, 278, 1480, 2669, 13, 9651, 1583, 29889, 4468, 29889, 1202, 29918, 6799, 29898, 13111, 861, 29889, 29885, 10669, 29889, 8618, 13171, 15631, 29918, 14480, 29918, 1307, 29963, 6670, 29892, 8340, 29897, 13, 13, 9651, 1583, 29889, 4468, 29889, 657, 29918, 16718, 29918, 1609, 29918, 978, 703, 13111, 861, 29889, 29885, 10669, 29889, 1188, 2564, 5504, 580, 13, 9651, 1583, 29889, 21707, 353, 1583, 3032, 657, 29918, 21707, 580, 13, 9651, 1583, 29889, 16950, 353, 1583, 3032, 657, 29918, 16950, 580, 13, 13, 9651, 396, 4522, 363, 1269, 3233, 13, 9651, 363, 3233, 297, 313, 21027, 29889, 18525, 29892, 12183, 29889, 11690, 29892, 12183, 29889, 29956, 25614, 29892, 13, 462, 3986, 12183, 29889, 11432, 1125, 13, 18884, 396, 4522, 1554, 13, 18884, 12183, 29889, 1188, 29898, 5563, 29892, 376, 9526, 1480, 472, 1273, 29879, 613, 13, 462, 9651, 12183, 29889, 657, 10108, 1170, 29898, 5563, 876, 13, 13, 18884, 1018, 29901, 13, 462, 1678, 9281, 353, 1583, 29889, 16950, 29889, 657, 29918, 1188, 580, 14352, 29896, 29962, 13, 462, 1678, 565, 3233, 6736, 4175, 29918, 5563, 29901, 13, 462, 4706, 1583, 29889, 9294, 797, 29898, 21027, 29889, 657, 10108, 1170, 29898, 5563, 511, 13, 462, 462, 418, 9281, 29889, 4906, 29897, 13, 18884, 5174, 11374, 2392, 29901, 13, 462, 1678, 565, 3233, 6736, 4175, 29918, 5563, 29901, 13, 462, 4706, 1583, 29889, 14057, 703, 18552, 292, 263, 1480, 9686, 278, 4175, 1159, 13, 13, 1678, 822, 1243, 29918, 25894, 29898, 1311, 1125, 13, 4706, 9995, 13, 4706, 4321, 29879, 746, 1480, 11621, 414, 526, 451, 2164, 13, 4706, 9995, 13, 4706, 9976, 353, 5159, 13, 13, 4706, 396, 349, 3445, 598, 278, 13254, 13, 4706, 770, 2391, 759, 29901, 13, 9651, 732, 7959, 5696, 13, 9651, 822, 13817, 29898, 8269, 1125, 13, 18884, 9976, 29889, 4397, 29898, 8269, 29897, 13, 13, 4706, 13254, 353, 2391, 759, 580, 13, 13, 4706, 396, 12577, 372, 8951, 13, 4706, 1583, 29889, 16950, 29889, 1202, 29918, 1188, 29918, 25894, 29898, 25894, 29897, 13, 4706, 1583, 29889, 16950, 29889, 1202, 29918, 1188, 29918, 25894, 29898, 25894, 29897, 13, 13, 4706, 396, 3115, 29892, 1423, 411, 263, 1870, 1480, 13254, 13, 4706, 1583, 29889, 16950, 29889, 1202, 29918, 1188, 29918, 25894, 29898, 8516, 29897, 13, 13, 4706, 396, 4522, 1554, 13, 4706, 1583, 29889, 21707, 29889, 1188, 29898, 21027, 29889, 29956, 25614, 29892, 376, 9526, 1480, 1159, 13, 13, 4706, 396, 3617, 278, 1480, 6251, 1549, 278, 2669, 13, 4706, 9281, 353, 1583, 29889, 16950, 29889, 657, 29918, 1188, 580, 14352, 29896, 29962, 13, 13, 4706, 396, 3831, 598, 411, 825, 591, 6087, 13, 4706, 1583, 29889, 9294, 1293, 9843, 29898, 26586, 29892, 518, 12333, 1402, 376, 22050, 2793, 363, 278, 13254, 1159, 13, 13, 4706, 396, 315, 14044, 701, 13, 4706, 628, 9976, 7503, 29962, 13, 13, 4706, 396, 853, 9573, 278, 13254, 2748, 13, 4706, 1583, 29889, 16950, 29889, 5992, 29918, 1188, 29918, 25894, 29898, 25894, 29897, 13, 13, 4706, 396, 4522, 1554, 13, 4706, 1583, 29889, 21707, 29889, 1188, 29898, 21027, 29889, 29956, 25614, 29892, 376, 9526, 1480, 1159, 13, 13, 4706, 396, 9531, 1818, 505, 1063, 13817, 13, 4706, 1583, 29889, 9294, 1293, 9843, 29898, 26586, 29892, 19997, 376, 16804, 756, 1063, 13817, 1159, 13, 13, 4706, 396, 9531, 1818, 3799, 565, 591, 443, 9573, 278, 13254, 8951, 13, 4706, 1583, 29889, 16950, 29889, 5992, 29918, 1188, 29918, 25894, 29898, 25894, 29897, 13, 4706, 1583, 29889, 16950, 29889, 5992, 29918, 1188, 29918, 25894, 29898, 8516, 29897, 13, 13, 1678, 822, 1243, 29918, 12313, 29918, 25894, 29898, 1311, 1125, 13, 4706, 9995, 13, 4706, 4321, 29879, 263, 13254, 29263, 385, 3682, 13, 4706, 9995, 13, 13, 4706, 396, 349, 3445, 598, 278, 13254, 13, 4706, 770, 7197, 3962, 29901, 13, 9651, 822, 4770, 2344, 12035, 1311, 1125, 13, 18884, 1583, 29889, 26586, 353, 5159, 13, 13, 9651, 822, 13817, 29898, 1311, 29892, 6251, 1125, 13, 18884, 1583, 29889, 26586, 29889, 4397, 29898, 8269, 29897, 13, 18884, 12020, 438, 29173, 703, 16804, 3512, 2743, 1159, 13, 13, 4706, 770, 9178, 3962, 29898, 18420, 3962, 1125, 13, 9651, 822, 13817, 29898, 1311, 29892, 6251, 1125, 13, 18884, 2428, 29898, 22050, 3962, 29892, 1583, 467, 1188, 3192, 29898, 8269, 29897, 13, 18884, 12020, 438, 29173, 703, 16804, 3512, 2743, 1159, 13, 13, 4706, 1781, 29896, 353, 7197, 3962, 580, 13, 4706, 4319, 353, 7197, 3962, 580, 13, 4706, 1781, 29906, 353, 7197, 3962, 580, 13, 13, 4706, 396, 12577, 11621, 414, 13, 4706, 1583, 29889, 16950, 29889, 1202, 29918, 1188, 29918, 25894, 29898, 16773, 29896, 29897, 13, 4706, 1583, 29889, 16950, 29889, 1202, 29918, 1188, 29918, 25894, 29898, 12313, 29897, 13, 4706, 1583, 29889, 16950, 29889, 1202, 29918, 1188, 29918, 25894, 29898, 16773, 29906, 29897, 13, 13, 4706, 396, 4522, 1554, 13, 4706, 1583, 29889, 21707, 29889, 1188, 29898, 21027, 29889, 29956, 25614, 29892, 376, 9526, 1480, 1159, 13, 13, 4706, 396, 3617, 278, 1480, 6251, 1549, 278, 2669, 13, 4706, 9281, 353, 1583, 29889, 16950, 29889, 657, 29918, 1188, 580, 14352, 29896, 29962, 13, 13, 4706, 1583, 29889, 9294, 9843, 29898, 12333, 29889, 5563, 29892, 12183, 29889, 29956, 25614, 29897, 13, 4706, 363, 13254, 297, 313, 16773, 29896, 29892, 4319, 29892, 1781, 29906, 1125, 13, 9651, 1583, 29889, 9294, 3624, 29898, 12333, 29892, 13254, 29889, 26586, 14352, 29896, 1402, 376, 9634, 451, 8126, 1159, 13, 13, 1678, 822, 1243, 29918, 5679, 29898, 1311, 1125, 13, 4706, 9995, 13, 4706, 4321, 29879, 278, 2669, 3407, 11415, 297, 10748, 13, 4706, 9995, 13, 4706, 396, 12577, 263, 2669, 29892, 411, 278, 16657, 3030, 13, 4706, 3030, 353, 1583, 29889, 4468, 29889, 657, 29918, 16718, 29918, 4703, 580, 13, 4706, 3731, 29883, 29918, 1727, 353, 3030, 29889, 9573, 29918, 5509, 703, 1688, 29889, 4501, 29883, 613, 1203, 3285, 426, 1800, 13, 4706, 3731, 29883, 29918, 999, 353, 3731, 29883, 29918, 1727, 29889, 657, 29918, 5679, 580, 13, 13, 4706, 396, 4522, 1554, 13, 4706, 1583, 29889, 21707, 29889, 1188, 29898, 21027, 29889, 29956, 25614, 29892, 376, 9526, 1426, 613, 3407, 29922, 4501, 29883, 29918, 999, 29897, 13, 13, 4706, 396, 5399, 825, 756, 1063, 6087, 13, 4706, 9281, 353, 1583, 29889, 16950, 29889, 657, 29918, 1188, 580, 14352, 29896, 29962, 13, 4706, 1583, 29889, 9294, 3624, 29898, 12333, 29889, 5679, 29892, 3731, 29883, 29918, 999, 29892, 376, 29956, 29373, 2669, 3407, 1159, 13, 4706, 1583, 29889, 9294, 3624, 29898, 12333, 29889, 16718, 29892, 1583, 29889, 4468, 29892, 376, 29956, 29373, 11846, 1476, 1159, 13, 13, 4706, 396, 4522, 411, 2743, 9282, 13, 4706, 363, 2743, 29918, 999, 297, 313, 8516, 29892, 1203, 3285, 3731, 29883, 29918, 1727, 1125, 13, 9651, 1583, 29889, 21707, 29889, 1188, 29898, 21027, 29889, 29956, 25614, 29892, 376, 9526, 1426, 613, 3407, 29922, 15866, 549, 29918, 999, 29897, 13, 13, 9651, 9281, 353, 1583, 29889, 16950, 29889, 657, 29918, 1188, 580, 14352, 29896, 29962, 13, 9651, 1583, 29889, 9294, 3624, 8516, 29898, 12333, 29889, 5679, 29892, 376, 12283, 29899, 8516, 2669, 3407, 1159, 13, 9651, 1583, 29889, 9294, 3624, 29898, 12333, 29889, 16718, 29892, 1583, 29889, 4468, 29892, 376, 3782, 11846, 5235, 1159, 13, 13, 1678, 822, 1243, 29918, 16718, 29898, 1311, 1125, 13, 4706, 9995, 13, 4706, 4321, 29879, 278, 15326, 310, 278, 5432, 11846, 13, 4706, 9995, 13, 4706, 396, 16052, 263, 1243, 11846, 13, 4706, 3030, 353, 1583, 29889, 4468, 29889, 657, 29918, 16718, 29918, 4703, 580, 13, 4706, 289, 299, 353, 3030, 29889, 6252, 29918, 16718, 703, 21150, 29889, 29885, 10669, 29889, 1188, 29918, 16718, 1159, 13, 4706, 3883, 353, 289, 299, 29889, 657, 29918, 5453, 580, 13, 4706, 289, 299, 29889, 2962, 580, 13, 13, 4706, 396, 2799, 3656, 403, 263, 1243, 4163, 13, 4706, 411, 671, 29918, 666, 12861, 29898, 4703, 29897, 408, 474, 7323, 29877, 29901, 13, 9651, 752, 353, 474, 7323, 29877, 29889, 2611, 3656, 403, 29898, 5453, 29889, 5425, 3580, 1307, 29918, 4519, 1783, 18929, 29892, 376, 1688, 29889, 1188, 613, 426, 1800, 13, 13, 4706, 396, 4522, 1554, 13, 4706, 752, 29889, 1188, 29898, 21027, 29889, 29956, 25614, 29892, 376, 9526, 1480, 1159, 13, 13, 4706, 396, 5399, 278, 11846, 13, 4706, 9281, 353, 1583, 29889, 16950, 29889, 657, 29918, 1188, 580, 14352, 29896, 29962, 13, 4706, 1583, 29889, 9294, 3624, 29898, 12333, 29889, 16718, 29892, 289, 299, 29892, 376, 29956, 29373, 11846, 1476, 1159, 13, 13, 4706, 396, 5399, 565, 278, 11846, 297, 278, 1347, 8954, 13, 4706, 1583, 29889, 9294, 797, 29898, 29890, 299, 29889, 657, 29918, 18098, 293, 29918, 978, 3285, 851, 29898, 12333, 876, 13, 13, 4706, 396, 15154, 278, 1024, 310, 278, 3883, 29901, 445, 881, 451, 4473, 411, 278, 1121, 13, 4706, 752, 29889, 5992, 29918, 978, 580, 13, 13, 4706, 396, 4522, 1554, 13, 4706, 752, 29889, 1188, 29898, 21027, 29889, 29956, 25614, 29892, 376, 9526, 1480, 1159, 13, 13, 4706, 396, 5399, 278, 11846, 13, 4706, 9281, 353, 1583, 29889, 16950, 29889, 657, 29918, 1188, 580, 14352, 29896, 29962, 13, 4706, 1583, 29889, 9294, 3624, 29898, 12333, 29889, 16718, 29892, 289, 299, 29892, 376, 29956, 29373, 11846, 1476, 1159, 13, 13, 4706, 396, 8251, 515, 278, 6890, 13, 4706, 1583, 29889, 21707, 29889, 1188, 29898, 21027, 29889, 29956, 25614, 29892, 376, 8394, 1480, 1159, 13, 4706, 9281, 353, 1583, 29889, 16950, 29889, 657, 29918, 1188, 580, 14352, 29896, 29962, 13, 4706, 1583, 29889, 9294, 3624, 29898, 12333, 29889, 16718, 29892, 1583, 29889, 4468, 29892, 376, 29956, 29373, 11846, 1159, 13, 13, 1678, 822, 1243, 29918, 11739, 29898, 1311, 1125, 13, 4706, 9995, 13, 4706, 4321, 29879, 278, 3682, 2472, 13, 4706, 9995, 13, 4706, 1018, 29901, 13, 9651, 12020, 7865, 2392, 703, 9526, 1059, 1159, 13, 4706, 5174, 7865, 2392, 29901, 13, 9651, 1583, 29889, 21707, 29889, 1188, 29898, 21027, 29889, 11432, 29892, 376, 2392, 29991, 613, 10876, 29889, 735, 29883, 29918, 3888, 3101, 13, 13, 4706, 9281, 353, 1583, 29889, 16950, 29889, 657, 29918, 1188, 580, 14352, 29896, 29962, 13, 4706, 1583, 29889, 9294, 5574, 29898, 275, 8758, 29898, 12333, 29889, 11739, 29892, 851, 511, 13, 462, 4706, 376, 2451, 5235, 1818, 367, 263, 1347, 1159, 13, 4706, 1583, 29889, 9294, 797, 22168, 1445, 1649, 29892, 9281, 29889, 11739, 29892, 376, 797, 8835, 3682, 5235, 1159, 13, 13, 4706, 396, 5399, 565, 278, 3682, 297, 278, 1347, 8954, 13, 4706, 1583, 29889, 9294, 797, 29898, 12333, 29889, 11739, 29892, 851, 29898, 12333, 876, 13, 13, 4706, 396, 5399, 8340, 3682, 5235, 13, 4706, 363, 8340, 297, 9310, 1402, 518, 29896, 29892, 29871, 29906, 1402, 313, 29946, 29892, 29871, 29945, 29892, 29871, 29953, 22164, 13, 9651, 1583, 29889, 21707, 29889, 1188, 29898, 21027, 29889, 11432, 29892, 376, 2392, 29991, 613, 8340, 29897, 13, 9651, 9281, 353, 1583, 29889, 16950, 29889, 657, 29918, 1188, 580, 14352, 29896, 29962, 13, 9651, 1583, 29889, 9294, 9843, 29898, 12333, 29889, 11739, 29892, 12801, 13919, 5566, 29918, 3888, 29958, 1495, 13, 2 ]
naturtag/controllers/taxon_search.py
JWCook/inat-image-tagger
1
108074
"""Components for searching for taxa""" from logging import getLogger from typing import Optional from pyinaturalist import RANKS, IconPhoto, Taxon from PySide6.QtCore import QSize, Qt, Signal, Slot from PySide6.QtGui import QIcon from PySide6.QtWidgets import QApplication, QComboBox, QLabel, QPushButton, QWidget from naturtag.app.style import fa_icon from naturtag.client import INAT_CLIENT from naturtag.constants import SELECTABLE_ICONIC_TAXA from naturtag.settings import Settings from naturtag.widgets import ( GridLayout, HorizontalLayout, PixmapLabel, TaxonAutocomplete, ToggleSwitch, VerticalLayout, ) from naturtag.widgets.images import IconLabel IGNORE_TERMS = ['sub', 'super', 'infra', 'epi', 'hybrid'] COMMON_RANKS = [r for r in RANKS if not any([k in r for k in IGNORE_TERMS])][::-1] logger = getLogger(__name__) class TaxonSearch(VerticalLayout): """Taxon search""" on_results = Signal(list) #: New search results were loaded on_reset = Signal() #: Input fields were reset def __init__(self, settings: Settings): super().__init__() self.selected_taxon: Taxon = None self.settings = settings self.setAlignment(Qt.AlignTop) # Taxon name autocomplete self.autocomplete = TaxonAutocomplete() search_group = self.add_group('Search', self, width=400) search_group.addWidget(self.autocomplete) self.autocomplete.returnPressed.connect(self.search) # Category inputs self.iconic_taxon_filters = IconicTaxonFilters() categories = self.add_group('Categories', self, width=400) categories.addWidget(self.iconic_taxon_filters) # Rank inputs self.ranks = self.add_group('Rank', self, width=400) self.reset_ranks() # Clear exact rank after selecting min or max, and vice versa self.min_rank.dropdown.activated.connect(self.exact_rank.reset) self.max_rank.dropdown.activated.connect(self.exact_rank.reset) self.exact_rank.dropdown.activated.connect(self.min_rank.reset) self.exact_rank.dropdown.activated.connect(self.max_rank.reset) # Button to search for children of selected taxon # TODO: If more than one toggle filter is added, consolidate with settings_menu.ToggleSetting group_box = self.add_group('Parent', self, width=400) button_layout = HorizontalLayout() button_layout.setAlignment(Qt.AlignLeft) button_layout.addWidget(IconLabel('mdi.file-tree', size=20)) group_box.addLayout(button_layout) self.search_children_desc = QLabel('Search within children of selected taxon') self.search_children_desc.setTextFormat(Qt.RichText) button_layout.addWidget(self.search_children_desc) button_layout.addStretch() self.search_children_switch = ToggleSwitch() button_layout.addWidget(self.search_children_switch) # Search/reset buttons button_layout = HorizontalLayout() search_button = QPushButton('Search') search_button.setMaximumWidth(200) search_button.setIcon(fa_icon('fa.search')) search_button.clicked.connect(self.search) button_layout.addWidget(search_button) reset_button = QPushButton('Reset') reset_button.setMaximumWidth(200) reset_button.setIcon(fa_icon('mdi.backspace')) reset_button.clicked.connect(self.reset) button_layout.addWidget(reset_button) self.addLayout(button_layout) def search(self): """Search for taxa with the currently selected filters""" taxon_ids = self.iconic_taxon_filters.selected_iconic_taxa if self.search_children_switch.isChecked(): taxon_ids.append(self.selected_taxon.id) taxa = INAT_CLIENT.taxa.search( q=self.autocomplete.text(), taxon_id=taxon_ids, rank=self.exact_rank.text, min_rank=self.min_rank.text, max_rank=self.max_rank.text, preferred_place_id=self.settings.preferred_place_id, locale=self.settings.locale, limit=30, ).all() logger.debug('\n'.join([str(t) for t in taxa[:10]])) self.on_results.emit(taxa) def reset(self): """Reset all search filters""" self.autocomplete.setText('') self.iconic_taxon_filters.reset() self.reset_ranks() self.search_children_switch.setChecked(False) self.on_reset.emit() def reset_ranks(self): self.exact_rank = RankList('Exact', 'fa5s.equals', all_ranks=self.settings.all_ranks) self.min_rank = RankList( 'Minimum', 'fa5s.greater-than-equal', all_ranks=self.settings.all_ranks ) self.max_rank = RankList( 'Maximum', 'fa5s.less-than-equal', all_ranks=self.settings.all_ranks ) self.ranks.clear() self.ranks.addLayout(self.exact_rank) self.ranks.addLayout(self.min_rank) self.ranks.addLayout(self.max_rank) @Slot(Taxon) def set_taxon(self, taxon: Taxon): self.selected_taxon = taxon self.search_children_desc.setText(f'Search within children of <b><i>{taxon.name}</i></b>') class IconicTaxonFilters(QWidget): """Filters for iconic taxa""" on_select = Signal(int) # A filter was selected def __init__(self): super().__init__() self.button_layout = GridLayout(self, n_columns=6) self.setFocusPolicy(Qt.StrongFocus) for id, name in SELECTABLE_ICONIC_TAXA.items(): button = IconicTaxonButton(id, name) button.clicked.connect(self.on_click) self.button_layout.add_widget(button) @property def selected_iconic_taxa(self) -> list[int]: return [t.taxon_id for t in self.button_layout.widgets if t.isChecked()] def reset(self, except_id: str = None): """Reset all buttons, or all except one""" for button in self.button_layout.widgets: if button.taxon_id != except_id: button.setChecked(False) @Slot() def on_click(self): """Ctrl-click to select multiple buttons. Otherwise, when pressing a button, uncheck all other buttons and display the corresponding taxon. """ if QApplication.keyboardModifiers() != Qt.ControlModifier: button_taxon_id = self.sender().taxon_id self.reset(except_id=button_taxon_id) self.on_select.emit(button_taxon_id) class IconicTaxonButton(QPushButton): """Button used as a filter for iconic taxa""" def __init__(self, taxon_id: int, name: str): super().__init__() self.taxon_id = taxon_id self.name = name photo = IconPhoto.from_iconic_taxon(name) img = PixmapLabel(url=photo.thumbnail_url) self.setIcon(QIcon(img.pixmap())) self.setIconSize(QSize(45, 45)) self.setCheckable(True) self.setFixedSize(50, 50) self.setContentsMargins(0, 0, 0, 0) self.setToolTip(name) class RankList(HorizontalLayout): """Taxonomic rank dropdown""" def __init__(self, label: str, icon_str: str, all_ranks: bool = False): super().__init__() self.setAlignment(Qt.AlignLeft) self.addWidget(IconLabel(icon_str, size=20)) self.addWidget(QLabel(label)) self.addStretch() ranks = RANKS if all_ranks else COMMON_RANKS self.dropdown = QComboBox() self.dropdown.addItems([''] + ranks[::-1]) self.addWidget(self.dropdown) def reset(self): self.dropdown.setCurrentIndex(0) @property def text(self) -> Optional[str]: return self.dropdown.currentText() or None
[ 1, 9995, 25503, 363, 11975, 363, 8818, 29874, 15945, 29908, 13, 3166, 12183, 1053, 679, 16363, 13, 3166, 19229, 1053, 28379, 13, 13, 3166, 11451, 262, 18771, 391, 1053, 390, 2190, 17557, 29892, 26816, 25971, 29892, 17847, 265, 13, 3166, 10772, 23908, 29953, 29889, 17303, 9203, 1053, 660, 3505, 29892, 14705, 29892, 9954, 284, 29892, 317, 8276, 13, 3166, 10772, 23908, 29953, 29889, 17303, 28707, 1053, 660, 12492, 13, 3166, 10772, 23908, 29953, 29889, 17303, 8801, 29879, 1053, 660, 4873, 29892, 660, 26628, 29892, 660, 4775, 29892, 660, 27031, 3125, 29892, 660, 8801, 13, 13, 3166, 4033, 4039, 29889, 932, 29889, 3293, 1053, 2258, 29918, 4144, 13, 3166, 4033, 4039, 29889, 4645, 1053, 2672, 1299, 29918, 27205, 3919, 13, 3166, 4033, 4039, 29889, 3075, 1934, 1053, 5097, 6181, 29918, 2965, 1164, 2965, 29918, 6040, 29990, 29909, 13, 3166, 4033, 4039, 29889, 11027, 1053, 19215, 13, 3166, 4033, 4039, 29889, 8030, 29879, 1053, 313, 13, 1678, 11657, 3453, 29892, 13, 1678, 6912, 7731, 3453, 29892, 13, 1678, 349, 861, 1958, 4775, 29892, 13, 1678, 17847, 265, 12300, 8835, 29892, 13, 1678, 323, 9804, 24995, 29892, 13, 1678, 11198, 936, 3453, 29892, 13, 29897, 13, 3166, 4033, 4039, 29889, 8030, 29879, 29889, 8346, 1053, 26816, 4775, 13, 13, 6259, 6632, 1525, 29918, 4945, 4345, 353, 6024, 1491, 742, 525, 9136, 742, 525, 7192, 336, 742, 525, 1022, 29875, 742, 525, 5819, 19515, 2033, 13, 3217, 7428, 1164, 29918, 29934, 2190, 17557, 353, 518, 29878, 363, 364, 297, 390, 2190, 17557, 565, 451, 738, 4197, 29895, 297, 364, 363, 413, 297, 306, 29954, 6632, 1525, 29918, 4945, 4345, 2314, 3816, 1057, 29899, 29896, 29962, 13, 13, 21707, 353, 679, 16363, 22168, 978, 1649, 29897, 13, 13, 13, 1990, 17847, 265, 7974, 29898, 29270, 3453, 1125, 13, 1678, 9995, 29911, 1165, 265, 2740, 15945, 29908, 13, 13, 1678, 373, 29918, 9902, 353, 9954, 284, 29898, 1761, 29897, 29871, 396, 29901, 1570, 2740, 2582, 892, 7500, 13, 1678, 373, 29918, 12071, 353, 9954, 284, 580, 29871, 396, 29901, 10567, 4235, 892, 10092, 13, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 6055, 29901, 19215, 1125, 13, 4706, 2428, 2141, 1649, 2344, 1649, 580, 13, 4706, 1583, 29889, 8391, 29918, 20725, 265, 29901, 17847, 265, 353, 6213, 13, 4706, 1583, 29889, 11027, 353, 6055, 13, 4706, 1583, 29889, 842, 14658, 29898, 17303, 29889, 2499, 647, 7031, 29897, 13, 13, 4706, 396, 17847, 265, 1024, 4469, 8835, 13, 4706, 1583, 29889, 6921, 8835, 353, 17847, 265, 12300, 8835, 580, 13, 4706, 2740, 29918, 2972, 353, 1583, 29889, 1202, 29918, 2972, 877, 7974, 742, 1583, 29892, 2920, 29922, 29946, 29900, 29900, 29897, 13, 4706, 2740, 29918, 2972, 29889, 1202, 8801, 29898, 1311, 29889, 6921, 8835, 29897, 13, 4706, 1583, 29889, 6921, 8835, 29889, 2457, 24104, 29889, 6915, 29898, 1311, 29889, 4478, 29897, 13, 13, 4706, 396, 17943, 10970, 13, 4706, 1583, 29889, 4144, 293, 29918, 20725, 265, 29918, 26705, 353, 26816, 293, 29911, 1165, 265, 3434, 2153, 580, 13, 4706, 13997, 353, 1583, 29889, 1202, 29918, 2972, 877, 29907, 14404, 742, 1583, 29892, 2920, 29922, 29946, 29900, 29900, 29897, 13, 4706, 13997, 29889, 1202, 8801, 29898, 1311, 29889, 4144, 293, 29918, 20725, 265, 29918, 26705, 29897, 13, 13, 4706, 396, 22125, 10970, 13, 4706, 1583, 29889, 661, 2039, 353, 1583, 29889, 1202, 29918, 2972, 877, 29934, 804, 742, 1583, 29892, 2920, 29922, 29946, 29900, 29900, 29897, 13, 4706, 1583, 29889, 12071, 29918, 661, 2039, 580, 13, 13, 4706, 396, 17732, 2684, 7115, 1156, 18851, 1375, 470, 4236, 29892, 322, 11289, 1224, 29874, 13, 4706, 1583, 29889, 1195, 29918, 10003, 29889, 19305, 29889, 11236, 630, 29889, 6915, 29898, 1311, 29889, 735, 627, 29918, 10003, 29889, 12071, 29897, 13, 4706, 1583, 29889, 3317, 29918, 10003, 29889, 19305, 29889, 11236, 630, 29889, 6915, 29898, 1311, 29889, 735, 627, 29918, 10003, 29889, 12071, 29897, 13, 4706, 1583, 29889, 735, 627, 29918, 10003, 29889, 19305, 29889, 11236, 630, 29889, 6915, 29898, 1311, 29889, 1195, 29918, 10003, 29889, 12071, 29897, 13, 4706, 1583, 29889, 735, 627, 29918, 10003, 29889, 19305, 29889, 11236, 630, 29889, 6915, 29898, 1311, 29889, 3317, 29918, 10003, 29889, 12071, 29897, 13, 13, 4706, 396, 11025, 304, 2740, 363, 4344, 310, 4629, 8818, 265, 13, 4706, 396, 14402, 29901, 960, 901, 1135, 697, 20429, 4175, 338, 2715, 29892, 1136, 17211, 403, 411, 6055, 29918, 6510, 29889, 27199, 29020, 13, 4706, 2318, 29918, 1884, 353, 1583, 29889, 1202, 29918, 2972, 877, 9780, 742, 1583, 29892, 2920, 29922, 29946, 29900, 29900, 29897, 13, 4706, 2826, 29918, 2680, 353, 6912, 7731, 3453, 580, 13, 4706, 2826, 29918, 2680, 29889, 842, 14658, 29898, 17303, 29889, 2499, 647, 8091, 29897, 13, 4706, 2826, 29918, 2680, 29889, 1202, 8801, 29898, 12492, 4775, 877, 3487, 29875, 29889, 1445, 29899, 8336, 742, 2159, 29922, 29906, 29900, 876, 13, 4706, 2318, 29918, 1884, 29889, 1202, 3453, 29898, 3092, 29918, 2680, 29897, 13, 4706, 1583, 29889, 4478, 29918, 11991, 29918, 14273, 353, 660, 4775, 877, 7974, 2629, 4344, 310, 4629, 8818, 265, 1495, 13, 4706, 1583, 29889, 4478, 29918, 11991, 29918, 14273, 29889, 12038, 5809, 29898, 17303, 29889, 25627, 1626, 29897, 13, 4706, 2826, 29918, 2680, 29889, 1202, 8801, 29898, 1311, 29889, 4478, 29918, 11991, 29918, 14273, 29897, 13, 4706, 2826, 29918, 2680, 29889, 1202, 855, 10301, 580, 13, 4706, 1583, 29889, 4478, 29918, 11991, 29918, 15123, 353, 323, 9804, 24995, 580, 13, 4706, 2826, 29918, 2680, 29889, 1202, 8801, 29898, 1311, 29889, 4478, 29918, 11991, 29918, 15123, 29897, 13, 13, 4706, 396, 11856, 29914, 12071, 9828, 13, 4706, 2826, 29918, 2680, 353, 6912, 7731, 3453, 580, 13, 4706, 2740, 29918, 3092, 353, 660, 27031, 3125, 877, 7974, 1495, 13, 4706, 2740, 29918, 3092, 29889, 842, 7976, 12539, 6110, 29898, 29906, 29900, 29900, 29897, 13, 4706, 2740, 29918, 3092, 29889, 842, 12492, 29898, 5444, 29918, 4144, 877, 5444, 29889, 4478, 8785, 13, 4706, 2740, 29918, 3092, 29889, 3808, 287, 29889, 6915, 29898, 1311, 29889, 4478, 29897, 13, 4706, 2826, 29918, 2680, 29889, 1202, 8801, 29898, 4478, 29918, 3092, 29897, 13, 13, 4706, 10092, 29918, 3092, 353, 660, 27031, 3125, 877, 27175, 1495, 13, 4706, 10092, 29918, 3092, 29889, 842, 7976, 12539, 6110, 29898, 29906, 29900, 29900, 29897, 13, 4706, 10092, 29918, 3092, 29889, 842, 12492, 29898, 5444, 29918, 4144, 877, 3487, 29875, 29889, 1627, 3493, 8785, 13, 4706, 10092, 29918, 3092, 29889, 3808, 287, 29889, 6915, 29898, 1311, 29889, 12071, 29897, 13, 4706, 2826, 29918, 2680, 29889, 1202, 8801, 29898, 12071, 29918, 3092, 29897, 13, 4706, 1583, 29889, 1202, 3453, 29898, 3092, 29918, 2680, 29897, 13, 13, 1678, 822, 2740, 29898, 1311, 1125, 13, 4706, 9995, 7974, 363, 8818, 29874, 411, 278, 5279, 4629, 18094, 15945, 29908, 13, 4706, 8818, 265, 29918, 4841, 353, 1583, 29889, 4144, 293, 29918, 20725, 265, 29918, 26705, 29889, 8391, 29918, 4144, 293, 29918, 941, 17367, 13, 4706, 565, 1583, 29889, 4478, 29918, 11991, 29918, 15123, 29889, 275, 17817, 7295, 13, 9651, 8818, 265, 29918, 4841, 29889, 4397, 29898, 1311, 29889, 8391, 29918, 20725, 265, 29889, 333, 29897, 13, 13, 4706, 8818, 29874, 353, 2672, 1299, 29918, 27205, 3919, 29889, 941, 17367, 29889, 4478, 29898, 13, 9651, 3855, 29922, 1311, 29889, 6921, 8835, 29889, 726, 3285, 13, 9651, 8818, 265, 29918, 333, 29922, 20725, 265, 29918, 4841, 29892, 13, 9651, 7115, 29922, 1311, 29889, 735, 627, 29918, 10003, 29889, 726, 29892, 13, 9651, 1375, 29918, 10003, 29922, 1311, 29889, 1195, 29918, 10003, 29889, 726, 29892, 13, 9651, 4236, 29918, 10003, 29922, 1311, 29889, 3317, 29918, 10003, 29889, 726, 29892, 13, 9651, 16389, 29918, 6689, 29918, 333, 29922, 1311, 29889, 11027, 29889, 1457, 14373, 29918, 6689, 29918, 333, 29892, 13, 9651, 15068, 29922, 1311, 29889, 11027, 29889, 23337, 29892, 13, 9651, 4046, 29922, 29941, 29900, 29892, 13, 4706, 13742, 497, 580, 13, 13, 4706, 17927, 29889, 8382, 28909, 29876, 4286, 7122, 4197, 710, 29898, 29873, 29897, 363, 260, 297, 8818, 29874, 7503, 29896, 29900, 5262, 876, 13, 4706, 1583, 29889, 265, 29918, 9902, 29889, 21976, 29898, 941, 17367, 29897, 13, 13, 1678, 822, 10092, 29898, 1311, 1125, 13, 4706, 9995, 27175, 599, 2740, 18094, 15945, 29908, 13, 4706, 1583, 29889, 6921, 8835, 29889, 12038, 877, 1495, 13, 4706, 1583, 29889, 4144, 293, 29918, 20725, 265, 29918, 26705, 29889, 12071, 580, 13, 4706, 1583, 29889, 12071, 29918, 661, 2039, 580, 13, 4706, 1583, 29889, 4478, 29918, 11991, 29918, 15123, 29889, 842, 17817, 29898, 8824, 29897, 13, 4706, 1583, 29889, 265, 29918, 12071, 29889, 21976, 580, 13, 13, 1678, 822, 10092, 29918, 661, 2039, 29898, 1311, 1125, 13, 4706, 1583, 29889, 735, 627, 29918, 10003, 353, 22125, 1293, 877, 1252, 627, 742, 525, 5444, 29945, 29879, 29889, 10954, 742, 599, 29918, 661, 2039, 29922, 1311, 29889, 11027, 29889, 497, 29918, 661, 2039, 29897, 13, 4706, 1583, 29889, 1195, 29918, 10003, 353, 22125, 1293, 29898, 13, 9651, 525, 8140, 12539, 742, 525, 5444, 29945, 29879, 29889, 7979, 1008, 29899, 27603, 29899, 11745, 742, 599, 29918, 661, 2039, 29922, 1311, 29889, 11027, 29889, 497, 29918, 661, 2039, 13, 4706, 1723, 13, 4706, 1583, 29889, 3317, 29918, 10003, 353, 22125, 1293, 29898, 13, 9651, 525, 7976, 12539, 742, 525, 5444, 29945, 29879, 29889, 2222, 29899, 27603, 29899, 11745, 742, 599, 29918, 661, 2039, 29922, 1311, 29889, 11027, 29889, 497, 29918, 661, 2039, 13, 4706, 1723, 13, 4706, 1583, 29889, 661, 2039, 29889, 8551, 580, 13, 4706, 1583, 29889, 661, 2039, 29889, 1202, 3453, 29898, 1311, 29889, 735, 627, 29918, 10003, 29897, 13, 4706, 1583, 29889, 661, 2039, 29889, 1202, 3453, 29898, 1311, 29889, 1195, 29918, 10003, 29897, 13, 4706, 1583, 29889, 661, 2039, 29889, 1202, 3453, 29898, 1311, 29889, 3317, 29918, 10003, 29897, 13, 13, 1678, 732, 29903, 8276, 29898, 29911, 1165, 265, 29897, 13, 1678, 822, 731, 29918, 20725, 265, 29898, 1311, 29892, 8818, 265, 29901, 17847, 265, 1125, 13, 4706, 1583, 29889, 8391, 29918, 20725, 265, 353, 8818, 265, 13, 4706, 1583, 29889, 4478, 29918, 11991, 29918, 14273, 29889, 12038, 29898, 29888, 29915, 7974, 2629, 4344, 310, 529, 29890, 5299, 29875, 26208, 20725, 265, 29889, 978, 16040, 29875, 2565, 29890, 29958, 1495, 13, 13, 13, 1990, 26816, 293, 29911, 1165, 265, 3434, 2153, 29898, 29984, 8801, 1125, 13, 1678, 9995, 3434, 2153, 363, 9849, 293, 8818, 29874, 15945, 29908, 13, 13, 1678, 373, 29918, 2622, 353, 9954, 284, 29898, 524, 29897, 29871, 396, 319, 4175, 471, 4629, 13, 13, 1678, 822, 4770, 2344, 12035, 1311, 1125, 13, 4706, 2428, 2141, 1649, 2344, 1649, 580, 13, 4706, 1583, 29889, 3092, 29918, 2680, 353, 11657, 3453, 29898, 1311, 29892, 302, 29918, 13099, 29922, 29953, 29897, 13, 4706, 1583, 29889, 842, 20560, 15644, 29898, 17303, 29889, 5015, 549, 20560, 29897, 13, 13, 4706, 363, 1178, 29892, 1024, 297, 5097, 6181, 29918, 2965, 1164, 2965, 29918, 6040, 29990, 29909, 29889, 7076, 7295, 13, 9651, 2826, 353, 26816, 293, 29911, 1165, 265, 3125, 29898, 333, 29892, 1024, 29897, 13, 9651, 2826, 29889, 3808, 287, 29889, 6915, 29898, 1311, 29889, 265, 29918, 3808, 29897, 13, 9651, 1583, 29889, 3092, 29918, 2680, 29889, 1202, 29918, 8030, 29898, 3092, 29897, 13, 13, 1678, 732, 6799, 13, 1678, 822, 4629, 29918, 4144, 293, 29918, 941, 17367, 29898, 1311, 29897, 1599, 1051, 29961, 524, 5387, 13, 4706, 736, 518, 29873, 29889, 20725, 265, 29918, 333, 363, 260, 297, 1583, 29889, 3092, 29918, 2680, 29889, 8030, 29879, 565, 260, 29889, 275, 17817, 580, 29962, 13, 13, 1678, 822, 10092, 29898, 1311, 29892, 5174, 29918, 333, 29901, 851, 353, 6213, 1125, 13, 4706, 9995, 27175, 599, 9828, 29892, 470, 599, 5174, 697, 15945, 29908, 13, 4706, 363, 2826, 297, 1583, 29889, 3092, 29918, 2680, 29889, 8030, 29879, 29901, 13, 9651, 565, 2826, 29889, 20725, 265, 29918, 333, 2804, 5174, 29918, 333, 29901, 13, 18884, 2826, 29889, 842, 17817, 29898, 8824, 29897, 13, 13, 1678, 732, 29903, 8276, 580, 13, 1678, 822, 373, 29918, 3808, 29898, 1311, 1125, 13, 4706, 9995, 18069, 29899, 3808, 304, 1831, 2999, 9828, 29889, 13466, 29892, 746, 24795, 263, 2826, 29892, 443, 3198, 599, 13, 4706, 916, 9828, 322, 2479, 278, 6590, 8818, 265, 29889, 13, 4706, 9995, 13, 4706, 565, 660, 4873, 29889, 1989, 3377, 2111, 14903, 580, 2804, 14705, 29889, 4809, 2111, 3709, 29901, 13, 9651, 2826, 29918, 20725, 265, 29918, 333, 353, 1583, 29889, 15452, 2141, 20725, 265, 29918, 333, 13, 9651, 1583, 29889, 12071, 29898, 19499, 29918, 333, 29922, 3092, 29918, 20725, 265, 29918, 333, 29897, 13, 9651, 1583, 29889, 265, 29918, 2622, 29889, 21976, 29898, 3092, 29918, 20725, 265, 29918, 333, 29897, 13, 13, 13, 1990, 26816, 293, 29911, 1165, 265, 3125, 29898, 29984, 27031, 3125, 1125, 13, 1678, 9995, 3125, 1304, 408, 263, 4175, 363, 9849, 293, 8818, 29874, 15945, 29908, 13, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 8818, 265, 29918, 333, 29901, 938, 29892, 1024, 29901, 851, 1125, 13, 4706, 2428, 2141, 1649, 2344, 1649, 580, 13, 4706, 1583, 29889, 20725, 265, 29918, 333, 353, 8818, 265, 29918, 333, 13, 4706, 1583, 29889, 978, 353, 1024, 13, 13, 4706, 15373, 353, 26816, 25971, 29889, 3166, 29918, 4144, 293, 29918, 20725, 265, 29898, 978, 29897, 13, 4706, 10153, 353, 349, 861, 1958, 4775, 29898, 2271, 29922, 21596, 29889, 386, 21145, 29918, 2271, 29897, 13, 4706, 1583, 29889, 842, 12492, 29898, 29984, 12492, 29898, 2492, 29889, 29886, 861, 1958, 22130, 13, 4706, 1583, 29889, 842, 12492, 3505, 29898, 29984, 3505, 29898, 29946, 29945, 29892, 29871, 29946, 29945, 876, 13, 13, 4706, 1583, 29889, 842, 5596, 519, 29898, 5574, 29897, 13, 4706, 1583, 29889, 842, 26262, 3505, 29898, 29945, 29900, 29892, 29871, 29945, 29900, 29897, 13, 4706, 1583, 29889, 842, 21002, 29924, 1191, 1144, 29898, 29900, 29892, 29871, 29900, 29892, 29871, 29900, 29892, 29871, 29900, 29897, 13, 4706, 1583, 29889, 842, 12229, 29911, 666, 29898, 978, 29897, 13, 13, 13, 1990, 22125, 1293, 29898, 24932, 3453, 1125, 13, 1678, 9995, 29911, 1165, 4917, 293, 7115, 14687, 15945, 29908, 13, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 3858, 29901, 851, 29892, 9849, 29918, 710, 29901, 851, 29892, 599, 29918, 661, 2039, 29901, 6120, 353, 7700, 1125, 13, 4706, 2428, 2141, 1649, 2344, 1649, 580, 13, 4706, 1583, 29889, 842, 14658, 29898, 17303, 29889, 2499, 647, 8091, 29897, 13, 4706, 1583, 29889, 1202, 8801, 29898, 12492, 4775, 29898, 4144, 29918, 710, 29892, 2159, 29922, 29906, 29900, 876, 13, 4706, 1583, 29889, 1202, 8801, 29898, 2239, 1107, 29898, 1643, 876, 13, 4706, 1583, 29889, 1202, 855, 10301, 580, 13, 13, 4706, 27871, 353, 390, 2190, 17557, 565, 599, 29918, 661, 2039, 1683, 4810, 7428, 1164, 29918, 29934, 2190, 17557, 13, 4706, 1583, 29889, 19305, 353, 660, 26628, 580, 13, 4706, 1583, 29889, 19305, 29889, 1202, 6913, 18959, 2033, 718, 27871, 29961, 1057, 29899, 29896, 2314, 13, 4706, 1583, 29889, 1202, 8801, 29898, 1311, 29889, 19305, 29897, 13, 13, 1678, 822, 10092, 29898, 1311, 1125, 13, 4706, 1583, 29889, 19305, 29889, 842, 7583, 3220, 29898, 29900, 29897, 13, 13, 1678, 732, 6799, 13, 1678, 822, 1426, 29898, 1311, 29897, 1599, 28379, 29961, 710, 5387, 13, 4706, 736, 1583, 29889, 19305, 29889, 3784, 1626, 580, 470, 6213, 13, 2 ]
wemake_python_styleguide/visitors/ast/complexity/jones.py
lensvol/wemake-python-styleguide
1
1607652
# -*- coding: utf-8 -*- """ Jones Complexity to count inline complexity. Based on the original `jones-complexity` project: https://github.com/Miserlou/JonesComplexity Original project is licensed under MIT. """ import ast from collections import defaultdict from statistics import median from typing import DefaultDict, List from typing_extensions import final from wemake_python_styleguide.compat.aliases import FunctionNodes from wemake_python_styleguide.violations.complexity import ( JonesScoreViolation, LineComplexityViolation, ) from wemake_python_styleguide.visitors.base import BaseNodeVisitor @final class JonesComplexityVisitor(BaseNodeVisitor): """ This visitor is used to find complex lines in the code. Calculates the number of AST nodes per line of code. Also calculates the median nodes/line score. Then compares these numbers to the given tressholds. Some nodes are ignored because there's no sense in analyzing them. Some nodes like type annotations are not affecting line complexity, so we do not count them. """ _ignored_nodes = ( ast.ClassDef, *FunctionNodes, ) def __init__(self, *args, **kwargs) -> None: """Initializes line number counter.""" super().__init__(*args, **kwargs) self._lines: DefaultDict[int, List[ast.AST]] = defaultdict(list) self._to_ignore: List[ast.AST] = [] def visit(self, node: ast.AST) -> None: """ Visits all nodes, sums the number of nodes per line. Then calculates the median value of all line results. Raises: JonesScoreViolation LineComplexityViolation """ line_number = getattr(node, 'lineno', None) is_ignored = isinstance(node, self._ignored_nodes) if line_number is not None and not is_ignored: if not self._maybe_ignore_child(node): self._lines[line_number].append(node) self.generic_visit(node) def _post_visit(self) -> None: """ Triggers after the whole module was processed. Checks each line for its complexity, compares it to the tresshold. We also calculate the final Jones score for the whole module. """ for line_nodes in self._lines.values(): complexity = len(line_nodes) if complexity > self.options.max_line_complexity: self.add_violation( LineComplexityViolation( line_nodes[0], text=str(complexity), baseline=self.options.max_line_complexity, ), ) node_counts = [len(nodes) for nodes in self._lines.values()] total_count = median(node_counts) if node_counts else 0 if total_count > self.options.max_jones_score: self.add_violation( JonesScoreViolation( text=str(total_count), baseline=self.options.max_jones_score, ), ) def _maybe_ignore_child(self, node: ast.AST) -> bool: if isinstance(node, ast.AnnAssign): self._to_ignore.append(node.annotation) return node in self._to_ignore
[ 1, 396, 448, 29930, 29899, 14137, 29901, 23616, 29899, 29947, 448, 29930, 29899, 13, 13, 15945, 29908, 13, 29967, 2873, 26596, 537, 304, 2302, 10583, 13644, 29889, 13, 13, 29933, 1463, 373, 278, 2441, 421, 29926, 2873, 29899, 19676, 537, 29952, 2060, 29901, 13, 991, 597, 3292, 29889, 510, 29914, 29924, 7608, 23581, 29914, 29967, 2873, 8909, 29916, 537, 13, 13, 26036, 2060, 338, 7794, 21144, 1090, 341, 1806, 29889, 13, 15945, 29908, 13, 13, 5215, 8717, 13, 3166, 16250, 1053, 2322, 8977, 13, 3166, 13964, 1053, 19194, 13, 3166, 19229, 1053, 13109, 21533, 29892, 2391, 13, 13, 3166, 19229, 29918, 24299, 1053, 2186, 13, 13, 3166, 281, 331, 1296, 29918, 4691, 29918, 22062, 1397, 29884, 680, 29889, 12667, 29889, 2606, 2129, 1053, 6680, 20284, 13, 3166, 281, 331, 1296, 29918, 4691, 29918, 22062, 1397, 29884, 680, 29889, 1403, 324, 800, 29889, 19676, 537, 1053, 313, 13, 1678, 10920, 20097, 29963, 29875, 22671, 29892, 13, 1678, 7407, 8909, 29916, 537, 29963, 29875, 22671, 29892, 13, 29897, 13, 3166, 281, 331, 1296, 29918, 4691, 29918, 22062, 1397, 29884, 680, 29889, 1730, 17259, 29889, 3188, 1053, 7399, 4247, 6116, 2105, 13, 13, 13, 29992, 8394, 13, 1990, 10920, 8909, 29916, 537, 6116, 2105, 29898, 5160, 4247, 6116, 2105, 1125, 13, 1678, 9995, 13, 1678, 910, 27682, 338, 1304, 304, 1284, 4280, 3454, 297, 278, 775, 29889, 13, 13, 1678, 20535, 1078, 278, 1353, 310, 319, 1254, 7573, 639, 1196, 310, 775, 29889, 13, 1678, 3115, 3408, 1078, 278, 19194, 7573, 29914, 1220, 8158, 29889, 13, 1678, 1987, 752, 5114, 1438, 3694, 304, 278, 2183, 534, 404, 23177, 29889, 13, 13, 1678, 3834, 7573, 526, 17262, 1363, 727, 29915, 29879, 694, 4060, 297, 29537, 292, 963, 29889, 13, 1678, 3834, 7573, 763, 1134, 25495, 526, 451, 6602, 292, 1196, 13644, 29892, 13, 1678, 577, 591, 437, 451, 2302, 963, 29889, 13, 1678, 9995, 13, 13, 1678, 903, 647, 4395, 29918, 18010, 353, 313, 13, 4706, 8717, 29889, 2385, 3206, 29892, 13, 4706, 334, 6678, 20284, 29892, 13, 1678, 1723, 13, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 334, 5085, 29892, 3579, 19290, 29897, 1599, 6213, 29901, 13, 4706, 9995, 15514, 7093, 1196, 1353, 6795, 1213, 15945, 13, 4706, 2428, 2141, 1649, 2344, 1649, 10456, 5085, 29892, 3579, 19290, 29897, 13, 4706, 1583, 3032, 9012, 29901, 13109, 21533, 29961, 524, 29892, 2391, 29961, 579, 29889, 28938, 5262, 353, 2322, 8977, 29898, 1761, 29897, 13, 4706, 1583, 3032, 517, 29918, 17281, 29901, 2391, 29961, 579, 29889, 28938, 29962, 353, 5159, 13, 13, 1678, 822, 6493, 29898, 1311, 29892, 2943, 29901, 8717, 29889, 28938, 29897, 1599, 6213, 29901, 13, 4706, 9995, 13, 4706, 5741, 1169, 599, 7573, 29892, 25470, 278, 1353, 310, 7573, 639, 1196, 29889, 13, 13, 4706, 1987, 3408, 1078, 278, 19194, 995, 310, 599, 1196, 2582, 29889, 13, 13, 4706, 390, 1759, 267, 29901, 13, 9651, 10920, 20097, 29963, 29875, 22671, 13, 9651, 7407, 8909, 29916, 537, 29963, 29875, 22671, 13, 13, 4706, 9995, 13, 4706, 1196, 29918, 4537, 353, 679, 5552, 29898, 3177, 29892, 525, 1915, 8154, 742, 6213, 29897, 13, 4706, 338, 29918, 647, 4395, 353, 338, 8758, 29898, 3177, 29892, 1583, 3032, 647, 4395, 29918, 18010, 29897, 13, 4706, 565, 1196, 29918, 4537, 338, 451, 6213, 322, 451, 338, 29918, 647, 4395, 29901, 13, 9651, 565, 451, 1583, 3032, 26026, 29918, 17281, 29918, 5145, 29898, 3177, 1125, 13, 18884, 1583, 3032, 9012, 29961, 1220, 29918, 4537, 1822, 4397, 29898, 3177, 29897, 13, 13, 4706, 1583, 29889, 19206, 29918, 1730, 277, 29898, 3177, 29897, 13, 13, 1678, 822, 903, 2490, 29918, 1730, 277, 29898, 1311, 29897, 1599, 6213, 29901, 13, 4706, 9995, 13, 4706, 1605, 335, 5743, 1156, 278, 3353, 3883, 471, 19356, 29889, 13, 13, 4706, 5399, 29879, 1269, 1196, 363, 967, 13644, 29892, 752, 5114, 372, 304, 278, 534, 404, 8948, 29889, 13, 4706, 1334, 884, 8147, 278, 2186, 10920, 8158, 363, 278, 3353, 3883, 29889, 13, 4706, 9995, 13, 4706, 363, 1196, 29918, 18010, 297, 1583, 3032, 9012, 29889, 5975, 7295, 13, 9651, 13644, 353, 7431, 29898, 1220, 29918, 18010, 29897, 13, 9651, 565, 13644, 1405, 1583, 29889, 6768, 29889, 3317, 29918, 1220, 29918, 19676, 537, 29901, 13, 18884, 1583, 29889, 1202, 29918, 1403, 22671, 29898, 13, 462, 1678, 7407, 8909, 29916, 537, 29963, 29875, 22671, 29898, 13, 462, 4706, 1196, 29918, 18010, 29961, 29900, 1402, 13, 462, 4706, 1426, 29922, 710, 29898, 19676, 537, 511, 13, 462, 4706, 2362, 5570, 29922, 1311, 29889, 6768, 29889, 3317, 29918, 1220, 29918, 19676, 537, 29892, 13, 462, 1678, 10353, 13, 18884, 1723, 13, 13, 4706, 2943, 29918, 2798, 29879, 353, 518, 2435, 29898, 18010, 29897, 363, 7573, 297, 1583, 3032, 9012, 29889, 5975, 580, 29962, 13, 4706, 3001, 29918, 2798, 353, 19194, 29898, 3177, 29918, 2798, 29879, 29897, 565, 2943, 29918, 2798, 29879, 1683, 29871, 29900, 13, 4706, 565, 3001, 29918, 2798, 1405, 1583, 29889, 6768, 29889, 3317, 29918, 29926, 2873, 29918, 13628, 29901, 13, 9651, 1583, 29889, 1202, 29918, 1403, 22671, 29898, 13, 18884, 10920, 20097, 29963, 29875, 22671, 29898, 13, 462, 1678, 1426, 29922, 710, 29898, 7827, 29918, 2798, 511, 13, 462, 1678, 2362, 5570, 29922, 1311, 29889, 6768, 29889, 3317, 29918, 29926, 2873, 29918, 13628, 29892, 13, 18884, 10353, 13, 9651, 1723, 13, 13, 1678, 822, 903, 26026, 29918, 17281, 29918, 5145, 29898, 1311, 29892, 2943, 29901, 8717, 29889, 28938, 29897, 1599, 6120, 29901, 13, 4706, 565, 338, 8758, 29898, 3177, 29892, 8717, 29889, 2744, 29876, 7900, 647, 1125, 13, 9651, 1583, 3032, 517, 29918, 17281, 29889, 4397, 29898, 3177, 29889, 18317, 29897, 13, 13, 4706, 736, 2943, 297, 1583, 3032, 517, 29918, 17281, 13, 2 ]
python/test/resource/test_dataset_mixed.py
Fosstack/vmaf
2,874
109074
<gh_stars>1000+ dataset_name = 'example' quality_width = 1920 quality_height = 1080 from vmaf.config import VmafConfig ref_videos = [ {'content_id': 0, 'path': VmafConfig.resource_path('yuv', 'checkerboard_1920_1080_10_3_0_0.yuv'), 'yuv_fmt': 'yuv420p', 'width': 1920, 'height': 1080}, {'content_id': 1, 'path': VmafConfig.resource_path('yuv', 'flat_1920_1080_0.yuv'), 'yuv_fmt': 'yuv420p', 'width': 720, 'height': 480}, ] dis_videos = [ {'content_id': 0, 'asset_id': 0, 'dmos': 100, 'path': VmafConfig.resource_path('yuv', 'checkerboard_1920_1080_10_3_0_0.yuv'), 'yuv_fmt': 'yuv420p', 'width': 1920, 'height': 1080}, # ref {'content_id': 0, 'asset_id': 1, 'dmos': 50, 'path': VmafConfig.resource_path('yuv', 'checkerboard_1920_1080_10_3_1_0.264'), 'yuv_fmt': 'notyuv',}, {'content_id': 1, 'asset_id': 2, 'dmos': 100, 'path': VmafConfig.resource_path('yuv', 'flat_1920_1080_0.yuv'), 'yuv_fmt': 'yuv420p', 'width': 720, 'height': 480}, # ref {'content_id': 1, 'asset_id': 3, 'dmos': 80, 'path': VmafConfig.resource_path('yuv', 'flat_1920_1080_10.264'), 'yuv_fmt': 'notyuv',}, ]
[ 1, 529, 12443, 29918, 303, 1503, 29958, 29896, 29900, 29900, 29900, 29974, 13, 24713, 29918, 978, 353, 525, 4773, 29915, 13, 13, 29567, 29918, 2103, 353, 29871, 29896, 29929, 29906, 29900, 13, 29567, 29918, 3545, 353, 29871, 29896, 29900, 29947, 29900, 13, 13, 3166, 325, 655, 29888, 29889, 2917, 1053, 478, 655, 29888, 3991, 13, 13, 999, 29918, 29894, 7958, 353, 518, 13, 1678, 11117, 3051, 29918, 333, 2396, 29871, 29900, 29892, 525, 2084, 2396, 478, 655, 29888, 3991, 29889, 10314, 29918, 2084, 877, 29891, 4090, 742, 525, 3198, 261, 3377, 29918, 29896, 29929, 29906, 29900, 29918, 29896, 29900, 29947, 29900, 29918, 29896, 29900, 29918, 29941, 29918, 29900, 29918, 29900, 29889, 29891, 4090, 5477, 525, 29891, 4090, 29918, 23479, 2396, 525, 29891, 4090, 29946, 29906, 29900, 29886, 742, 525, 2103, 2396, 29871, 29896, 29929, 29906, 29900, 29892, 525, 3545, 2396, 29871, 29896, 29900, 29947, 29900, 1118, 13, 13, 1678, 11117, 3051, 29918, 333, 2396, 29871, 29896, 29892, 525, 2084, 2396, 478, 655, 29888, 3991, 29889, 10314, 29918, 2084, 877, 29891, 4090, 742, 525, 20620, 29918, 29896, 29929, 29906, 29900, 29918, 29896, 29900, 29947, 29900, 29918, 29900, 29889, 29891, 4090, 5477, 525, 29891, 4090, 29918, 23479, 2396, 525, 29891, 4090, 29946, 29906, 29900, 29886, 742, 525, 2103, 2396, 29871, 29955, 29906, 29900, 29892, 525, 3545, 2396, 29871, 29946, 29947, 29900, 1118, 13, 29962, 13, 13, 2218, 29918, 29894, 7958, 353, 518, 13, 1678, 11117, 3051, 29918, 333, 2396, 29871, 29900, 29892, 525, 24129, 29918, 333, 2396, 29871, 29900, 29892, 525, 29881, 7681, 2396, 29871, 29896, 29900, 29900, 29892, 525, 2084, 2396, 478, 655, 29888, 3991, 29889, 10314, 29918, 2084, 877, 29891, 4090, 742, 525, 3198, 261, 3377, 29918, 29896, 29929, 29906, 29900, 29918, 29896, 29900, 29947, 29900, 29918, 29896, 29900, 29918, 29941, 29918, 29900, 29918, 29900, 29889, 29891, 4090, 5477, 525, 29891, 4090, 29918, 23479, 2396, 525, 29891, 4090, 29946, 29906, 29900, 29886, 742, 525, 2103, 2396, 29871, 29896, 29929, 29906, 29900, 29892, 525, 3545, 2396, 29871, 29896, 29900, 29947, 29900, 1118, 396, 2143, 13, 1678, 11117, 3051, 29918, 333, 2396, 29871, 29900, 29892, 525, 24129, 29918, 333, 2396, 29871, 29896, 29892, 525, 29881, 7681, 2396, 29871, 29945, 29900, 29892, 29871, 525, 2084, 2396, 478, 655, 29888, 3991, 29889, 10314, 29918, 2084, 877, 29891, 4090, 742, 525, 3198, 261, 3377, 29918, 29896, 29929, 29906, 29900, 29918, 29896, 29900, 29947, 29900, 29918, 29896, 29900, 29918, 29941, 29918, 29896, 29918, 29900, 29889, 29906, 29953, 29946, 5477, 525, 29891, 4090, 29918, 23479, 2396, 525, 1333, 29891, 4090, 742, 1118, 13, 13, 1678, 11117, 3051, 29918, 333, 2396, 29871, 29896, 29892, 525, 24129, 29918, 333, 2396, 29871, 29906, 29892, 525, 29881, 7681, 2396, 29871, 29896, 29900, 29900, 29892, 29871, 525, 2084, 2396, 478, 655, 29888, 3991, 29889, 10314, 29918, 2084, 877, 29891, 4090, 742, 525, 20620, 29918, 29896, 29929, 29906, 29900, 29918, 29896, 29900, 29947, 29900, 29918, 29900, 29889, 29891, 4090, 5477, 525, 29891, 4090, 29918, 23479, 2396, 525, 29891, 4090, 29946, 29906, 29900, 29886, 742, 525, 2103, 2396, 29871, 29955, 29906, 29900, 29892, 525, 3545, 2396, 29871, 29946, 29947, 29900, 1118, 396, 2143, 13, 1678, 11117, 3051, 29918, 333, 2396, 29871, 29896, 29892, 525, 24129, 29918, 333, 2396, 29871, 29941, 29892, 525, 29881, 7681, 2396, 29871, 29947, 29900, 29892, 29871, 525, 2084, 2396, 478, 655, 29888, 3991, 29889, 10314, 29918, 2084, 877, 29891, 4090, 742, 525, 20620, 29918, 29896, 29929, 29906, 29900, 29918, 29896, 29900, 29947, 29900, 29918, 29896, 29900, 29889, 29906, 29953, 29946, 5477, 525, 29891, 4090, 29918, 23479, 2396, 525, 1333, 29891, 4090, 742, 1118, 13, 29962, 13, 2 ]
cinder/tests/unit/zonemanager/test_cisco_fc_zone_driver.py
lightsey/cinder
3
76346
# (c) Copyright 2014 Cisco Systems Inc. # 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. # """Unit tests for Cisco FC zone driver.""" from unittest import mock from oslo_concurrency import processutils from oslo_config import cfg from oslo_utils import importutils from cinder import exception from cinder import test from cinder.volume import configuration as conf from cinder.zonemanager.drivers.cisco import cisco_fc_zone_driver as driver _active_cfg_before_add = {} _active_cfg_before_delete = { 'zones': { 'openstack10008c7cff523b0120240002ac000a50': ( ['fd00:c2b6:b24b:be67:2827:688d:e6a1:6a3b', 'fc00:db20:35b:7399::5'])}, 'active_zone_config': 'cfg1'} _active_cfg_default = { 'zones': { 'openstack10008c7cff523b0120240002ac000b90': ( ['fd00:c2b6:b24b:be67:2827:688d:e6a1:6a3b', 'fc00:db20:35b:7399::5'])}, 'active_zone_config': 'cfg1'} _activate = True _zone_name = 'openstack10008c7cff523b0120240002ac000a50' _target_ns_map = {'100000051e55a100': ['20240002ac000a50']} _zoning_status = {'mode': 'basis', 'session': 'none'} _initiator_ns_map = {'100000051e55a100': ['10008c7cff523b01']} _zone_map_to_add = {'openstack10008c7cff523b0120240002ac000a50': ( ['fd00:c2b6:b24b:be67:2827:688d:e6a1:6a3b', 'fc00:db20:35b:7399::5'])} _initiator_target_map = {'10008c7cff523b01': ['20240002ac000a50']} _device_map_to_verify = { '304': { 'initiator_port_wwn_list': [ '10008c7cff523b01'], 'target_port_wwn_list': ['20240002ac000a50']}} _fabric_wwn = '304' class CiscoFcZoneDriverBaseTest(object): def setup_config(self, is_normal, mode): fc_test_opts = [ cfg.StrOpt('fc_fabric_address_CISCO_FAB_1', default='10.24.48.213', help='FC Fabric names'), ] configuration = conf.Configuration(fc_test_opts) # fill up config configuration.zoning_mode = 'fabric' configuration.zone_driver = ('cinder.tests.unit.zonemanager.' 'test_cisco_fc_zone_driver.' 'FakeCiscoFCZoneDriver') configuration.cisco_sb_connector = ('cinder.tests.unit.zonemanager.' 'test_cisco_fc_zone_driver' '.FakeCiscoFCZoneClientCLI') configuration.zoning_policy = 'initiator-target' configuration.zone_activate = True configuration.zone_name_prefix = 'openstack' configuration.fc_san_lookup_service = ('cinder.tests.unit.zonemanager.' 'test_cisco_fc_zone_driver.' 'FakeCiscoFCSanLookupService') configuration.fc_fabric_names = 'CISCO_FAB_1' configuration.fc_fabric_address_CISCO_FAB_1 = '172.21.60.220' if (is_normal): configuration.fc_fabric_user_CISCO_FAB_1 = 'admin' else: configuration.fc_fabric_user_CISCO_FAB_1 = 'invaliduser' configuration.fc_fabric_password_CISCO_FAB_1 = '<PASSWORD>' if (mode == 1): configuration.zoning_policy_CISCO_FAB_1 = 'initiator-target' elif (mode == 2): configuration.zoning_policy_CISCO_FAB_1 = 'initiator' else: configuration.zoning_policy_CISCO_FAB_1 = 'initiator-target' configuration.zone_activate_CISCO_FAB_1 = True configuration.zone_name_prefix_CISCO_FAB_1 = 'openstack' configuration.zoning_vsan_CISCO_FAB_1 = '304' return configuration class TestCiscoFcZoneDriver(CiscoFcZoneDriverBaseTest, test.TestCase): def setUp(self): super(TestCiscoFcZoneDriver, self).setUp() # setup config for normal flow self.setup_driver(self.setup_config(True, 1)) GlobalVars._zone_state = [] def setup_driver(self, config): self.driver = importutils.import_object( 'cinder.zonemanager.drivers.cisco.cisco_fc_zone_driver' '.CiscoFCZoneDriver', configuration=config) def fake_get_active_zone_set(self, fabric_ip, fabric_user, fabric_pwd, zoning_vsan): return GlobalVars._active_cfg def fake_get_san_context(self, target_wwn_list): fabric_map = {} return fabric_map def test_delete_connection(self): GlobalVars._is_normal_test = True GlobalVars._active_cfg = _active_cfg_before_delete self.driver.delete_connection( 'CISCO_FAB_1', _initiator_target_map) self.assertNotIn(_zone_name, GlobalVars._zone_state) def test_delete_connection_for_initiator_mode(self): GlobalVars._is_normal_test = True GlobalVars._active_cfg = _active_cfg_before_delete self.setup_driver(self.setup_config(True, 2)) self.driver.delete_connection( 'CISCO_FAB_1', _initiator_target_map) self.assertNotIn(_zone_name, GlobalVars._zone_state) @mock.patch.object(driver.CiscoFCZoneDriver, 'get_zoning_status') @mock.patch.object(driver.CiscoFCZoneDriver, 'get_active_zone_set') def test_add_connection(self, get_active_zone_set_mock, get_zoning_status_mock): """Test normal flows.""" GlobalVars._is_normal_test = True GlobalVars._zone_state = [] self.setup_driver(self.setup_config(True, 1)) get_zoning_status_mock.return_value = {'mode': 'basis', 'session': 'none'} get_active_zone_set_mock.return_value = _active_cfg_default self.driver.add_connection('CISCO_FAB_1', _initiator_target_map) self.assertTrue(_zone_name in GlobalVars._zone_state) @mock.patch.object(driver.CiscoFCZoneDriver, 'get_zoning_status') @mock.patch.object(driver.CiscoFCZoneDriver, 'get_active_zone_set') def test_add_connection_with_no_cfg(self, get_active_zone_set_mock, get_zoning_status_mock): """Test normal flows.""" GlobalVars._is_normal_test = True GlobalVars._zone_state = [] self.setup_driver(self.setup_config(True, 1)) get_zoning_status_mock.return_value = {'mode': 'basis', 'session': 'none'} get_active_zone_set_mock.return_value = {} self.driver.add_connection('CISCO_FAB_1', _initiator_target_map) self.assertTrue(_zone_name in GlobalVars._zone_state) def test_add_connection_for_invalid_fabric(self): """Test abnormal flows.""" GlobalVars._is_normal_test = True GlobalVars._active_cfg = _active_cfg_before_add GlobalVars._is_normal_test = False self.setup_driver(self.setup_config(False, 1)) self.assertRaises(exception.FCZoneDriverException, self.driver.add_connection, 'CISCO_FAB_1', _initiator_target_map) def test_delete_connection_for_invalid_fabric(self): GlobalVars._active_cfg = _active_cfg_before_delete GlobalVars._is_normal_test = False self.setup_driver(self.setup_config(False, 1)) self.assertRaises(exception.FCZoneDriverException, self.driver.delete_connection, 'CISCO_FAB_1', _initiator_target_map) class FakeCiscoFCZoneClientCLI(object): def __init__(self, ipaddress, username, password, port, vsan): if not GlobalVars._is_normal_test: raise processutils.ProcessExecutionError( "Unable to connect to fabric") def get_active_zone_set(self): return GlobalVars._active_cfg def add_zones(self, zones, activate, fabric_vsan, active_zone_set, zone_status): GlobalVars._zone_state.extend(zones.keys()) def delete_zones(self, zone_names, isActivate): zone_list = zone_names.split(';') GlobalVars._zone_state = [ x for x in GlobalVars._zone_state if x not in zone_list] def get_nameserver_info(self): return _target_ns_map def get_zoning_status(self): return _zoning_status def close_connection(self): pass def cleanup(self): pass class FakeCiscoFCSanLookupService(object): def get_device_mapping_from_network(self, initiator_wwn_list, target_wwn_list): device_map = {} initiators = [] targets = [] for i in initiator_wwn_list: if (i in _initiator_ns_map[_fabric_wwn]): initiators.append(i) for t in target_wwn_list: if (t in _target_ns_map[_fabric_wwn]): targets.append(t) device_map[_fabric_wwn] = { 'initiator_port_wwn_list': initiators, 'target_port_wwn_list': targets} return device_map class GlobalVars(object): global _active_cfg _active_cfg = {} global _zone_state _zone_state = list() global _is_normal_test _is_normal_test = True global _zoning_status _zoning_status = {}
[ 1, 396, 1678, 313, 29883, 29897, 14187, 1266, 29871, 29906, 29900, 29896, 29946, 315, 275, 1111, 23985, 9266, 29889, 13, 29937, 1678, 2178, 26863, 2538, 9841, 29889, 13, 29937, 13, 29937, 1678, 10413, 21144, 1090, 278, 13380, 19245, 29892, 10079, 29871, 29906, 29889, 29900, 313, 1552, 376, 29931, 293, 1947, 1496, 366, 1122, 13, 29937, 1678, 451, 671, 445, 934, 5174, 297, 752, 13036, 411, 278, 19245, 29889, 887, 1122, 4017, 13, 29937, 1678, 263, 3509, 310, 278, 19245, 472, 13, 29937, 13, 29937, 308, 1732, 597, 1636, 29889, 4288, 29889, 990, 29914, 506, 11259, 29914, 27888, 1430, 1660, 29899, 29906, 29889, 29900, 13, 29937, 13, 29937, 1678, 25870, 3734, 491, 22903, 4307, 470, 15502, 304, 297, 5007, 29892, 7047, 13, 29937, 1678, 13235, 1090, 278, 19245, 338, 13235, 373, 385, 376, 3289, 8519, 29908, 350, 3289, 3235, 29892, 399, 1806, 8187, 2692, 13, 29937, 1678, 399, 1718, 29934, 13566, 29059, 6323, 8707, 29928, 22122, 29903, 8079, 13764, 29979, 476, 22255, 29892, 2845, 4653, 470, 2411, 2957, 29889, 2823, 278, 13, 29937, 1678, 19245, 363, 278, 2702, 4086, 14765, 1076, 11239, 322, 27028, 13, 29937, 1678, 1090, 278, 19245, 29889, 13, 29937, 13, 13, 13, 15945, 29908, 8325, 6987, 363, 315, 275, 1111, 7992, 10640, 7156, 1213, 15945, 13, 3166, 443, 27958, 1053, 11187, 13, 13, 3166, 2897, 417, 29918, 535, 26095, 1053, 1889, 13239, 13, 3166, 2897, 417, 29918, 2917, 1053, 274, 16434, 13, 3166, 2897, 417, 29918, 13239, 1053, 1053, 13239, 13, 13, 3166, 274, 4995, 1053, 3682, 13, 3166, 274, 4995, 1053, 1243, 13, 3166, 274, 4995, 29889, 24623, 1053, 5285, 408, 1970, 13, 3166, 274, 4995, 29889, 6626, 11422, 1875, 29889, 24477, 874, 29889, 3476, 1111, 1053, 274, 275, 1111, 29918, 13801, 29918, 8028, 29918, 9465, 408, 7156, 13, 13, 29918, 4925, 29918, 16859, 29918, 11083, 29918, 1202, 353, 6571, 13, 29918, 4925, 29918, 16859, 29918, 11083, 29918, 8143, 353, 426, 13, 1678, 525, 29920, 2873, 2396, 426, 13, 4706, 525, 3150, 1429, 29896, 29900, 29900, 29900, 29947, 29883, 29955, 29883, 600, 29945, 29906, 29941, 29890, 29900, 29896, 29906, 29900, 29906, 29946, 29900, 29900, 29900, 29906, 562, 29900, 29900, 29900, 29874, 29945, 29900, 2396, 313, 13, 9651, 6024, 11512, 29900, 29900, 29901, 29883, 29906, 29890, 29953, 29901, 29890, 29906, 29946, 29890, 29901, 915, 29953, 29955, 29901, 29906, 29947, 29906, 29955, 29901, 29953, 29947, 29947, 29881, 29901, 29872, 29953, 29874, 29896, 29901, 29953, 29874, 29941, 29890, 742, 13, 632, 525, 13801, 29900, 29900, 29901, 2585, 29906, 29900, 29901, 29941, 29945, 29890, 29901, 29955, 29941, 29929, 29929, 1057, 29945, 11287, 1118, 13, 4706, 525, 4925, 29918, 8028, 29918, 2917, 2396, 525, 16859, 29896, 10827, 13, 29918, 4925, 29918, 16859, 29918, 4381, 353, 426, 13, 1678, 525, 29920, 2873, 2396, 426, 13, 4706, 525, 3150, 1429, 29896, 29900, 29900, 29900, 29947, 29883, 29955, 29883, 600, 29945, 29906, 29941, 29890, 29900, 29896, 29906, 29900, 29906, 29946, 29900, 29900, 29900, 29906, 562, 29900, 29900, 29900, 29890, 29929, 29900, 2396, 313, 13, 9651, 6024, 11512, 29900, 29900, 29901, 29883, 29906, 29890, 29953, 29901, 29890, 29906, 29946, 29890, 29901, 915, 29953, 29955, 29901, 29906, 29947, 29906, 29955, 29901, 29953, 29947, 29947, 29881, 29901, 29872, 29953, 29874, 29896, 29901, 29953, 29874, 29941, 29890, 742, 13, 632, 525, 13801, 29900, 29900, 29901, 2585, 29906, 29900, 29901, 29941, 29945, 29890, 29901, 29955, 29941, 29929, 29929, 1057, 29945, 11287, 1118, 13, 4706, 525, 4925, 29918, 8028, 29918, 2917, 2396, 525, 16859, 29896, 10827, 13, 29918, 11236, 403, 353, 5852, 13, 29918, 8028, 29918, 978, 353, 525, 3150, 1429, 29896, 29900, 29900, 29900, 29947, 29883, 29955, 29883, 600, 29945, 29906, 29941, 29890, 29900, 29896, 29906, 29900, 29906, 29946, 29900, 29900, 29900, 29906, 562, 29900, 29900, 29900, 29874, 29945, 29900, 29915, 13, 29918, 5182, 29918, 1983, 29918, 1958, 353, 11117, 29896, 29900, 29900, 29900, 29900, 29900, 29900, 29945, 29896, 29872, 29945, 29945, 29874, 29896, 29900, 29900, 2396, 6024, 29906, 29900, 29906, 29946, 29900, 29900, 29900, 29906, 562, 29900, 29900, 29900, 29874, 29945, 29900, 2033, 29913, 13, 29918, 6626, 292, 29918, 4882, 353, 11117, 8513, 2396, 525, 6500, 275, 742, 525, 7924, 2396, 525, 9290, 10827, 13, 29918, 2344, 29875, 1061, 29918, 1983, 29918, 1958, 353, 11117, 29896, 29900, 29900, 29900, 29900, 29900, 29900, 29945, 29896, 29872, 29945, 29945, 29874, 29896, 29900, 29900, 2396, 6024, 29896, 29900, 29900, 29900, 29947, 29883, 29955, 29883, 600, 29945, 29906, 29941, 29890, 29900, 29896, 2033, 29913, 13, 29918, 8028, 29918, 1958, 29918, 517, 29918, 1202, 353, 11117, 3150, 1429, 29896, 29900, 29900, 29900, 29947, 29883, 29955, 29883, 600, 29945, 29906, 29941, 29890, 29900, 29896, 29906, 29900, 29906, 29946, 29900, 29900, 29900, 29906, 562, 29900, 29900, 29900, 29874, 29945, 29900, 2396, 313, 13, 1678, 6024, 11512, 29900, 29900, 29901, 29883, 29906, 29890, 29953, 29901, 29890, 29906, 29946, 29890, 29901, 915, 29953, 29955, 29901, 29906, 29947, 29906, 29955, 29901, 29953, 29947, 29947, 29881, 29901, 29872, 29953, 29874, 29896, 29901, 29953, 29874, 29941, 29890, 742, 525, 13801, 29900, 29900, 29901, 2585, 29906, 29900, 29901, 29941, 29945, 29890, 29901, 29955, 29941, 29929, 29929, 1057, 29945, 2033, 2915, 13, 13, 29918, 2344, 29875, 1061, 29918, 5182, 29918, 1958, 353, 11117, 29896, 29900, 29900, 29900, 29947, 29883, 29955, 29883, 600, 29945, 29906, 29941, 29890, 29900, 29896, 2396, 6024, 29906, 29900, 29906, 29946, 29900, 29900, 29900, 29906, 562, 29900, 29900, 29900, 29874, 29945, 29900, 2033, 29913, 13, 29918, 10141, 29918, 1958, 29918, 517, 29918, 27902, 353, 426, 13, 1678, 525, 29941, 29900, 29946, 2396, 426, 13, 4706, 525, 2344, 29875, 1061, 29918, 637, 29918, 29893, 1233, 29918, 1761, 2396, 518, 13, 9651, 525, 29896, 29900, 29900, 29900, 29947, 29883, 29955, 29883, 600, 29945, 29906, 29941, 29890, 29900, 29896, 7464, 525, 5182, 29918, 637, 29918, 29893, 1233, 29918, 1761, 2396, 6024, 29906, 29900, 29906, 29946, 29900, 29900, 29900, 29906, 562, 29900, 29900, 29900, 29874, 29945, 29900, 2033, 930, 13, 29918, 16582, 2200, 29918, 29893, 1233, 353, 525, 29941, 29900, 29946, 29915, 13, 13, 13, 1990, 315, 275, 1111, 29943, 29883, 18482, 12376, 5160, 3057, 29898, 3318, 1125, 13, 13, 1678, 822, 6230, 29918, 2917, 29898, 1311, 29892, 338, 29918, 8945, 29892, 4464, 1125, 13, 4706, 285, 29883, 29918, 1688, 29918, 25707, 353, 518, 13, 9651, 274, 16434, 29889, 5015, 20624, 877, 13801, 29918, 16582, 2200, 29918, 7328, 29918, 29907, 3235, 3217, 29918, 29943, 2882, 29918, 29896, 742, 2322, 2433, 29896, 29900, 29889, 29906, 29946, 29889, 29946, 29947, 29889, 29906, 29896, 29941, 742, 13, 462, 539, 1371, 2433, 8610, 10629, 2200, 2983, 5477, 13, 4706, 4514, 13, 4706, 5285, 353, 1970, 29889, 8614, 29898, 13801, 29918, 1688, 29918, 25707, 29897, 13, 4706, 396, 5445, 701, 2295, 13, 4706, 5285, 29889, 6626, 292, 29918, 8513, 353, 525, 16582, 2200, 29915, 13, 4706, 5285, 29889, 8028, 29918, 9465, 353, 6702, 29883, 4995, 29889, 21150, 29889, 5441, 29889, 6626, 11422, 1875, 6169, 13, 462, 462, 268, 525, 1688, 29918, 3476, 1111, 29918, 13801, 29918, 8028, 29918, 9465, 6169, 13, 462, 462, 268, 525, 29943, 1296, 29907, 275, 1111, 8610, 18482, 12376, 1495, 13, 4706, 5285, 29889, 3476, 1111, 29918, 20778, 29918, 11958, 2801, 353, 6702, 29883, 4995, 29889, 21150, 29889, 5441, 29889, 6626, 11422, 1875, 6169, 13, 462, 462, 9651, 525, 1688, 29918, 3476, 1111, 29918, 13801, 29918, 8028, 29918, 9465, 29915, 13, 462, 462, 9651, 15300, 29943, 1296, 29907, 275, 1111, 8610, 18482, 4032, 27205, 1495, 13, 4706, 5285, 29889, 6626, 292, 29918, 22197, 353, 525, 2344, 29875, 1061, 29899, 5182, 29915, 13, 4706, 5285, 29889, 8028, 29918, 11236, 403, 353, 5852, 13, 4706, 5285, 29889, 8028, 29918, 978, 29918, 13506, 353, 525, 3150, 1429, 29915, 13, 4706, 5285, 29889, 13801, 29918, 28455, 29918, 20401, 29918, 5509, 353, 6702, 29883, 4995, 29889, 21150, 29889, 5441, 29889, 6626, 11422, 1875, 6169, 13, 462, 462, 1669, 525, 1688, 29918, 3476, 1111, 29918, 13801, 29918, 8028, 29918, 9465, 6169, 13, 462, 462, 1669, 525, 29943, 1296, 29907, 275, 1111, 8610, 22509, 14959, 786, 3170, 1495, 13, 13, 4706, 5285, 29889, 13801, 29918, 16582, 2200, 29918, 7039, 353, 525, 29907, 3235, 3217, 29918, 29943, 2882, 29918, 29896, 29915, 13, 4706, 5285, 29889, 13801, 29918, 16582, 2200, 29918, 7328, 29918, 29907, 3235, 3217, 29918, 29943, 2882, 29918, 29896, 353, 525, 29896, 29955, 29906, 29889, 29906, 29896, 29889, 29953, 29900, 29889, 29906, 29906, 29900, 29915, 13, 4706, 565, 313, 275, 29918, 8945, 1125, 13, 9651, 5285, 29889, 13801, 29918, 16582, 2200, 29918, 1792, 29918, 29907, 3235, 3217, 29918, 29943, 2882, 29918, 29896, 353, 525, 6406, 29915, 13, 4706, 1683, 29901, 13, 9651, 5285, 29889, 13801, 29918, 16582, 2200, 29918, 1792, 29918, 29907, 3235, 3217, 29918, 29943, 2882, 29918, 29896, 353, 525, 20965, 1792, 29915, 13, 4706, 5285, 29889, 13801, 29918, 16582, 2200, 29918, 5630, 29918, 29907, 3235, 3217, 29918, 29943, 2882, 29918, 29896, 353, 12801, 25711, 17013, 16299, 13, 13, 4706, 565, 313, 8513, 1275, 29871, 29896, 1125, 13, 9651, 5285, 29889, 6626, 292, 29918, 22197, 29918, 29907, 3235, 3217, 29918, 29943, 2882, 29918, 29896, 353, 525, 2344, 29875, 1061, 29899, 5182, 29915, 13, 4706, 25342, 313, 8513, 1275, 29871, 29906, 1125, 13, 9651, 5285, 29889, 6626, 292, 29918, 22197, 29918, 29907, 3235, 3217, 29918, 29943, 2882, 29918, 29896, 353, 525, 2344, 29875, 1061, 29915, 13, 4706, 1683, 29901, 13, 9651, 5285, 29889, 6626, 292, 29918, 22197, 29918, 29907, 3235, 3217, 29918, 29943, 2882, 29918, 29896, 353, 525, 2344, 29875, 1061, 29899, 5182, 29915, 13, 4706, 5285, 29889, 8028, 29918, 11236, 403, 29918, 29907, 3235, 3217, 29918, 29943, 2882, 29918, 29896, 353, 5852, 13, 4706, 5285, 29889, 8028, 29918, 978, 29918, 13506, 29918, 29907, 3235, 3217, 29918, 29943, 2882, 29918, 29896, 353, 525, 3150, 1429, 29915, 13, 4706, 5285, 29889, 6626, 292, 29918, 4270, 273, 29918, 29907, 3235, 3217, 29918, 29943, 2882, 29918, 29896, 353, 525, 29941, 29900, 29946, 29915, 13, 4706, 736, 5285, 13, 13, 13, 1990, 4321, 29907, 275, 1111, 29943, 29883, 18482, 12376, 29898, 29907, 275, 1111, 29943, 29883, 18482, 12376, 5160, 3057, 29892, 1243, 29889, 3057, 8259, 1125, 13, 13, 1678, 822, 731, 3373, 29898, 1311, 1125, 13, 4706, 2428, 29898, 3057, 29907, 275, 1111, 29943, 29883, 18482, 12376, 29892, 1583, 467, 842, 3373, 580, 13, 4706, 396, 6230, 2295, 363, 4226, 4972, 13, 4706, 1583, 29889, 14669, 29918, 9465, 29898, 1311, 29889, 14669, 29918, 2917, 29898, 5574, 29892, 29871, 29896, 876, 13, 4706, 12002, 29963, 1503, 3032, 8028, 29918, 3859, 353, 5159, 13, 13, 1678, 822, 6230, 29918, 9465, 29898, 1311, 29892, 2295, 1125, 13, 4706, 1583, 29889, 9465, 353, 1053, 13239, 29889, 5215, 29918, 3318, 29898, 13, 9651, 525, 29883, 4995, 29889, 6626, 11422, 1875, 29889, 24477, 874, 29889, 3476, 1111, 29889, 3476, 1111, 29918, 13801, 29918, 8028, 29918, 9465, 29915, 13, 9651, 15300, 29907, 275, 1111, 8610, 18482, 12376, 742, 5285, 29922, 2917, 29897, 13, 13, 1678, 822, 25713, 29918, 657, 29918, 4925, 29918, 8028, 29918, 842, 29898, 1311, 29892, 18187, 29918, 666, 29892, 18187, 29918, 1792, 29892, 18187, 29918, 29886, 9970, 29892, 13, 462, 462, 503, 28259, 29918, 4270, 273, 1125, 13, 4706, 736, 12002, 29963, 1503, 3032, 4925, 29918, 16859, 13, 13, 1678, 822, 25713, 29918, 657, 29918, 28455, 29918, 4703, 29898, 1311, 29892, 3646, 29918, 29893, 1233, 29918, 1761, 1125, 13, 4706, 18187, 29918, 1958, 353, 6571, 13, 4706, 736, 18187, 29918, 1958, 13, 13, 1678, 822, 1243, 29918, 8143, 29918, 9965, 29898, 1311, 1125, 13, 4706, 12002, 29963, 1503, 3032, 275, 29918, 8945, 29918, 1688, 353, 5852, 13, 4706, 12002, 29963, 1503, 3032, 4925, 29918, 16859, 353, 903, 4925, 29918, 16859, 29918, 11083, 29918, 8143, 13, 4706, 1583, 29889, 9465, 29889, 8143, 29918, 9965, 29898, 13, 9651, 525, 29907, 3235, 3217, 29918, 29943, 2882, 29918, 29896, 742, 903, 2344, 29875, 1061, 29918, 5182, 29918, 1958, 29897, 13, 4706, 1583, 29889, 9294, 3664, 797, 7373, 8028, 29918, 978, 29892, 12002, 29963, 1503, 3032, 8028, 29918, 3859, 29897, 13, 13, 1678, 822, 1243, 29918, 8143, 29918, 9965, 29918, 1454, 29918, 2344, 29875, 1061, 29918, 8513, 29898, 1311, 1125, 13, 4706, 12002, 29963, 1503, 3032, 275, 29918, 8945, 29918, 1688, 353, 5852, 13, 4706, 12002, 29963, 1503, 3032, 4925, 29918, 16859, 353, 903, 4925, 29918, 16859, 29918, 11083, 29918, 8143, 13, 4706, 1583, 29889, 14669, 29918, 9465, 29898, 1311, 29889, 14669, 29918, 2917, 29898, 5574, 29892, 29871, 29906, 876, 13, 4706, 1583, 29889, 9465, 29889, 8143, 29918, 9965, 29898, 13, 9651, 525, 29907, 3235, 3217, 29918, 29943, 2882, 29918, 29896, 742, 903, 2344, 29875, 1061, 29918, 5182, 29918, 1958, 29897, 13, 4706, 1583, 29889, 9294, 3664, 797, 7373, 8028, 29918, 978, 29892, 12002, 29963, 1503, 3032, 8028, 29918, 3859, 29897, 13, 13, 1678, 732, 17640, 29889, 5041, 29889, 3318, 29898, 9465, 29889, 29907, 275, 1111, 8610, 18482, 12376, 29892, 525, 657, 29918, 6626, 292, 29918, 4882, 1495, 13, 1678, 732, 17640, 29889, 5041, 29889, 3318, 29898, 9465, 29889, 29907, 275, 1111, 8610, 18482, 12376, 29892, 525, 657, 29918, 4925, 29918, 8028, 29918, 842, 1495, 13, 1678, 822, 1243, 29918, 1202, 29918, 9965, 29898, 1311, 29892, 679, 29918, 4925, 29918, 8028, 29918, 842, 29918, 17640, 29892, 13, 462, 9651, 679, 29918, 6626, 292, 29918, 4882, 29918, 17640, 1125, 13, 4706, 9995, 3057, 4226, 24536, 1213, 15945, 13, 4706, 12002, 29963, 1503, 3032, 275, 29918, 8945, 29918, 1688, 353, 5852, 13, 4706, 12002, 29963, 1503, 3032, 8028, 29918, 3859, 353, 5159, 13, 4706, 1583, 29889, 14669, 29918, 9465, 29898, 1311, 29889, 14669, 29918, 2917, 29898, 5574, 29892, 29871, 29896, 876, 13, 4706, 679, 29918, 6626, 292, 29918, 4882, 29918, 17640, 29889, 2457, 29918, 1767, 353, 11117, 8513, 2396, 525, 6500, 275, 742, 13, 462, 462, 1669, 525, 7924, 2396, 525, 9290, 10827, 13, 4706, 679, 29918, 4925, 29918, 8028, 29918, 842, 29918, 17640, 29889, 2457, 29918, 1767, 353, 903, 4925, 29918, 16859, 29918, 4381, 13, 4706, 1583, 29889, 9465, 29889, 1202, 29918, 9965, 877, 29907, 3235, 3217, 29918, 29943, 2882, 29918, 29896, 742, 903, 2344, 29875, 1061, 29918, 5182, 29918, 1958, 29897, 13, 4706, 1583, 29889, 9294, 5574, 7373, 8028, 29918, 978, 297, 12002, 29963, 1503, 3032, 8028, 29918, 3859, 29897, 13, 13, 1678, 732, 17640, 29889, 5041, 29889, 3318, 29898, 9465, 29889, 29907, 275, 1111, 8610, 18482, 12376, 29892, 525, 657, 29918, 6626, 292, 29918, 4882, 1495, 13, 1678, 732, 17640, 29889, 5041, 29889, 3318, 29898, 9465, 29889, 29907, 275, 1111, 8610, 18482, 12376, 29892, 525, 657, 29918, 4925, 29918, 8028, 29918, 842, 1495, 13, 1678, 822, 1243, 29918, 1202, 29918, 9965, 29918, 2541, 29918, 1217, 29918, 16859, 29898, 1311, 29892, 679, 29918, 4925, 29918, 8028, 29918, 842, 29918, 17640, 29892, 13, 462, 462, 4706, 679, 29918, 6626, 292, 29918, 4882, 29918, 17640, 1125, 13, 4706, 9995, 3057, 4226, 24536, 1213, 15945, 13, 4706, 12002, 29963, 1503, 3032, 275, 29918, 8945, 29918, 1688, 353, 5852, 13, 4706, 12002, 29963, 1503, 3032, 8028, 29918, 3859, 353, 5159, 13, 4706, 1583, 29889, 14669, 29918, 9465, 29898, 1311, 29889, 14669, 29918, 2917, 29898, 5574, 29892, 29871, 29896, 876, 13, 4706, 679, 29918, 6626, 292, 29918, 4882, 29918, 17640, 29889, 2457, 29918, 1767, 353, 11117, 8513, 2396, 525, 6500, 275, 742, 13, 462, 462, 1669, 525, 7924, 2396, 525, 9290, 10827, 13, 4706, 679, 29918, 4925, 29918, 8028, 29918, 842, 29918, 17640, 29889, 2457, 29918, 1767, 353, 6571, 13, 4706, 1583, 29889, 9465, 29889, 1202, 29918, 9965, 877, 29907, 3235, 3217, 29918, 29943, 2882, 29918, 29896, 742, 903, 2344, 29875, 1061, 29918, 5182, 29918, 1958, 29897, 13, 4706, 1583, 29889, 9294, 5574, 7373, 8028, 29918, 978, 297, 12002, 29963, 1503, 3032, 8028, 29918, 3859, 29897, 13, 13, 1678, 822, 1243, 29918, 1202, 29918, 9965, 29918, 1454, 29918, 20965, 29918, 16582, 2200, 29898, 1311, 1125, 13, 4706, 9995, 3057, 633, 8945, 24536, 1213, 15945, 13, 4706, 12002, 29963, 1503, 3032, 275, 29918, 8945, 29918, 1688, 353, 5852, 13, 4706, 12002, 29963, 1503, 3032, 4925, 29918, 16859, 353, 903, 4925, 29918, 16859, 29918, 11083, 29918, 1202, 13, 4706, 12002, 29963, 1503, 3032, 275, 29918, 8945, 29918, 1688, 353, 7700, 13, 4706, 1583, 29889, 14669, 29918, 9465, 29898, 1311, 29889, 14669, 29918, 2917, 29898, 8824, 29892, 29871, 29896, 876, 13, 4706, 1583, 29889, 9294, 29934, 1759, 267, 29898, 11739, 29889, 8610, 18482, 12376, 2451, 29892, 13, 462, 3986, 1583, 29889, 9465, 29889, 1202, 29918, 9965, 29892, 13, 462, 3986, 525, 29907, 3235, 3217, 29918, 29943, 2882, 29918, 29896, 742, 13, 462, 3986, 903, 2344, 29875, 1061, 29918, 5182, 29918, 1958, 29897, 13, 13, 1678, 822, 1243, 29918, 8143, 29918, 9965, 29918, 1454, 29918, 20965, 29918, 16582, 2200, 29898, 1311, 1125, 13, 4706, 12002, 29963, 1503, 3032, 4925, 29918, 16859, 353, 903, 4925, 29918, 16859, 29918, 11083, 29918, 8143, 13, 4706, 12002, 29963, 1503, 3032, 275, 29918, 8945, 29918, 1688, 353, 7700, 13, 4706, 1583, 29889, 14669, 29918, 9465, 29898, 1311, 29889, 14669, 29918, 2917, 29898, 8824, 29892, 29871, 29896, 876, 13, 4706, 1583, 29889, 9294, 29934, 1759, 267, 29898, 11739, 29889, 8610, 18482, 12376, 2451, 29892, 13, 462, 3986, 1583, 29889, 9465, 29889, 8143, 29918, 9965, 29892, 13, 462, 3986, 525, 29907, 3235, 3217, 29918, 29943, 2882, 29918, 29896, 742, 13, 462, 3986, 903, 2344, 29875, 1061, 29918, 5182, 29918, 1958, 29897, 13, 13, 13, 1990, 383, 1296, 29907, 275, 1111, 8610, 18482, 4032, 27205, 29898, 3318, 1125, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 10377, 7328, 29892, 8952, 29892, 4800, 29892, 2011, 29892, 7186, 273, 1125, 13, 4706, 565, 451, 12002, 29963, 1503, 3032, 275, 29918, 8945, 29918, 1688, 29901, 13, 9651, 12020, 1889, 13239, 29889, 7032, 20418, 2392, 29898, 13, 18884, 376, 2525, 519, 304, 4511, 304, 18187, 1159, 13, 13, 1678, 822, 679, 29918, 4925, 29918, 8028, 29918, 842, 29898, 1311, 1125, 13, 4706, 736, 12002, 29963, 1503, 3032, 4925, 29918, 16859, 13, 13, 1678, 822, 788, 29918, 29920, 2873, 29898, 1311, 29892, 20542, 29892, 5039, 403, 29892, 18187, 29918, 4270, 273, 29892, 6136, 29918, 8028, 29918, 842, 29892, 13, 462, 29871, 10640, 29918, 4882, 1125, 13, 4706, 12002, 29963, 1503, 3032, 8028, 29918, 3859, 29889, 21843, 29898, 29920, 2873, 29889, 8149, 3101, 13, 13, 1678, 822, 5217, 29918, 29920, 2873, 29898, 1311, 29892, 10640, 29918, 7039, 29892, 338, 21786, 403, 1125, 13, 4706, 10640, 29918, 1761, 353, 10640, 29918, 7039, 29889, 5451, 877, 29936, 1495, 13, 4706, 12002, 29963, 1503, 3032, 8028, 29918, 3859, 353, 518, 13, 9651, 921, 363, 921, 297, 12002, 29963, 1503, 3032, 8028, 29918, 3859, 565, 921, 451, 297, 10640, 29918, 1761, 29962, 13, 13, 1678, 822, 679, 29918, 7039, 261, 369, 29918, 3888, 29898, 1311, 1125, 13, 4706, 736, 903, 5182, 29918, 1983, 29918, 1958, 13, 13, 1678, 822, 679, 29918, 6626, 292, 29918, 4882, 29898, 1311, 1125, 13, 4706, 736, 903, 6626, 292, 29918, 4882, 13, 13, 1678, 822, 3802, 29918, 9965, 29898, 1311, 1125, 13, 4706, 1209, 13, 13, 1678, 822, 5941, 786, 29898, 1311, 1125, 13, 4706, 1209, 13, 13, 13, 1990, 383, 1296, 29907, 275, 1111, 8610, 22509, 14959, 786, 3170, 29898, 3318, 1125, 13, 1678, 822, 679, 29918, 10141, 29918, 20698, 29918, 3166, 29918, 11618, 29898, 1311, 29892, 13, 462, 462, 4706, 14511, 1061, 29918, 29893, 1233, 29918, 1761, 29892, 13, 462, 462, 4706, 3646, 29918, 29893, 1233, 29918, 1761, 1125, 13, 4706, 4742, 29918, 1958, 353, 6571, 13, 4706, 14511, 4097, 353, 5159, 13, 4706, 22525, 353, 5159, 13, 4706, 363, 474, 297, 14511, 1061, 29918, 29893, 1233, 29918, 1761, 29901, 13, 9651, 565, 313, 29875, 297, 903, 2344, 29875, 1061, 29918, 1983, 29918, 1958, 28513, 16582, 2200, 29918, 29893, 1233, 29962, 1125, 13, 18884, 14511, 4097, 29889, 4397, 29898, 29875, 29897, 13, 4706, 363, 260, 297, 3646, 29918, 29893, 1233, 29918, 1761, 29901, 13, 9651, 565, 313, 29873, 297, 903, 5182, 29918, 1983, 29918, 1958, 28513, 16582, 2200, 29918, 29893, 1233, 29962, 1125, 13, 18884, 22525, 29889, 4397, 29898, 29873, 29897, 13, 4706, 4742, 29918, 1958, 28513, 16582, 2200, 29918, 29893, 1233, 29962, 353, 426, 13, 9651, 525, 2344, 29875, 1061, 29918, 637, 29918, 29893, 1233, 29918, 1761, 2396, 14511, 4097, 29892, 13, 9651, 525, 5182, 29918, 637, 29918, 29893, 1233, 29918, 1761, 2396, 22525, 29913, 13, 4706, 736, 4742, 29918, 1958, 13, 13, 13, 1990, 12002, 29963, 1503, 29898, 3318, 1125, 13, 1678, 5534, 903, 4925, 29918, 16859, 13, 1678, 903, 4925, 29918, 16859, 353, 6571, 13, 1678, 5534, 903, 8028, 29918, 3859, 13, 1678, 903, 8028, 29918, 3859, 353, 1051, 580, 13, 1678, 5534, 903, 275, 29918, 8945, 29918, 1688, 13, 1678, 903, 275, 29918, 8945, 29918, 1688, 353, 5852, 13, 1678, 5534, 903, 6626, 292, 29918, 4882, 13, 1678, 903, 6626, 292, 29918, 4882, 353, 6571, 13, 2 ]
coreservices/partsrelationshipservice/connectors_scripts/consume_artifact.py
Agera-CatenaX/SpikeEclipseConnectorPRSTractusx
0
66595
<gh_stars>0 #!/usr/bin/env python3 # # Copyright 2020 Fraunhofer Institute for Software and Systems Engineering # # 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 script is based on the following script: # https://github.com/International-Data-Spaces-Association/DataspaceConnector/blob/main/scripts/tests/contract_negotation_allow_access.py # The original script creates an artifact. This script only consume an artifact. # from resourceapi import ResourceApi from idsapi import IdsApi import requests import pprint import sys consumer_url = sys.argv[1] consumed_artifact = sys.argv[2] relative_reference = sys.argv[3] # User having an access to the consumer connector. user = sys.argv[4] password = sys.argv[5] # Suppress ssl verification warning requests.packages.urllib3.disable_warnings() consumerResources = ResourceApi(consumer_url, auth=(user, password)) pprint.pprint(consumed_artifact) data = consumerResources.get_data(consumed_artifact, relative_reference, headers={"accept": "application/json"}).text pprint.pprint("Consumer data url to access the artifact:") pprint.pprint(consumed_artifact + "/data") pprint.pprint("Data obtained:") pprint.pprint(data) exit(0)
[ 1, 529, 12443, 29918, 303, 1503, 29958, 29900, 13, 29937, 14708, 4855, 29914, 2109, 29914, 6272, 3017, 29941, 13, 29937, 13, 29937, 14187, 1266, 29871, 29906, 29900, 29906, 29900, 7347, 348, 1251, 571, 8907, 363, 18540, 322, 23985, 22557, 13, 29937, 13, 29937, 10413, 21144, 1090, 278, 13380, 19245, 29892, 10079, 29871, 29906, 29889, 29900, 313, 1552, 376, 29931, 293, 1947, 1496, 13, 29937, 366, 1122, 451, 671, 445, 934, 5174, 297, 752, 13036, 411, 278, 19245, 29889, 13, 29937, 887, 1122, 4017, 263, 3509, 310, 278, 19245, 472, 13, 29937, 13, 29937, 1678, 1732, 597, 1636, 29889, 4288, 29889, 990, 29914, 506, 11259, 29914, 27888, 1430, 1660, 29899, 29906, 29889, 29900, 13, 29937, 13, 29937, 25870, 3734, 491, 22903, 4307, 470, 15502, 304, 297, 5007, 29892, 7047, 13, 29937, 13235, 1090, 278, 19245, 338, 13235, 373, 385, 376, 3289, 8519, 29908, 350, 3289, 3235, 29892, 13, 29937, 399, 1806, 8187, 2692, 399, 1718, 29934, 13566, 29059, 6323, 8707, 29928, 22122, 29903, 8079, 13764, 29979, 476, 22255, 29892, 2845, 4653, 470, 2411, 2957, 29889, 13, 29937, 2823, 278, 19245, 363, 278, 2702, 4086, 14765, 1076, 11239, 322, 13, 29937, 27028, 1090, 278, 19245, 29889, 13, 29937, 13, 13, 29937, 13, 29937, 910, 2471, 338, 2729, 373, 278, 1494, 2471, 29901, 13, 29937, 2045, 597, 3292, 29889, 510, 29914, 17579, 1288, 29899, 1469, 29899, 5592, 3302, 29899, 29254, 362, 29914, 16390, 294, 3535, 20971, 2801, 29914, 10054, 29914, 3396, 29914, 16713, 29914, 21150, 29914, 1285, 1461, 29918, 10052, 327, 362, 29918, 9536, 29918, 5943, 29889, 2272, 13, 29937, 450, 2441, 2471, 10017, 385, 24238, 29889, 910, 2471, 871, 29151, 385, 24238, 29889, 13, 29937, 13, 13, 3166, 6503, 2754, 1053, 18981, 11713, 13, 3166, 18999, 2754, 1053, 5163, 29879, 11713, 13, 5215, 7274, 13, 5215, 282, 2158, 13, 5215, 10876, 13, 13, 13, 25978, 261, 29918, 2271, 353, 10876, 29889, 19218, 29961, 29896, 29962, 13, 25978, 287, 29918, 8813, 353, 10876, 29889, 19218, 29961, 29906, 29962, 13, 22925, 29918, 5679, 353, 10876, 29889, 19218, 29961, 29941, 29962, 13, 13, 29937, 4911, 2534, 385, 2130, 304, 278, 21691, 1826, 2801, 29889, 13, 1792, 353, 10876, 29889, 19218, 29961, 29946, 29962, 13, 5630, 353, 10876, 29889, 19218, 29961, 29945, 29962, 13, 13, 29937, 9179, 1253, 24250, 1147, 2450, 9177, 13, 24830, 29889, 8318, 29889, 2271, 1982, 29941, 29889, 20472, 29918, 25442, 886, 580, 13, 13, 13, 25978, 261, 13770, 353, 18981, 11713, 29898, 25978, 261, 29918, 2271, 29892, 4817, 7607, 1792, 29892, 4800, 876, 13, 13, 407, 29878, 524, 29889, 407, 29878, 524, 29898, 25978, 287, 29918, 8813, 29897, 13, 13, 1272, 353, 21691, 13770, 29889, 657, 29918, 1272, 29898, 25978, 287, 29918, 8813, 29892, 6198, 29918, 5679, 29892, 9066, 3790, 29908, 16044, 1115, 376, 6214, 29914, 3126, 29908, 7690, 726, 13, 13, 407, 29878, 524, 29889, 407, 29878, 524, 703, 13696, 4680, 848, 3142, 304, 2130, 278, 24238, 29901, 1159, 13, 407, 29878, 524, 29889, 407, 29878, 524, 29898, 25978, 287, 29918, 8813, 718, 5591, 1272, 1159, 13, 13, 407, 29878, 524, 29889, 407, 29878, 524, 703, 1469, 7625, 29901, 1159, 13, 407, 29878, 524, 29889, 407, 29878, 524, 29898, 1272, 29897, 13, 13, 13322, 29898, 29900, 29897, 13, 2 ]
topfarm/tests/test_constraint/test_capacityComp.py
DTUWindEnergy/TopFarm2
4
170905
<gh_stars>1-10 from topfarm.constraint_components.capacity import CapacityConstraint import numpy as np import topfarm from topfarm.tests.test_files import xy3tb from topfarm._topfarm import TopFarmProblem from topfarm.easy_drivers import EasySimpleGADriver def test_capacity_as_penalty(): tf = xy3tb.get_tf(design_vars={topfarm.type_key: ([0, 0, 0], 0, 2)}, constraints=[CapacityConstraint(5, rated_power_array=[100, 10000, 10])], driver=EasySimpleGADriver(), plot_comp=None) # check normal result that satisfies the penalty assert tf.evaluate()[0] == 141.0 # check penalized result if capacity constraint is not satisfied assert tf.evaluate({'type': np.array([0, 1, 1])})[0] == 1e10 + 15.1 def test_capacity_tf(): # 15 turbines, 5 different types, 50MW max installed capacity n_wt = 15 rated_power_array_kW = np.linspace(1, 10, int(n_wt / 3)) * 1e3 inputtypes = np.tile(np.array([range(int(n_wt / 3))]), 3).flatten() tf = TopFarmProblem({'type': inputtypes}, constraints=[CapacityConstraint(max_capacity=50, rated_power_array=rated_power_array_kW)], driver=EasySimpleGADriver() ) tf.evaluate() # case above the maximum allowed installed capacity, yes penalty assert tf["totalcapacity"] == 82.5 assert tf['penalty_comp.penalty_capacity_comp_50'] == 32.5 # set all turbines type 0, still 15 turbines and re-run the problem tf.evaluate({'type': inputtypes * 0}) # case below the maximum allowed installed capacity, no penalty assert tf["totalcapacity"] == 15 assert tf['penalty_comp.penalty_capacity_comp_50'][0] == 0.0
[ 1, 529, 12443, 29918, 303, 1503, 29958, 29896, 29899, 29896, 29900, 13, 3166, 2246, 29888, 2817, 29889, 13646, 29918, 14036, 29889, 5030, 5946, 1053, 5915, 5946, 21529, 13, 5215, 12655, 408, 7442, 13, 5215, 2246, 29888, 2817, 13, 3166, 2246, 29888, 2817, 29889, 21150, 29889, 1688, 29918, 5325, 1053, 921, 29891, 29941, 22625, 13, 3166, 2246, 29888, 2817, 3032, 3332, 29888, 2817, 1053, 7488, 29943, 2817, 26604, 13, 3166, 2246, 29888, 2817, 29889, 29872, 8995, 29918, 24477, 874, 1053, 382, 8995, 15427, 29954, 3035, 3511, 13, 13, 13, 1753, 1243, 29918, 5030, 5946, 29918, 294, 29918, 2238, 18745, 7295, 13, 1678, 15886, 353, 921, 29891, 29941, 22625, 29889, 657, 29918, 13264, 29898, 13892, 29918, 16908, 3790, 3332, 29888, 2817, 29889, 1853, 29918, 1989, 29901, 9310, 29900, 29892, 29871, 29900, 29892, 29871, 29900, 1402, 29871, 29900, 29892, 29871, 29906, 19230, 13, 462, 418, 11938, 11759, 12415, 5946, 21529, 29898, 29945, 29892, 364, 630, 29918, 13519, 29918, 2378, 11759, 29896, 29900, 29900, 29892, 29871, 29896, 29900, 29900, 29900, 29900, 29892, 29871, 29896, 29900, 2314, 1402, 13, 462, 418, 7156, 29922, 29923, 8995, 15427, 29954, 3035, 3511, 3285, 13, 462, 418, 6492, 29918, 2388, 29922, 8516, 29897, 13, 13, 1678, 396, 1423, 4226, 1121, 393, 17150, 278, 27368, 13, 1678, 4974, 15886, 29889, 24219, 403, 580, 29961, 29900, 29962, 1275, 29871, 29896, 29946, 29896, 29889, 29900, 13, 1678, 396, 1423, 6584, 284, 1891, 1121, 565, 13284, 7276, 338, 451, 15787, 13, 1678, 4974, 15886, 29889, 24219, 403, 3319, 29915, 1853, 2396, 7442, 29889, 2378, 4197, 29900, 29892, 29871, 29896, 29892, 29871, 29896, 2314, 1800, 29961, 29900, 29962, 1275, 29871, 29896, 29872, 29896, 29900, 718, 29871, 29896, 29945, 29889, 29896, 13, 13, 13, 1753, 1243, 29918, 5030, 5946, 29918, 13264, 7295, 13, 1678, 396, 29871, 29896, 29945, 7013, 29890, 1475, 29892, 29871, 29945, 1422, 4072, 29892, 29871, 29945, 29900, 25365, 4236, 5130, 13284, 13, 1678, 302, 29918, 14554, 353, 29871, 29896, 29945, 13, 1678, 364, 630, 29918, 13519, 29918, 2378, 29918, 29895, 29956, 353, 7442, 29889, 1915, 3493, 29898, 29896, 29892, 29871, 29896, 29900, 29892, 938, 29898, 29876, 29918, 14554, 847, 29871, 29941, 876, 334, 29871, 29896, 29872, 29941, 13, 13, 1678, 1881, 8768, 353, 7442, 29889, 29873, 488, 29898, 9302, 29889, 2378, 4197, 3881, 29898, 524, 29898, 29876, 29918, 14554, 847, 29871, 29941, 876, 11724, 29871, 29941, 467, 1579, 8606, 580, 13, 1678, 15886, 353, 7488, 29943, 2817, 26604, 3319, 29915, 1853, 2396, 1881, 8768, 1118, 13, 462, 4706, 11938, 11759, 12415, 5946, 21529, 29898, 3317, 29918, 5030, 5946, 29922, 29945, 29900, 29892, 364, 630, 29918, 13519, 29918, 2378, 29922, 29878, 630, 29918, 13519, 29918, 2378, 29918, 29895, 29956, 29897, 1402, 13, 462, 4706, 7156, 29922, 29923, 8995, 15427, 29954, 3035, 3511, 580, 13, 462, 4706, 1723, 13, 13, 1678, 15886, 29889, 24219, 403, 580, 13, 1678, 396, 1206, 2038, 278, 7472, 6068, 5130, 13284, 29892, 4874, 27368, 13, 1678, 4974, 15886, 3366, 7827, 5030, 5946, 3108, 1275, 29871, 29947, 29906, 29889, 29945, 13, 1678, 4974, 15886, 1839, 2238, 18745, 29918, 2388, 29889, 2238, 18745, 29918, 5030, 5946, 29918, 2388, 29918, 29945, 29900, 2033, 1275, 29871, 29941, 29906, 29889, 29945, 13, 13, 1678, 396, 731, 599, 7013, 29890, 1475, 1134, 29871, 29900, 29892, 1603, 29871, 29896, 29945, 7013, 29890, 1475, 322, 337, 29899, 3389, 278, 1108, 13, 1678, 15886, 29889, 24219, 403, 3319, 29915, 1853, 2396, 1881, 8768, 334, 29871, 29900, 1800, 13, 1678, 396, 1206, 2400, 278, 7472, 6068, 5130, 13284, 29892, 694, 27368, 13, 1678, 4974, 15886, 3366, 7827, 5030, 5946, 3108, 1275, 29871, 29896, 29945, 13, 1678, 4974, 15886, 1839, 2238, 18745, 29918, 2388, 29889, 2238, 18745, 29918, 5030, 5946, 29918, 2388, 29918, 29945, 29900, 2033, 29961, 29900, 29962, 1275, 29871, 29900, 29889, 29900, 13, 2 ]
examples/example_ME5ME6.py
bmachiel/python-substratestack
1
39300
#!/bin/env python # import the technology's complete stack definition from example import stack # in order to decrease simulation times, some metal layers can be removed from # the stack, allowing more oxide layers to be merged in the next step stack.remove_metal_layer_by_name('PO1') stack.remove_metal_layer_by_name('ME1') stack.remove_metal_layer_by_name('ME2') stack.remove_metal_layer_by_name('ME3') stack.remove_metal_layer_by_name('ME4') #stack.remove_metal_layer_by_name('ME5') #stack.remove_metal_layer_by_name('ME6') if __name__ == '__main__': # Print the standardized stack to example_ME5ME6_std.pdf stack.draw('example_ME5ME6_std', pages=3, single_page=True) # Merge oxide layers to reduce the stack's complexity, decreasing simulation # times stack.simplify() if __name__ == '__main__': # Print the simplified stack to example_ME5ME6.pdf stack.draw('example_ME5ME6', pages=3, single_page=True) # Write out a Momentum subtrate definition file of the simplified stack # write_momentum_substrate argument: filename (without extension), # infinite ground plane # NOTE: this might produce bad output when the stack has not been # simplified before! stack.write_momentum_substrate('example_ME5ME6', True) # Write out a Sonnet project that includes the simplified subtrate stack # write_sonnet_technology argument: filename (without extension) # NOTE: this might produce bad output when the stack has not been # simplified before! stack.write_sonnet_technology('example_ME5ME6')
[ 1, 18787, 2109, 29914, 6272, 3017, 13, 13, 29937, 1053, 278, 15483, 29915, 29879, 4866, 5096, 5023, 13, 3166, 1342, 1053, 5096, 13, 13, 13, 29937, 297, 1797, 304, 23806, 17402, 3064, 29892, 777, 11915, 15359, 508, 367, 6206, 515, 13, 29937, 278, 5096, 29892, 14372, 901, 19100, 680, 15359, 304, 367, 19412, 297, 278, 2446, 4331, 13, 1429, 29889, 5992, 29918, 2527, 284, 29918, 13148, 29918, 1609, 29918, 978, 877, 13152, 29896, 1495, 13, 1429, 29889, 5992, 29918, 2527, 284, 29918, 13148, 29918, 1609, 29918, 978, 877, 2303, 29896, 1495, 13, 1429, 29889, 5992, 29918, 2527, 284, 29918, 13148, 29918, 1609, 29918, 978, 877, 2303, 29906, 1495, 13, 1429, 29889, 5992, 29918, 2527, 284, 29918, 13148, 29918, 1609, 29918, 978, 877, 2303, 29941, 1495, 13, 1429, 29889, 5992, 29918, 2527, 284, 29918, 13148, 29918, 1609, 29918, 978, 877, 2303, 29946, 1495, 13, 29937, 1429, 29889, 5992, 29918, 2527, 284, 29918, 13148, 29918, 1609, 29918, 978, 877, 2303, 29945, 1495, 13, 29937, 1429, 29889, 5992, 29918, 2527, 284, 29918, 13148, 29918, 1609, 29918, 978, 877, 2303, 29953, 1495, 13, 13, 361, 4770, 978, 1649, 1275, 525, 1649, 3396, 1649, 2396, 13, 1678, 396, 13905, 278, 3918, 1891, 5096, 304, 1342, 29918, 2303, 29945, 2303, 29953, 29918, 4172, 29889, 5140, 13, 1678, 5096, 29889, 4012, 877, 4773, 29918, 2303, 29945, 2303, 29953, 29918, 4172, 742, 6515, 29922, 29941, 29892, 2323, 29918, 3488, 29922, 5574, 29897, 13, 13, 29937, 4702, 479, 19100, 680, 15359, 304, 10032, 278, 5096, 29915, 29879, 13644, 29892, 9263, 5832, 17402, 13, 29937, 3064, 13, 1429, 29889, 3601, 572, 1598, 580, 13, 13, 361, 4770, 978, 1649, 1275, 525, 1649, 3396, 1649, 2396, 13, 1678, 396, 13905, 278, 20875, 5096, 304, 1342, 29918, 2303, 29945, 2303, 29953, 29889, 5140, 13, 1678, 5096, 29889, 4012, 877, 4773, 29918, 2303, 29945, 2303, 29953, 742, 6515, 29922, 29941, 29892, 2323, 29918, 3488, 29922, 5574, 29897, 13, 13, 1678, 396, 14350, 714, 263, 341, 2932, 398, 1014, 509, 403, 5023, 934, 310, 278, 20875, 5096, 13, 1678, 396, 2436, 29918, 29885, 2932, 398, 29918, 27790, 403, 2980, 29901, 10422, 313, 14037, 6081, 511, 29871, 13, 1678, 396, 462, 462, 1678, 10362, 5962, 10694, 13, 1678, 396, 6058, 29923, 29901, 445, 1795, 7738, 4319, 1962, 746, 278, 5096, 756, 451, 1063, 13, 1678, 396, 259, 20875, 1434, 29991, 13, 1678, 5096, 29889, 3539, 29918, 29885, 2932, 398, 29918, 27790, 403, 877, 4773, 29918, 2303, 29945, 2303, 29953, 742, 5852, 29897, 13, 13, 1678, 396, 14350, 714, 263, 5791, 1212, 2060, 393, 7805, 278, 20875, 1014, 509, 403, 5096, 13, 1678, 396, 2436, 29918, 1100, 1212, 29918, 21695, 3002, 2980, 29901, 10422, 313, 14037, 6081, 29897, 13, 1678, 396, 6058, 29923, 29901, 445, 1795, 7738, 4319, 1962, 746, 278, 5096, 756, 451, 1063, 13, 1678, 396, 259, 20875, 1434, 29991, 13, 1678, 5096, 29889, 3539, 29918, 1100, 1212, 29918, 21695, 3002, 877, 4773, 29918, 2303, 29945, 2303, 29953, 1495, 13, 2 ]
decoders/b64Decode.py
crattis/dfir_scripts
6
197700
<reponame>crattis/dfir_scripts<filename>decoders/b64Decode.py #! python3 import base64 baseFile = open('base64.txt', 'r') decode = baseFile.read() plainFile = open('b64_plain.txt', 'wb') plainFile.write(base64.b64decode(decode)) baseFile.close() plainFile.close()
[ 1, 529, 276, 1112, 420, 29958, 7283, 1131, 275, 29914, 2176, 381, 29918, 16713, 29966, 9507, 29958, 7099, 397, 414, 29914, 29890, 29953, 29946, 2772, 401, 29889, 2272, 13, 29937, 29991, 3017, 29941, 30004, 13, 5215, 2967, 29953, 29946, 30004, 13, 30004, 13, 3188, 2283, 353, 1722, 877, 3188, 29953, 29946, 29889, 3945, 742, 525, 29878, 1495, 30004, 13, 30004, 13, 13808, 353, 2967, 2283, 29889, 949, 26471, 13, 30004, 13, 24595, 2283, 353, 1722, 877, 29890, 29953, 29946, 29918, 24595, 29889, 3945, 742, 525, 29893, 29890, 1495, 30004, 13, 24595, 2283, 29889, 3539, 29898, 3188, 29953, 29946, 29889, 29890, 29953, 29946, 13808, 29898, 13808, 876, 30004, 13, 30004, 13, 30004, 13, 3188, 2283, 29889, 5358, 26471, 13, 24595, 2283, 29889, 5358, 26471, 13, 2 ]
demo_numpy/numpy_11_single_array.py
caserwin/daily-learning-python
1
168313
#!/usr/bin/env python # -*- coding: utf-8 -*- # @Time : 2019-04-17 15:58 # @Author : erwin import numpy as np from common.util_function import * np.set_printoptions(precision=3) arr = np.linspace(0, 100, 10).reshape((2, 5)) print_line("原始数据") print_br(arr) print_line("单个array操作") print_br(np.add(arr, 2)) print_br(np.subtract(arr, 2)) print_br(np.multiply(arr, 2)) print_br(np.divide(arr, 2)) print_br(np.power(arr, 2)) print_line("平方以及开方") print_br(np.power(arr, 2)) print_br(np.sqrt(arr)) print_line("sin/cos/log/abs") print_br(np.sin(arr)) print_br(np.cos(arr)) # print_br(np.log(arr1)) print_br(np.abs(arr)) print_line("向上取整/向下取整/四舍五入") print_br(np.ceil(arr)) print_br(np.floor(arr)) print_br(np.round(arr))
[ 1, 18787, 4855, 29914, 2109, 29914, 6272, 3017, 13, 29937, 448, 29930, 29899, 14137, 29901, 23616, 29899, 29947, 448, 29930, 29899, 13, 29937, 732, 2481, 1678, 584, 29871, 29906, 29900, 29896, 29929, 29899, 29900, 29946, 29899, 29896, 29955, 29871, 29896, 29945, 29901, 29945, 29947, 13, 29937, 732, 13720, 29871, 584, 604, 5080, 13, 5215, 12655, 408, 7442, 13, 3166, 3619, 29889, 4422, 29918, 2220, 1053, 334, 13, 13, 9302, 29889, 842, 29918, 558, 8941, 1980, 29898, 17990, 2459, 29922, 29941, 29897, 13, 13, 2749, 353, 7442, 29889, 1915, 3493, 29898, 29900, 29892, 29871, 29896, 29900, 29900, 29892, 29871, 29896, 29900, 467, 690, 14443, 3552, 29906, 29892, 29871, 29945, 876, 13, 2158, 29918, 1220, 703, 30667, 31020, 30354, 30763, 1159, 13, 2158, 29918, 1182, 29898, 2749, 29897, 13, 13, 2158, 29918, 1220, 703, 31166, 30502, 2378, 31904, 30732, 1159, 13, 2158, 29918, 1182, 29898, 9302, 29889, 1202, 29898, 2749, 29892, 29871, 29906, 876, 13, 2158, 29918, 1182, 29898, 9302, 29889, 1491, 29873, 1461, 29898, 2749, 29892, 29871, 29906, 876, 13, 2158, 29918, 1182, 29898, 9302, 29889, 18056, 368, 29898, 2749, 29892, 29871, 29906, 876, 13, 2158, 29918, 1182, 29898, 9302, 29889, 4563, 680, 29898, 2749, 29892, 29871, 29906, 876, 13, 2158, 29918, 1182, 29898, 9302, 29889, 13519, 29898, 2749, 29892, 29871, 29906, 876, 13, 13, 2158, 29918, 1220, 703, 30606, 30525, 30651, 31436, 31026, 30525, 1159, 13, 2158, 29918, 1182, 29898, 9302, 29889, 13519, 29898, 2749, 29892, 29871, 29906, 876, 13, 2158, 29918, 1182, 29898, 9302, 29889, 3676, 29898, 2749, 876, 13, 13, 2158, 29918, 1220, 703, 5223, 29914, 3944, 29914, 1188, 29914, 6897, 1159, 13, 2158, 29918, 1182, 29898, 9302, 29889, 5223, 29898, 2749, 876, 13, 2158, 29918, 1182, 29898, 9302, 29889, 3944, 29898, 2749, 876, 13, 29937, 1596, 29918, 1182, 29898, 9302, 29889, 1188, 29898, 2749, 29896, 876, 13, 2158, 29918, 1182, 29898, 9302, 29889, 6897, 29898, 2749, 876, 13, 13, 2158, 29918, 1220, 703, 31331, 30429, 30683, 233, 152, 183, 29914, 31331, 30557, 30683, 233, 152, 183, 29914, 30928, 235, 139, 144, 30904, 30752, 1159, 13, 2158, 29918, 1182, 29898, 9302, 29889, 27696, 29898, 2749, 876, 13, 2158, 29918, 1182, 29898, 9302, 29889, 14939, 29898, 2749, 876, 13, 2158, 29918, 1182, 29898, 9302, 29889, 14486, 29898, 2749, 876, 13, 2 ]
valorant_api/httpclient.py
TriDiscord/valorant-api
0
91386
<gh_stars>0 import requests from .exceptions import * import json import aiohttp # class MainClient: # headers: dict = {} # run_async: bool # get = None # def __init__(self, headers: dict, run_async: bool = False) -> None: # self.headers = headers # self.run_async = run_async # def GetSync(self,endpoint: str,params: dict = None): # client = SyncClient # client.headers = self.headers # return client.get(endpoint, endpoint, params) # async def GetAsync(self,endpoint: str,params: dict=None): # client = AsyncClient # client.headers = self.headers # return await client.get(endpoint, endpoint, params) class SyncClient: headers: dict = {} params: dict = {} def __init__(self, headers=None, params=None) -> None: if params is None: self.params = {} else: self.params = params if headers is None: self.headers = {} else: self.headers = headers def get(self, url: str): response = requests.get(url, params=self.params, headers=self.headers) try: data = response.json() except json.JSONDecodeError: data = {'error': response.text} if response.status_code == 200: return data["data"] elif response.status_code == 400: raise InvalidOrMissingParameter(data["error"]) elif response.status_code == 404: raise NotFound(data["error"]) else: raise Exception(f'{data.get("error", "An error unknown occurred")}, status code {response.status_code}') class AsyncClient: headers: dict = {} params: dict = {} def __init__(self, headers=None, params=None) -> None: if params is None: self.params = {} else: self.params = params if headers is None: self.headers = {} else: self.headers = headers async def get(self, url: str): async with aiohttp.ClientSession() as session: async with session.get(url, params=self.params, headers=self.headers) as response: try: data = await response.json() except aiohttp.ContentTypeError: data = {'error': response.text} if response.status == 200: return data["data"] elif response.status == 400: raise InvalidOrMissingParameter(data["error"]) elif response.status == 404: raise NotFound(data["error"]) else: raise Exception( f'{data.get("error", "An error unknown occurred")}, status code {response.status}')
[ 1, 529, 12443, 29918, 303, 1503, 29958, 29900, 13, 5215, 7274, 13, 3166, 869, 11739, 29879, 1053, 334, 13, 5215, 4390, 13, 5215, 263, 601, 1124, 13, 13, 13, 29937, 770, 4241, 4032, 29901, 13, 29937, 268, 9066, 29901, 9657, 353, 6571, 13, 29937, 268, 1065, 29918, 12674, 29901, 6120, 13, 29937, 268, 679, 353, 6213, 13, 13, 29937, 268, 822, 4770, 2344, 12035, 1311, 29892, 9066, 29901, 9657, 29892, 1065, 29918, 12674, 29901, 6120, 353, 7700, 29897, 1599, 6213, 29901, 13, 29937, 308, 1583, 29889, 13662, 353, 9066, 13, 29937, 308, 1583, 29889, 3389, 29918, 12674, 353, 1065, 29918, 12674, 13, 13, 13, 29937, 268, 822, 3617, 21077, 29898, 1311, 29892, 29734, 29901, 851, 29892, 7529, 29901, 9657, 353, 6213, 1125, 13, 29937, 308, 3132, 353, 317, 2720, 4032, 13, 29937, 308, 3132, 29889, 13662, 353, 1583, 29889, 13662, 13, 29937, 308, 736, 3132, 29889, 657, 29898, 29734, 29892, 16248, 29892, 8636, 29897, 13, 13, 29937, 268, 7465, 822, 3617, 8123, 29898, 1311, 29892, 29734, 29901, 851, 29892, 7529, 29901, 9657, 29922, 8516, 1125, 13, 29937, 308, 3132, 353, 20688, 4032, 13, 29937, 308, 3132, 29889, 13662, 353, 1583, 29889, 13662, 13, 29937, 308, 736, 7272, 3132, 29889, 657, 29898, 29734, 29892, 16248, 29892, 8636, 29897, 13, 13, 13, 1990, 317, 2720, 4032, 29901, 13, 1678, 9066, 29901, 9657, 353, 6571, 13, 1678, 8636, 29901, 9657, 353, 6571, 13, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 9066, 29922, 8516, 29892, 8636, 29922, 8516, 29897, 1599, 6213, 29901, 13, 4706, 565, 8636, 338, 6213, 29901, 13, 9651, 1583, 29889, 7529, 353, 6571, 13, 4706, 1683, 29901, 13, 9651, 1583, 29889, 7529, 353, 8636, 13, 4706, 565, 9066, 338, 6213, 29901, 13, 9651, 1583, 29889, 13662, 353, 6571, 13, 4706, 1683, 29901, 13, 9651, 1583, 29889, 13662, 353, 9066, 13, 13, 1678, 822, 679, 29898, 1311, 29892, 3142, 29901, 851, 1125, 13, 4706, 2933, 353, 7274, 29889, 657, 29898, 2271, 29892, 8636, 29922, 1311, 29889, 7529, 29892, 9066, 29922, 1311, 29889, 13662, 29897, 13, 13, 4706, 1018, 29901, 13, 9651, 848, 353, 2933, 29889, 3126, 580, 13, 4706, 5174, 4390, 29889, 7249, 2772, 401, 2392, 29901, 13, 9651, 848, 353, 11117, 2704, 2396, 2933, 29889, 726, 29913, 13, 13, 4706, 565, 2933, 29889, 4882, 29918, 401, 1275, 29871, 29906, 29900, 29900, 29901, 13, 9651, 736, 848, 3366, 1272, 3108, 13, 4706, 25342, 2933, 29889, 4882, 29918, 401, 1275, 29871, 29946, 29900, 29900, 29901, 13, 9651, 12020, 21403, 2816, 18552, 292, 9329, 29898, 1272, 3366, 2704, 20068, 13, 4706, 25342, 2933, 29889, 4882, 29918, 401, 1275, 29871, 29946, 29900, 29946, 29901, 13, 9651, 12020, 2216, 9692, 29898, 1272, 3366, 2704, 20068, 13, 4706, 1683, 29901, 13, 9651, 12020, 8960, 29898, 29888, 29915, 29912, 1272, 29889, 657, 703, 2704, 613, 376, 2744, 1059, 9815, 10761, 1159, 1118, 4660, 775, 426, 5327, 29889, 4882, 29918, 401, 29913, 1495, 13, 13, 13, 1990, 20688, 4032, 29901, 13, 1678, 9066, 29901, 9657, 353, 6571, 13, 1678, 8636, 29901, 9657, 353, 6571, 13, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 9066, 29922, 8516, 29892, 8636, 29922, 8516, 29897, 1599, 6213, 29901, 13, 4706, 565, 8636, 338, 6213, 29901, 13, 9651, 1583, 29889, 7529, 353, 6571, 13, 4706, 1683, 29901, 13, 9651, 1583, 29889, 7529, 353, 8636, 13, 4706, 565, 9066, 338, 6213, 29901, 13, 9651, 1583, 29889, 13662, 353, 6571, 13, 4706, 1683, 29901, 13, 9651, 1583, 29889, 13662, 353, 9066, 13, 13, 1678, 7465, 822, 679, 29898, 1311, 29892, 3142, 29901, 851, 1125, 13, 4706, 7465, 411, 263, 601, 1124, 29889, 4032, 7317, 580, 408, 4867, 29901, 13, 9651, 7465, 411, 4867, 29889, 657, 29898, 2271, 29892, 8636, 29922, 1311, 29889, 7529, 29892, 9066, 29922, 1311, 29889, 13662, 29897, 408, 2933, 29901, 13, 18884, 1018, 29901, 13, 462, 1678, 848, 353, 7272, 2933, 29889, 3126, 580, 13, 18884, 5174, 263, 601, 1124, 29889, 3916, 1542, 2392, 29901, 13, 462, 1678, 848, 353, 11117, 2704, 2396, 2933, 29889, 726, 29913, 13, 13, 18884, 565, 2933, 29889, 4882, 1275, 29871, 29906, 29900, 29900, 29901, 13, 462, 1678, 736, 848, 3366, 1272, 3108, 13, 18884, 25342, 2933, 29889, 4882, 1275, 29871, 29946, 29900, 29900, 29901, 13, 462, 1678, 12020, 21403, 2816, 18552, 292, 9329, 29898, 1272, 3366, 2704, 20068, 13, 18884, 25342, 2933, 29889, 4882, 1275, 29871, 29946, 29900, 29946, 29901, 13, 462, 1678, 12020, 2216, 9692, 29898, 1272, 3366, 2704, 20068, 13, 18884, 1683, 29901, 13, 462, 1678, 12020, 8960, 29898, 13, 462, 4706, 285, 29915, 29912, 1272, 29889, 657, 703, 2704, 613, 376, 2744, 1059, 9815, 10761, 1159, 1118, 4660, 775, 426, 5327, 29889, 4882, 29913, 1495, 13, 2 ]
fire/trace.py
nvhoang55/python-fire
0
886
<reponame>nvhoang55/python-fire<gh_stars>0 # Copyright (C) 2018 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. """This module has classes for tracing the execution of a Fire execution. A FireTrace consists of a sequence of FireTraceElement objects. Each element represents an action taken by Fire during a single Fire execution. An action may be instantiating a class, calling a routine, or accessing a property. Each action consumes args and results in a new component. The final component is serialized to stdout by Fire as well as returned by the Fire method. If a Fire usage error occurs, such as insufficient arguments being provided to call a function, then that error will be captured in the trace and the final component will be None. """ from __future__ import absolute_import from __future__ import division from __future__ import print_function import pipes from fire import inspectutils INITIAL_COMPONENT = 'Initial component' INSTANTIATED_CLASS = 'Instantiated class' CALLED_ROUTINE = 'Called routine' CALLED_CALLABLE = 'Called callable' ACCESSED_PROPERTY = 'Accessed property' COMPLETION_SCRIPT = 'Generated completion script' INTERACTIVE_MODE = 'Entered interactive mode' class FireTrace(object): """A FireTrace represents the steps taken during a single Fire execution. A FireTrace consists of a sequence of FireTraceElement objects. Each element represents an action taken by Fire during a single Fire execution. An action may be instantiating a class, calling a routine, or accessing a property. """ def __init__(self, initial_component, name=None, separator='-', verbose=False, show_help=False, show_trace=False): initial_trace_element = FireTraceElement( component=initial_component, action=INITIAL_COMPONENT, ) self.name = name self.separator = separator self.elements = [initial_trace_element] self.verbose = verbose self.show_help = show_help self.show_trace = show_trace def GetResult(self): """Returns the component from the last element of the trace.""" # pytype: disable=attribute-error return self.GetLastHealthyElement().component # pytype: enable=attribute-error def GetLastHealthyElement(self): """Returns the last element of the trace that is not an error. This element will contain the final component indicated by the trace. Returns: The last element of the trace that is not an error. """ for element in reversed(self.elements): if not element.HasError(): return element return None def HasError(self): """Returns whether the Fire execution encountered a Fire usage error.""" return self.elements[-1].HasError() def AddAccessedProperty(self, component, target, args, filename, lineno): element = FireTraceElement( component=component, action=ACCESSED_PROPERTY, target=target, args=args, filename=filename, lineno=lineno, ) self.elements.append(element) def AddCalledComponent(self, component, target, args, filename, lineno, capacity, action=CALLED_CALLABLE): """Adds an element to the trace indicating that a component was called. Also applies to instantiating a class. Args: component: The result of calling the callable. target: The name of the callable. args: The args consumed in order to call this callable. filename: The file in which the callable is defined, or None if N/A. lineno: The line number on which the callable is defined, or None if N/A. capacity: (bool) Whether the callable could have accepted additional args. action: The value to include as the action in the FireTraceElement. """ element = FireTraceElement( component=component, action=action, target=target, args=args, filename=filename, lineno=lineno, capacity=capacity, ) self.elements.append(element) def AddCompletionScript(self, script): element = FireTraceElement( component=script, action=COMPLETION_SCRIPT, ) self.elements.append(element) def AddInteractiveMode(self): element = FireTraceElement(action=INTERACTIVE_MODE) self.elements.append(element) def AddError(self, error, args): element = FireTraceElement(error=error, args=args) self.elements.append(element) def AddSeparator(self): """Marks that the most recent element of the trace used a separator. A separator is an argument you can pass to a Fire CLI to separate args left of the separator from args right of the separator. Here's an example to demonstrate the separator. Let's say you have a function that takes a variable number of args, and you want to call that function, and then upper case the result. Here's how to do it: # in Python def display(arg1, arg2='!'): return arg1 + arg2 # from Bash (the default separator is the hyphen -) display hello # hello! display hello upper # helloupper display hello - upper # HELLO! Note how the separator caused the display function to be called with the default value for arg2. """ self.elements[-1].AddSeparator() def _Quote(self, arg): if arg.startswith('--') and '=' in arg: prefix, value = arg.split('=', 1) return pipes.quote(prefix) + '=' + pipes.quote(value) return pipes.quote(arg) def GetCommand(self, include_separators=True): """Returns the command representing the trace up to this point. Args: include_separators: Whether or not to include separators in the command. Returns: A string representing a Fire CLI command that would produce this trace. """ args = [] if self.name: args.append(self.name) for element in self.elements: if element.HasError(): continue if element.args: args.extend(element.args) if element.HasSeparator() and include_separators: args.append(self.separator) if self.NeedsSeparator() and include_separators: args.append(self.separator) return ' '.join(self._Quote(arg) for arg in args) def NeedsSeparator(self): """Returns whether a separator should be added to the command. If the command is a function call, then adding an additional argument to the command sometimes would add an extra arg to the function call, and sometimes would add an arg acting on the result of the function call. This function tells us whether we should add a separator to the command before adding additional arguments in order to make sure the arg is applied to the result of the function call, and not the function call itself. Returns: Whether a separator should be added to the command if order to keep the component referred to by the command the same when adding additional args. """ element = self.GetLastHealthyElement() return element.HasCapacity() and not element.HasSeparator() def __str__(self): lines = [] for index, element in enumerate(self.elements): line = '{index}. {trace_string}'.format( index=index + 1, trace_string=element, ) lines.append(line) return '\n'.join(lines) def NeedsSeparatingHyphenHyphen(self, flag='help'): """Returns whether a the trace need '--' before '--help'. '--' is needed when the component takes keyword arguments, when the value of flag matches one of the argument of the component, or the component takes in keyword-only arguments(e.g. argument with default value). Args: flag: the flag available for the trace Returns: True for needed '--', False otherwise. """ element = self.GetLastHealthyElement() component = element.component spec = inspectutils.GetFullArgSpec(component) return (spec.varkw is not None or flag in spec.args or flag in spec.kwonlyargs) class FireTraceElement(object): """A FireTraceElement represents a single step taken by a Fire execution. Examples of a FireTraceElement are the instantiation of a class or the accessing of an object member. """ def __init__(self, component=None, action=None, target=None, args=None, filename=None, lineno=None, error=None, capacity=None): """Instantiates a FireTraceElement. Args: component: The result of this element of the trace. action: The type of action (eg instantiating a class) taking place. target: (string) The name of the component being acted upon. args: The args consumed by the represented action. filename: The file in which the action is defined, or None if N/A. lineno: The line number on which the action is defined, or None if N/A. error: The error represented by the action, or None if N/A. capacity: (bool) Whether the action could have accepted additional args. """ self.component = component self._action = action self._target = target self.args = args self._filename = filename self._lineno = lineno self._error = error self._separator = False self._capacity = capacity def HasError(self): return self._error is not None def HasCapacity(self): return self._capacity def HasSeparator(self): return self._separator def AddSeparator(self): self._separator = True def ErrorAsStr(self): return ' '.join(str(arg) for arg in self._error.args) def __str__(self): if self.HasError(): return self.ErrorAsStr() else: # Format is: {action} "{target}" ({filename}:{lineno}) string = self._action if self._target is not None: string += ' "{target}"'.format(target=self._target) if self._filename is not None: path = self._filename if self._lineno is not None: path += ':{lineno}'.format(lineno=self._lineno) string += ' ({path})'.format(path=path) return string
[ 1, 529, 276, 1112, 420, 29958, 29876, 29894, 1251, 574, 29945, 29945, 29914, 4691, 29899, 8696, 29966, 12443, 29918, 303, 1503, 29958, 29900, 13, 29937, 14187, 1266, 313, 29907, 29897, 29871, 29906, 29900, 29896, 29947, 5087, 9266, 29889, 13, 29937, 13, 29937, 10413, 21144, 1090, 278, 13380, 19245, 29892, 10079, 29871, 29906, 29889, 29900, 313, 1552, 376, 29931, 293, 1947, 1496, 13, 29937, 366, 1122, 451, 671, 445, 934, 5174, 297, 752, 13036, 411, 278, 19245, 29889, 13, 29937, 887, 1122, 4017, 263, 3509, 310, 278, 19245, 472, 13, 29937, 13, 29937, 1732, 597, 1636, 29889, 4288, 29889, 990, 29914, 506, 11259, 29914, 27888, 1430, 1660, 29899, 29906, 29889, 29900, 13, 29937, 13, 29937, 25870, 3734, 491, 22903, 4307, 470, 15502, 304, 297, 5007, 29892, 7047, 13, 29937, 13235, 1090, 278, 19245, 338, 13235, 373, 385, 376, 3289, 8519, 29908, 350, 3289, 3235, 29892, 13, 29937, 399, 1806, 8187, 2692, 399, 1718, 29934, 13566, 29059, 6323, 8707, 29928, 22122, 29903, 8079, 13764, 29979, 476, 22255, 29892, 2845, 4653, 470, 2411, 2957, 29889, 13, 29937, 2823, 278, 19245, 363, 278, 2702, 4086, 14765, 1076, 11239, 322, 13, 29937, 27028, 1090, 278, 19245, 29889, 13, 13, 15945, 29908, 4013, 3883, 756, 4413, 363, 16703, 292, 278, 8225, 310, 263, 6438, 8225, 29889, 13, 13, 29909, 6438, 11591, 11624, 310, 263, 5665, 310, 6438, 11591, 2642, 3618, 29889, 7806, 1543, 13, 276, 4569, 1237, 385, 3158, 4586, 491, 6438, 2645, 263, 2323, 6438, 8225, 29889, 530, 3158, 1122, 13, 915, 13213, 1218, 263, 770, 29892, 5432, 263, 26529, 29892, 470, 17378, 263, 2875, 29889, 13, 13, 9760, 3158, 1136, 9351, 6389, 322, 2582, 297, 263, 716, 4163, 29889, 450, 2186, 4163, 13, 275, 7797, 1891, 304, 27591, 491, 6438, 408, 1532, 408, 4133, 491, 278, 6438, 1158, 29889, 960, 13, 29874, 6438, 8744, 1059, 10008, 29892, 1316, 408, 1663, 29884, 4543, 6273, 1641, 4944, 304, 1246, 13, 29874, 740, 29892, 769, 393, 1059, 674, 367, 15468, 297, 278, 9637, 322, 278, 2186, 13, 9700, 674, 367, 6213, 29889, 13, 15945, 29908, 13, 13, 3166, 4770, 29888, 9130, 1649, 1053, 8380, 29918, 5215, 13, 3166, 4770, 29888, 9130, 1649, 1053, 8542, 13, 3166, 4770, 29888, 9130, 1649, 1053, 1596, 29918, 2220, 13, 13, 5215, 8450, 267, 13, 13, 3166, 3974, 1053, 16096, 13239, 13, 13, 26019, 25758, 29918, 21514, 1164, 3919, 353, 525, 15514, 4163, 29915, 13, 25580, 13566, 29902, 3040, 29928, 29918, 13875, 1799, 353, 525, 3379, 3656, 630, 770, 29915, 13, 29907, 1964, 20566, 29918, 1672, 2692, 8895, 353, 525, 29907, 4212, 26529, 29915, 13, 29907, 1964, 20566, 29918, 29907, 9818, 6181, 353, 525, 29907, 4212, 1246, 519, 29915, 13, 2477, 27266, 1660, 29928, 29918, 8618, 13171, 15631, 353, 525, 6638, 287, 2875, 29915, 13, 21514, 1307, 29911, 2725, 29918, 7187, 24290, 353, 525, 24565, 13285, 2471, 29915, 13, 23845, 17923, 18474, 29918, 20387, 353, 525, 10399, 287, 28923, 4464, 29915, 13, 13, 13, 1990, 6438, 11591, 29898, 3318, 1125, 13, 1678, 9995, 29909, 6438, 11591, 11524, 278, 6576, 4586, 2645, 263, 2323, 6438, 8225, 29889, 13, 13, 1678, 319, 6438, 11591, 11624, 310, 263, 5665, 310, 6438, 11591, 2642, 3618, 29889, 7806, 1543, 13, 1678, 11524, 385, 3158, 4586, 491, 6438, 2645, 263, 2323, 6438, 8225, 29889, 530, 3158, 13, 1678, 1122, 367, 13213, 1218, 263, 770, 29892, 5432, 263, 26529, 29892, 470, 17378, 263, 2875, 29889, 13, 1678, 9995, 13, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 2847, 29918, 9700, 29892, 1024, 29922, 8516, 29892, 28128, 2433, 29899, 742, 26952, 29922, 8824, 29892, 13, 462, 1510, 29918, 8477, 29922, 8824, 29892, 1510, 29918, 15003, 29922, 8824, 1125, 13, 4706, 2847, 29918, 15003, 29918, 5029, 353, 6438, 11591, 2642, 29898, 13, 9651, 4163, 29922, 11228, 29918, 9700, 29892, 13, 9651, 3158, 29922, 26019, 25758, 29918, 21514, 1164, 3919, 29892, 13, 4706, 1723, 13, 13, 4706, 1583, 29889, 978, 353, 1024, 13, 4706, 1583, 29889, 344, 17954, 353, 28128, 13, 4706, 1583, 29889, 17664, 353, 518, 11228, 29918, 15003, 29918, 5029, 29962, 13, 4706, 1583, 29889, 369, 15828, 353, 26952, 13, 4706, 1583, 29889, 4294, 29918, 8477, 353, 1510, 29918, 8477, 13, 4706, 1583, 29889, 4294, 29918, 15003, 353, 1510, 29918, 15003, 13, 13, 1678, 822, 3617, 3591, 29898, 1311, 1125, 13, 4706, 9995, 11609, 29879, 278, 4163, 515, 278, 1833, 1543, 310, 278, 9637, 1213, 15945, 13, 4706, 396, 11451, 1853, 29901, 11262, 29922, 12715, 29899, 2704, 13, 4706, 736, 1583, 29889, 2577, 8897, 3868, 4298, 29891, 2642, 2141, 9700, 13, 4706, 396, 11451, 1853, 29901, 9025, 29922, 12715, 29899, 2704, 13, 13, 1678, 822, 3617, 8897, 3868, 4298, 29891, 2642, 29898, 1311, 1125, 13, 4706, 9995, 11609, 29879, 278, 1833, 1543, 310, 278, 9637, 393, 338, 451, 385, 1059, 29889, 13, 13, 4706, 910, 1543, 674, 1712, 278, 2186, 4163, 18694, 491, 278, 9637, 29889, 13, 13, 4706, 16969, 29901, 13, 3986, 450, 1833, 1543, 310, 278, 9637, 393, 338, 451, 385, 1059, 29889, 13, 4706, 9995, 13, 4706, 363, 1543, 297, 18764, 287, 29898, 1311, 29889, 17664, 1125, 13, 9651, 565, 451, 1543, 29889, 14510, 2392, 7295, 13, 18884, 736, 1543, 13, 4706, 736, 6213, 13, 13, 1678, 822, 11699, 2392, 29898, 1311, 1125, 13, 4706, 9995, 11609, 29879, 3692, 278, 6438, 8225, 18169, 263, 6438, 8744, 1059, 1213, 15945, 13, 4706, 736, 1583, 29889, 17664, 14352, 29896, 1822, 14510, 2392, 580, 13, 13, 1678, 822, 3462, 6638, 287, 4854, 29898, 1311, 29892, 4163, 29892, 3646, 29892, 6389, 29892, 10422, 29892, 6276, 8154, 1125, 13, 4706, 1543, 353, 6438, 11591, 2642, 29898, 13, 9651, 4163, 29922, 9700, 29892, 13, 9651, 3158, 29922, 2477, 27266, 1660, 29928, 29918, 8618, 13171, 15631, 29892, 13, 9651, 3646, 29922, 5182, 29892, 13, 9651, 6389, 29922, 5085, 29892, 13, 9651, 10422, 29922, 9507, 29892, 13, 9651, 6276, 8154, 29922, 1915, 8154, 29892, 13, 4706, 1723, 13, 4706, 1583, 29889, 17664, 29889, 4397, 29898, 5029, 29897, 13, 13, 1678, 822, 3462, 29907, 4212, 5308, 29898, 1311, 29892, 4163, 29892, 3646, 29892, 6389, 29892, 10422, 29892, 6276, 8154, 29892, 13, 462, 965, 13284, 29892, 3158, 29922, 29907, 1964, 20566, 29918, 29907, 9818, 6181, 1125, 13, 4706, 9995, 2528, 29879, 385, 1543, 304, 278, 9637, 23941, 393, 263, 4163, 471, 2000, 29889, 13, 13, 4706, 3115, 16058, 304, 13213, 1218, 263, 770, 29889, 13, 13, 4706, 826, 3174, 29901, 13, 3986, 4163, 29901, 450, 1121, 310, 5432, 278, 1246, 519, 29889, 13, 3986, 3646, 29901, 450, 1024, 310, 278, 1246, 519, 29889, 13, 3986, 6389, 29901, 450, 6389, 11233, 287, 297, 1797, 304, 1246, 445, 1246, 519, 29889, 13, 3986, 10422, 29901, 450, 934, 297, 607, 278, 1246, 519, 338, 3342, 29892, 470, 6213, 565, 405, 29914, 29909, 29889, 13, 3986, 6276, 8154, 29901, 450, 1196, 1353, 373, 607, 278, 1246, 519, 338, 3342, 29892, 470, 6213, 565, 405, 29914, 29909, 29889, 13, 3986, 13284, 29901, 313, 11227, 29897, 26460, 278, 1246, 519, 1033, 505, 9259, 5684, 6389, 29889, 13, 3986, 3158, 29901, 450, 995, 304, 3160, 408, 278, 3158, 297, 278, 6438, 11591, 2642, 29889, 13, 4706, 9995, 13, 4706, 1543, 353, 6438, 11591, 2642, 29898, 13, 9651, 4163, 29922, 9700, 29892, 13, 9651, 3158, 29922, 2467, 29892, 13, 9651, 3646, 29922, 5182, 29892, 13, 9651, 6389, 29922, 5085, 29892, 13, 9651, 10422, 29922, 9507, 29892, 13, 9651, 6276, 8154, 29922, 1915, 8154, 29892, 13, 9651, 13284, 29922, 5030, 5946, 29892, 13, 4706, 1723, 13, 4706, 1583, 29889, 17664, 29889, 4397, 29898, 5029, 29897, 13, 13, 1678, 822, 3462, 28958, 4081, 29898, 1311, 29892, 2471, 1125, 13, 4706, 1543, 353, 6438, 11591, 2642, 29898, 13, 9651, 4163, 29922, 2154, 29892, 13, 9651, 3158, 29922, 21514, 1307, 29911, 2725, 29918, 7187, 24290, 29892, 13, 4706, 1723, 13, 4706, 1583, 29889, 17664, 29889, 4397, 29898, 5029, 29897, 13, 13, 1678, 822, 3462, 4074, 4925, 6818, 29898, 1311, 1125, 13, 4706, 1543, 353, 6438, 11591, 2642, 29898, 2467, 29922, 23845, 17923, 18474, 29918, 20387, 29897, 13, 4706, 1583, 29889, 17664, 29889, 4397, 29898, 5029, 29897, 13, 13, 1678, 822, 3462, 2392, 29898, 1311, 29892, 1059, 29892, 6389, 1125, 13, 4706, 1543, 353, 6438, 11591, 2642, 29898, 2704, 29922, 2704, 29892, 6389, 29922, 5085, 29897, 13, 4706, 1583, 29889, 17664, 29889, 4397, 29898, 5029, 29897, 13, 13, 1678, 822, 3462, 2008, 17954, 29898, 1311, 1125, 13, 4706, 9995, 9802, 29879, 393, 278, 1556, 7786, 1543, 310, 278, 9637, 1304, 29871, 263, 28128, 29889, 13, 13, 4706, 319, 28128, 338, 385, 2980, 366, 508, 1209, 304, 263, 6438, 24492, 304, 5004, 6389, 2175, 13, 4706, 310, 278, 28128, 515, 6389, 1492, 310, 278, 28128, 29889, 13, 13, 4706, 2266, 29915, 29879, 385, 1342, 304, 22222, 278, 28128, 29889, 2803, 29915, 29879, 1827, 366, 505, 263, 13, 4706, 740, 393, 4893, 263, 2286, 1353, 310, 6389, 29892, 322, 366, 864, 304, 1246, 393, 13, 4706, 740, 29892, 322, 769, 7568, 1206, 278, 1121, 29889, 2266, 29915, 29879, 920, 304, 437, 372, 29901, 13, 13, 4706, 396, 297, 5132, 13, 4706, 822, 2479, 29898, 1191, 29896, 29892, 1852, 29906, 2433, 20714, 1125, 13, 3986, 736, 1852, 29896, 718, 1852, 29906, 13, 13, 4706, 396, 515, 29677, 313, 1552, 2322, 28128, 338, 278, 7498, 9789, 448, 29897, 13, 4706, 2479, 22172, 259, 396, 22172, 29991, 13, 4706, 2479, 22172, 7568, 396, 23927, 283, 2496, 13, 4706, 2479, 22172, 448, 7568, 396, 17714, 2208, 29949, 29991, 13, 13, 4706, 3940, 920, 278, 28128, 8581, 278, 2479, 740, 304, 367, 2000, 411, 278, 13, 4706, 2322, 995, 363, 1852, 29906, 29889, 13, 4706, 9995, 13, 4706, 1583, 29889, 17664, 14352, 29896, 1822, 2528, 2008, 17954, 580, 13, 13, 1678, 822, 903, 2182, 866, 29898, 1311, 29892, 1852, 1125, 13, 4706, 565, 1852, 29889, 27382, 2541, 877, 489, 1495, 322, 525, 2433, 297, 1852, 29901, 13, 9651, 10944, 29892, 995, 353, 1852, 29889, 5451, 877, 29922, 742, 29871, 29896, 29897, 13, 9651, 736, 8450, 267, 29889, 1396, 29898, 13506, 29897, 718, 525, 2433, 718, 8450, 267, 29889, 1396, 29898, 1767, 29897, 13, 4706, 736, 8450, 267, 29889, 1396, 29898, 1191, 29897, 13, 13, 1678, 822, 3617, 6255, 29898, 1311, 29892, 3160, 29918, 25048, 4097, 29922, 5574, 1125, 13, 4706, 9995, 11609, 29879, 278, 1899, 15783, 278, 9637, 701, 304, 445, 1298, 29889, 13, 13, 4706, 826, 3174, 29901, 13, 3986, 3160, 29918, 25048, 4097, 29901, 26460, 470, 451, 304, 3160, 2903, 4097, 297, 278, 1899, 29889, 13, 13, 4706, 16969, 29901, 13, 3986, 319, 1347, 15783, 263, 6438, 24492, 1899, 393, 723, 7738, 445, 9637, 29889, 13, 4706, 9995, 13, 4706, 6389, 353, 5159, 13, 4706, 565, 1583, 29889, 978, 29901, 13, 9651, 6389, 29889, 4397, 29898, 1311, 29889, 978, 29897, 13, 13, 4706, 363, 1543, 297, 1583, 29889, 17664, 29901, 13, 9651, 565, 1543, 29889, 14510, 2392, 7295, 13, 18884, 6773, 13, 9651, 565, 1543, 29889, 5085, 29901, 13, 18884, 6389, 29889, 21843, 29898, 5029, 29889, 5085, 29897, 13, 9651, 565, 1543, 29889, 14510, 2008, 17954, 580, 322, 3160, 29918, 25048, 4097, 29901, 13, 18884, 6389, 29889, 4397, 29898, 1311, 29889, 344, 17954, 29897, 13, 13, 4706, 565, 1583, 29889, 8139, 5779, 2008, 17954, 580, 322, 3160, 29918, 25048, 4097, 29901, 13, 9651, 6389, 29889, 4397, 29898, 1311, 29889, 344, 17954, 29897, 13, 13, 4706, 736, 525, 15300, 7122, 29898, 1311, 3032, 2182, 866, 29898, 1191, 29897, 363, 1852, 297, 6389, 29897, 13, 13, 1678, 822, 2448, 5779, 2008, 17954, 29898, 1311, 1125, 13, 4706, 9995, 11609, 29879, 3692, 263, 28128, 881, 367, 2715, 304, 278, 1899, 29889, 13, 13, 4706, 960, 278, 1899, 338, 263, 740, 1246, 29892, 769, 4417, 385, 5684, 2980, 304, 278, 13, 4706, 1899, 6041, 723, 788, 385, 4805, 1852, 304, 278, 740, 1246, 29892, 322, 6041, 13, 4706, 723, 788, 385, 1852, 16684, 373, 278, 1121, 310, 278, 740, 1246, 29889, 13, 13, 4706, 910, 740, 10603, 502, 3692, 591, 881, 788, 263, 28128, 304, 278, 1899, 13, 4706, 1434, 4417, 5684, 6273, 297, 1797, 304, 1207, 1854, 278, 1852, 338, 7436, 13, 4706, 304, 278, 1121, 310, 278, 740, 1246, 29892, 322, 451, 278, 740, 1246, 3528, 29889, 13, 13, 4706, 16969, 29901, 13, 3986, 26460, 263, 28128, 881, 367, 2715, 304, 278, 1899, 565, 1797, 304, 3013, 278, 13, 3986, 4163, 12992, 304, 491, 278, 1899, 278, 1021, 746, 4417, 5684, 6389, 29889, 13, 4706, 9995, 13, 4706, 1543, 353, 1583, 29889, 2577, 8897, 3868, 4298, 29891, 2642, 580, 13, 4706, 736, 1543, 29889, 14510, 12415, 5946, 580, 322, 451, 1543, 29889, 14510, 2008, 17954, 580, 13, 13, 1678, 822, 4770, 710, 12035, 1311, 1125, 13, 4706, 3454, 353, 5159, 13, 4706, 363, 2380, 29892, 1543, 297, 26985, 29898, 1311, 29889, 17664, 1125, 13, 9651, 1196, 353, 22372, 2248, 1836, 426, 15003, 29918, 1807, 29913, 4286, 4830, 29898, 13, 18884, 2380, 29922, 2248, 718, 29871, 29896, 29892, 13, 18884, 9637, 29918, 1807, 29922, 5029, 29892, 13, 9651, 1723, 13, 9651, 3454, 29889, 4397, 29898, 1220, 29897, 13, 4706, 736, 11297, 29876, 4286, 7122, 29898, 9012, 29897, 13, 13, 1678, 822, 2448, 5779, 2008, 862, 1218, 26322, 9789, 26322, 9789, 29898, 1311, 29892, 7353, 2433, 8477, 29374, 13, 4706, 9995, 11609, 29879, 3692, 263, 278, 9637, 817, 525, 489, 29915, 1434, 525, 489, 8477, 4286, 13, 13, 4706, 525, 489, 29915, 338, 4312, 746, 278, 4163, 4893, 13553, 6273, 29892, 746, 278, 995, 310, 13, 4706, 7353, 7087, 697, 310, 278, 2980, 310, 278, 4163, 29892, 470, 278, 4163, 4893, 297, 13, 4706, 13553, 29899, 6194, 6273, 29898, 29872, 29889, 29887, 29889, 2980, 411, 2322, 995, 467, 13, 13, 4706, 826, 3174, 29901, 13, 3986, 7353, 29901, 278, 7353, 3625, 363, 278, 9637, 13, 13, 4706, 16969, 29901, 13, 3986, 5852, 363, 4312, 525, 489, 742, 7700, 6467, 29889, 13, 13, 4706, 9995, 13, 4706, 1543, 353, 1583, 29889, 2577, 8897, 3868, 4298, 29891, 2642, 580, 13, 4706, 4163, 353, 1543, 29889, 9700, 13, 4706, 1580, 353, 16096, 13239, 29889, 2577, 13658, 8559, 10299, 29898, 9700, 29897, 13, 4706, 736, 313, 6550, 29889, 29894, 935, 29893, 338, 451, 6213, 13, 18884, 470, 7353, 297, 1580, 29889, 5085, 13, 18884, 470, 7353, 297, 1580, 29889, 11022, 6194, 5085, 29897, 13, 13, 13, 1990, 6438, 11591, 2642, 29898, 3318, 1125, 13, 1678, 9995, 29909, 6438, 11591, 2642, 11524, 263, 2323, 4331, 4586, 491, 263, 6438, 8225, 29889, 13, 13, 1678, 1222, 9422, 310, 263, 6438, 11591, 2642, 526, 278, 13213, 362, 310, 263, 770, 470, 278, 13, 1678, 17378, 310, 385, 1203, 4509, 29889, 13, 1678, 9995, 13, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 13, 462, 4163, 29922, 8516, 29892, 13, 462, 3158, 29922, 8516, 29892, 13, 462, 3646, 29922, 8516, 29892, 13, 462, 6389, 29922, 8516, 29892, 13, 462, 10422, 29922, 8516, 29892, 13, 462, 6276, 8154, 29922, 8516, 29892, 13, 462, 1059, 29922, 8516, 29892, 13, 462, 13284, 29922, 8516, 1125, 13, 4706, 9995, 3379, 3656, 1078, 263, 6438, 11591, 2642, 29889, 13, 13, 4706, 826, 3174, 29901, 13, 3986, 4163, 29901, 450, 1121, 310, 445, 1543, 310, 278, 9637, 29889, 13, 3986, 3158, 29901, 450, 1134, 310, 3158, 313, 387, 13213, 1218, 263, 770, 29897, 5622, 2058, 29889, 13, 3986, 3646, 29901, 313, 1807, 29897, 450, 1024, 310, 278, 4163, 1641, 27320, 2501, 29889, 13, 3986, 6389, 29901, 450, 6389, 11233, 287, 491, 278, 9875, 3158, 29889, 13, 3986, 10422, 29901, 450, 934, 297, 607, 278, 3158, 338, 3342, 29892, 470, 6213, 565, 405, 29914, 29909, 29889, 13, 3986, 6276, 8154, 29901, 450, 1196, 1353, 373, 607, 278, 3158, 338, 3342, 29892, 470, 6213, 565, 405, 29914, 29909, 29889, 13, 3986, 1059, 29901, 450, 1059, 9875, 491, 278, 3158, 29892, 470, 6213, 565, 405, 29914, 29909, 29889, 13, 3986, 13284, 29901, 313, 11227, 29897, 26460, 278, 3158, 1033, 505, 9259, 5684, 6389, 29889, 13, 4706, 9995, 13, 4706, 1583, 29889, 9700, 353, 4163, 13, 4706, 1583, 3032, 2467, 353, 3158, 13, 4706, 1583, 3032, 5182, 353, 3646, 13, 4706, 1583, 29889, 5085, 353, 6389, 13, 4706, 1583, 3032, 9507, 353, 10422, 13, 4706, 1583, 3032, 1915, 8154, 353, 6276, 8154, 13, 4706, 1583, 3032, 2704, 353, 1059, 13, 4706, 1583, 3032, 344, 17954, 353, 7700, 13, 4706, 1583, 3032, 5030, 5946, 353, 13284, 13, 13, 1678, 822, 11699, 2392, 29898, 1311, 1125, 13, 4706, 736, 1583, 3032, 2704, 338, 451, 6213, 13, 13, 1678, 822, 11699, 12415, 5946, 29898, 1311, 1125, 13, 4706, 736, 1583, 3032, 5030, 5946, 13, 13, 1678, 822, 11699, 2008, 17954, 29898, 1311, 1125, 13, 4706, 736, 1583, 3032, 344, 17954, 13, 13, 1678, 822, 3462, 2008, 17954, 29898, 1311, 1125, 13, 4706, 1583, 3032, 344, 17954, 353, 5852, 13, 13, 1678, 822, 4829, 2887, 5015, 29898, 1311, 1125, 13, 4706, 736, 525, 15300, 7122, 29898, 710, 29898, 1191, 29897, 363, 1852, 297, 1583, 3032, 2704, 29889, 5085, 29897, 13, 13, 1678, 822, 4770, 710, 12035, 1311, 1125, 13, 4706, 565, 1583, 29889, 14510, 2392, 7295, 13, 9651, 736, 1583, 29889, 2392, 2887, 5015, 580, 13, 4706, 1683, 29901, 13, 9651, 396, 19191, 338, 29901, 426, 2467, 29913, 29850, 5182, 5038, 21313, 9507, 6177, 29912, 1915, 8154, 1800, 13, 9651, 1347, 353, 1583, 3032, 2467, 13, 9651, 565, 1583, 3032, 5182, 338, 451, 6213, 29901, 13, 18884, 1347, 4619, 525, 29850, 5182, 5038, 4286, 4830, 29898, 5182, 29922, 1311, 3032, 5182, 29897, 13, 9651, 565, 1583, 3032, 9507, 338, 451, 6213, 29901, 13, 18884, 2224, 353, 1583, 3032, 9507, 13, 18884, 565, 1583, 3032, 1915, 8154, 338, 451, 6213, 29901, 13, 462, 1678, 2224, 4619, 525, 26254, 1915, 8154, 29913, 4286, 4830, 29898, 1915, 8154, 29922, 1311, 3032, 1915, 8154, 29897, 13, 13, 18884, 1347, 4619, 525, 21313, 2084, 1800, 4286, 4830, 29898, 2084, 29922, 2084, 29897, 13, 9651, 736, 1347, 13, 2 ]
quest/quest_gui.py
Fluorescence-Tools/quest
0
161360
<gh_stars>0 import tempfile import sip sip.setapi('QDate', 2) sip.setapi('QDateTime', 2) sip.setapi('QString', 2) sip.setapi('QTextStream', 2) sip.setapi('QTime', 2) sip.setapi('QUrl', 2) sip.setapi('QVariant', 2) from PyQt5 import QtGui, QtWidgets import lib import lib.ui.rescource_rc import sys sys.tracebacklimit = 500 # After updating of icon run: # pyrcc4 -o rescource_rc.py rescource.qrc # encoding=utf8 def start_gui(): class Main(QtWidgets.QMainWindow): """ Main window The program is structured in a tree self.rootNode -> n * Experiment -> setup -> datasets -> Fit -> Model """ def __init__(self): QtWidgets.QMainWindow.__init__(self) dg = lib.tools.TransientDecayGenerator(tempfile.gettempdir()) self.setCentralWidget(dg) app = QtWidgets.QApplication(sys.argv) win = Main() win.show() sys.exit(app.exec_()) if __name__ == "__main__": start_gui()
[ 1, 529, 12443, 29918, 303, 1503, 29958, 29900, 13, 5215, 5694, 1445, 13, 5215, 269, 666, 13, 29879, 666, 29889, 842, 2754, 877, 29984, 2539, 742, 29871, 29906, 29897, 13, 29879, 666, 29889, 842, 2754, 877, 29984, 11384, 742, 29871, 29906, 29897, 13, 29879, 666, 29889, 842, 2754, 877, 29984, 1231, 742, 29871, 29906, 29897, 13, 29879, 666, 29889, 842, 2754, 877, 29984, 1626, 3835, 742, 29871, 29906, 29897, 13, 29879, 666, 29889, 842, 2754, 877, 29984, 2481, 742, 29871, 29906, 29897, 13, 29879, 666, 29889, 842, 2754, 877, 29984, 5983, 742, 29871, 29906, 29897, 13, 29879, 666, 29889, 842, 2754, 877, 29984, 10444, 424, 742, 29871, 29906, 29897, 13, 13, 3166, 10772, 17303, 29945, 1053, 14705, 28707, 29892, 14705, 8801, 29879, 13, 5215, 4303, 13, 5215, 4303, 29889, 1481, 29889, 690, 29883, 1167, 29918, 2214, 13, 5215, 10876, 13, 9675, 29889, 15003, 1627, 13400, 353, 29871, 29945, 29900, 29900, 13, 13, 29937, 2860, 13271, 310, 9849, 1065, 29901, 13, 29937, 282, 4316, 617, 29946, 448, 29877, 620, 29883, 1167, 29918, 2214, 29889, 2272, 620, 29883, 1167, 29889, 29939, 2214, 13, 29937, 8025, 29922, 9420, 29947, 13, 13, 1753, 1369, 29918, 23569, 7295, 13, 13, 1678, 770, 4241, 29898, 17303, 8801, 29879, 29889, 29984, 6330, 5907, 1125, 13, 4706, 9995, 4241, 3474, 13, 4706, 450, 1824, 338, 2281, 2955, 297, 263, 5447, 13, 4706, 1583, 29889, 4632, 4247, 1599, 302, 334, 1222, 15362, 1599, 29871, 6230, 1599, 20035, 1599, 383, 277, 1599, 8125, 13, 4706, 9995, 13, 13, 4706, 822, 4770, 2344, 12035, 1311, 1125, 13, 9651, 14705, 8801, 29879, 29889, 29984, 6330, 5907, 17255, 2344, 12035, 1311, 29897, 13, 9651, 270, 29887, 353, 4303, 29889, 8504, 29889, 4300, 993, 6185, 388, 21575, 29898, 7382, 1445, 29889, 657, 7382, 3972, 3101, 13, 9651, 1583, 29889, 842, 23369, 1705, 8801, 29898, 20726, 29897, 13, 13, 13, 1678, 623, 353, 14705, 8801, 29879, 29889, 29984, 4873, 29898, 9675, 29889, 19218, 29897, 13, 1678, 5401, 353, 4241, 580, 13, 1678, 5401, 29889, 4294, 580, 13, 1678, 10876, 29889, 13322, 29898, 932, 29889, 4258, 29918, 3101, 13, 13, 13, 361, 4770, 978, 1649, 1275, 376, 1649, 3396, 1649, 1115, 13, 1678, 1369, 29918, 23569, 580, 13, 2 ]
src/main/python/grammer/Function.py
photowey/python-study
0
27317
# -*- coding:utf-8 -*- # --------------------------------------------- # @file Function.py # @description Function # @author WcJun # @date 2020/06/20 # --------------------------------------------- # 求两个数 n 加到 m 的和 def add(n, m): s = 0 while n <= m: s += n n += 1 return s # 求和 add = add(1, 100) print(add)
[ 1, 396, 448, 29930, 29899, 14137, 29901, 9420, 29899, 29947, 448, 29930, 29899, 13, 13, 29937, 448, 2683, 2683, 9072, 13, 29937, 732, 1445, 6680, 29889, 2272, 13, 29937, 732, 8216, 6680, 13, 29937, 732, 8921, 399, 29883, 29967, 348, 13, 29937, 732, 1256, 29871, 29906, 29900, 29906, 29900, 29914, 29900, 29953, 29914, 29906, 29900, 13, 29937, 448, 2683, 2683, 9072, 13, 13, 13, 29937, 29871, 31376, 31977, 30502, 30354, 302, 29871, 30666, 30780, 286, 29871, 30210, 30503, 13, 1753, 788, 29898, 29876, 29892, 286, 1125, 13, 1678, 269, 353, 29871, 29900, 13, 1678, 1550, 302, 5277, 286, 29901, 13, 4706, 269, 4619, 302, 13, 4706, 302, 4619, 29871, 29896, 13, 1678, 736, 269, 13, 13, 13, 29937, 29871, 31376, 30503, 13, 1202, 353, 788, 29898, 29896, 29892, 29871, 29896, 29900, 29900, 29897, 13, 2158, 29898, 1202, 29897, 13, 2 ]
_weeks/week11/preclass_wednesday.py
nahumj/CSE-431
0
89061
<reponame>nahumj/CSE-431<gh_stars>0 import collections import pprint import copy class Node: def __init__(self, id_, data=None): self.id_ = id_ self.data = data def __eq__(self, other): if isinstance(other, Node): return self.id_ == other.id_ return False def __hash__(self): return hash(self.id_) def __repr__(self): return f"Node(id_ = {self.id_}, data = {self.data})" class Graph: def __init__(self): self.nodes = [] self.edges = collections.defaultdict(list) def add_node(self, node): assert node not in self.nodes assert isinstance(node, Node) self.nodes.append(node) def add_edge(self, start_node_id, end_node_id, data=None): assert end_node_id not in self.edges[start_node_id] self.edges[start_node_id].append((end_node_id, data)) def __repr__(self): return f"Graph(nodes={pprint.pformat(self.nodes)}, edges={pprint.pformat(self.edges)})" def breadth_first_traversal(self, start_node_id): discovered = collections.deque() fully_explored = [] done_with = set() discovered.append(start_node_id) done_with.add(start_node_id) while discovered: node_id = discovered.popleft() for child_node_id, _ in self.edges[node_id]: if child_node_id not in done_with: discovered.append(child_node_id) done_with.add(child_node_id) fully_explored.append(node_id) return fully_explored def depth_first_traversal(self, start_node_id): discovered = [] fully_explored = [] done_with = set() discovered.append(start_node_id) done_with.add(start_node_id) while discovered: node_id = discovered[-1] for child_node_id, _ in self.edges[node_id]: if child_node_id not in done_with: discovered.append(child_node_id) done_with.add(child_node_id) break else: pop_id = discovered.pop() assert pop_id == node_id fully_explored.append(node_id) return fully_explored def has_edge(self, start_id, end_id): for existing_end_id, _ in self.edges[start_id]: if end_id == existing_end_id: return True return False def depth_first_search_tree(self, start_node_id): def decorate_dfs_tree(dfs_tree, node_id, depth=0): children = [child_ids for child_ids, data in dfs_tree.edges[node_id] if data is None or "back-edge" not in data] back_edges = [child_ids for child_ids, data in dfs_tree.edges[node_id] if data is not None and data["back-edge"]] is_leaf = not children # save to data nodes_index = dfs_tree.nodes.index(Node(node_id)) assert dfs_tree.nodes[nodes_index].id_ == node_id dfs_tree.nodes[nodes_index].data = {"depth": depth, "is_leaf": is_leaf, "children": children, "back-edges": back_edges} for child_id in children: decorate_dfs_tree(dfs_tree, child_id, depth + 1) dfs_tree = Graph() dfs_tree.add_node(Node(start_node_id)) discovered = [] fully_explored = [] done_with = set() discovered.append(start_node_id) done_with.add(start_node_id) while discovered: node_id = discovered[-1] for child_node_id, _ in self.edges[node_id]: if child_node_id not in done_with: discovered.append(child_node_id) done_with.add(child_node_id) dfs_tree.add_node(Node(child_node_id)) dfs_tree.add_edge(node_id, child_node_id) break else: if child_node_id in discovered and not dfs_tree.has_edge(node_id, child_node_id) and not dfs_tree.has_edge(child_node_id, node_id): dfs_tree.add_edge(node_id, child_node_id, data={"back-edge": True}) else: pop_id = discovered.pop() assert pop_id == node_id fully_explored.append(node_id) decorate_dfs_tree(dfs_tree, start_node_id) return dfs_tree def is_connected(self): if not self.nodes: return True traversal_order = self.breadth_first_traversal(start_node_id=self.nodes[0].id_) return len(traversal_order) == len(self.nodes) def remove_node(self, node): # remove edges with node as start del self.edges[node.id_] # remove edges with node as end for start_id, end_list in self.edges.items(): end_list = [(end_id, edge_data) for end_id, edge_data in end_list if end_id != node.id_] self.edges[start_id] = end_list self.nodes.remove(node) def articulation_nodes_slow(self): """ For each vertex Remove vertex from graph If still connected (do BFS or DFS to see if connected) vertex is an articulation """ articulation_nodes = [] for node in self.nodes: graph_without_node = copy.deepcopy(self) graph_without_node.remove_node(node) if not graph_without_node.is_connected(): articulation_nodes.append(node) return articulation_nodes def articulation_nodes_fast(self): dfs_tree = self.depth_first_search_tree(self.nodes[0].id_) print(dfs_tree) articulation_nodes = [] for node in dfs_tree.nodes: if node.data["depth"] == 0: # root if len(node.data["children"]) > 1: articulation_nodes.append(node) continue if node.data["is_leaf"]: continue # hard case for child_id in node.data["children"]: child_node_index = dfs_tree.nodes.index(Node(child_id)) child_node = dfs_tree.nodes[child_node_index] is_safe_child = False # TODO: Need to check all children in subtree, not just direct children for back_edge in child_node.data["back-edges"]: back_edge_index = dfs_tree.nodes.index(Node(back_edge)) back_edge_node = dfs_tree.nodes[back_edge_index] if back_edge_node.data["depth"] < node.data["depth"]: is_safe_child = True if not is_safe_child: articulation_nodes.append(node) break return articulation_nodes def main(): letter_nodes = "ABCDEFGHI" list_of_tuple_edges = [ ("A", "B"), ("A", "C"), ("A", "F"), ("B", "D"), ("B", "E"), ("B", "I"), ("B", "G"), ("D", "F"), ("D", "G"), ("E", "H"), ("E", "I"), ] graph = Graph() for letter_id in letter_nodes: node = Node(letter_id) graph.add_node(node) for start_node, end_node in list_of_tuple_edges: graph.add_edge(start_node, end_node) graph.add_edge(end_node, start_node) pprint.pprint(graph.articulation_nodes_fast()) if __name__ == "__main__": main()
[ 1, 529, 276, 1112, 420, 29958, 8723, 398, 29926, 29914, 29907, 1660, 29899, 29946, 29941, 29896, 29966, 12443, 29918, 303, 1503, 29958, 29900, 13, 5215, 16250, 13, 5215, 282, 2158, 13, 5215, 3509, 13, 13, 1990, 9071, 29901, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 1178, 3383, 848, 29922, 8516, 1125, 13, 4706, 1583, 29889, 333, 29918, 353, 1178, 29918, 13, 4706, 1583, 29889, 1272, 353, 848, 13, 268, 13, 1678, 822, 4770, 1837, 12035, 1311, 29892, 916, 1125, 13, 4706, 565, 338, 8758, 29898, 1228, 29892, 9071, 1125, 13, 9651, 736, 1583, 29889, 333, 29918, 1275, 916, 29889, 333, 29918, 13, 4706, 736, 7700, 13, 268, 13, 1678, 822, 4770, 8568, 12035, 1311, 1125, 13, 4706, 736, 6608, 29898, 1311, 29889, 333, 19925, 13, 268, 13, 1678, 822, 4770, 276, 558, 12035, 1311, 1125, 13, 4706, 736, 285, 29908, 4247, 29898, 333, 29918, 353, 426, 1311, 29889, 333, 29918, 1118, 848, 353, 426, 1311, 29889, 1272, 1800, 29908, 13, 13, 1990, 12367, 29901, 13, 1678, 822, 4770, 2344, 12035, 1311, 1125, 13, 4706, 1583, 29889, 18010, 353, 5159, 13, 4706, 1583, 29889, 287, 2710, 353, 16250, 29889, 4381, 8977, 29898, 1761, 29897, 13, 13, 1678, 822, 788, 29918, 3177, 29898, 1311, 29892, 2943, 1125, 13, 4706, 4974, 2943, 451, 297, 1583, 29889, 18010, 13, 4706, 4974, 338, 8758, 29898, 3177, 29892, 9071, 29897, 13, 4706, 1583, 29889, 18010, 29889, 4397, 29898, 3177, 29897, 13, 268, 13, 1678, 822, 788, 29918, 12864, 29898, 1311, 29892, 1369, 29918, 3177, 29918, 333, 29892, 1095, 29918, 3177, 29918, 333, 29892, 848, 29922, 8516, 1125, 13, 4706, 4974, 1095, 29918, 3177, 29918, 333, 451, 297, 1583, 29889, 287, 2710, 29961, 2962, 29918, 3177, 29918, 333, 29962, 13, 4706, 1583, 29889, 287, 2710, 29961, 2962, 29918, 3177, 29918, 333, 1822, 4397, 3552, 355, 29918, 3177, 29918, 333, 29892, 848, 876, 13, 13, 1678, 822, 4770, 276, 558, 12035, 1311, 1125, 13, 4706, 736, 285, 29908, 9527, 29898, 18010, 3790, 407, 29878, 524, 29889, 29886, 4830, 29898, 1311, 29889, 18010, 19230, 12770, 3790, 407, 29878, 524, 29889, 29886, 4830, 29898, 1311, 29889, 287, 2710, 26972, 29908, 13, 268, 13, 1678, 822, 18423, 386, 29918, 4102, 29918, 3018, 874, 284, 29898, 1311, 29892, 1369, 29918, 3177, 29918, 333, 1125, 13, 4706, 10943, 353, 16250, 29889, 311, 802, 580, 13, 4706, 8072, 29918, 24516, 4395, 353, 5159, 13, 4706, 2309, 29918, 2541, 353, 731, 580, 13, 13, 4706, 10943, 29889, 4397, 29898, 2962, 29918, 3177, 29918, 333, 29897, 13, 4706, 2309, 29918, 2541, 29889, 1202, 29898, 2962, 29918, 3177, 29918, 333, 29897, 13, 13, 4706, 1550, 10943, 29901, 13, 9651, 2943, 29918, 333, 353, 10943, 29889, 7323, 1563, 580, 13, 9651, 363, 2278, 29918, 3177, 29918, 333, 29892, 903, 297, 1583, 29889, 287, 2710, 29961, 3177, 29918, 333, 5387, 13, 18884, 565, 2278, 29918, 3177, 29918, 333, 451, 297, 2309, 29918, 2541, 29901, 13, 462, 1678, 10943, 29889, 4397, 29898, 5145, 29918, 3177, 29918, 333, 29897, 13, 462, 1678, 2309, 29918, 2541, 29889, 1202, 29898, 5145, 29918, 3177, 29918, 333, 29897, 13, 9651, 8072, 29918, 24516, 4395, 29889, 4397, 29898, 3177, 29918, 333, 29897, 13, 13, 4706, 736, 8072, 29918, 24516, 4395, 13, 268, 13, 1678, 822, 10809, 29918, 4102, 29918, 3018, 874, 284, 29898, 1311, 29892, 1369, 29918, 3177, 29918, 333, 1125, 13, 4706, 10943, 353, 5159, 13, 4706, 8072, 29918, 24516, 4395, 353, 5159, 13, 4706, 2309, 29918, 2541, 353, 731, 580, 13, 13, 4706, 10943, 29889, 4397, 29898, 2962, 29918, 3177, 29918, 333, 29897, 13, 4706, 2309, 29918, 2541, 29889, 1202, 29898, 2962, 29918, 3177, 29918, 333, 29897, 13, 13, 4706, 1550, 10943, 29901, 13, 9651, 2943, 29918, 333, 353, 10943, 14352, 29896, 29962, 13, 9651, 363, 2278, 29918, 3177, 29918, 333, 29892, 903, 297, 1583, 29889, 287, 2710, 29961, 3177, 29918, 333, 5387, 13, 18884, 565, 2278, 29918, 3177, 29918, 333, 451, 297, 2309, 29918, 2541, 29901, 13, 462, 1678, 10943, 29889, 4397, 29898, 5145, 29918, 3177, 29918, 333, 29897, 13, 462, 1678, 2309, 29918, 2541, 29889, 1202, 29898, 5145, 29918, 3177, 29918, 333, 29897, 13, 462, 1678, 2867, 13, 9651, 1683, 29901, 13, 18884, 1835, 29918, 333, 353, 10943, 29889, 7323, 580, 13, 18884, 4974, 1835, 29918, 333, 1275, 2943, 29918, 333, 13, 18884, 8072, 29918, 24516, 4395, 29889, 4397, 29898, 3177, 29918, 333, 29897, 13, 13, 4706, 736, 8072, 29918, 24516, 4395, 13, 268, 13, 1678, 822, 756, 29918, 12864, 29898, 1311, 29892, 1369, 29918, 333, 29892, 1095, 29918, 333, 1125, 13, 4706, 363, 5923, 29918, 355, 29918, 333, 29892, 903, 297, 1583, 29889, 287, 2710, 29961, 2962, 29918, 333, 5387, 13, 9651, 565, 1095, 29918, 333, 1275, 5923, 29918, 355, 29918, 333, 29901, 13, 18884, 736, 5852, 13, 4706, 736, 7700, 13, 13, 1678, 822, 10809, 29918, 4102, 29918, 4478, 29918, 8336, 29898, 1311, 29892, 1369, 29918, 3177, 29918, 333, 1125, 13, 4706, 822, 10200, 403, 29918, 29069, 29918, 8336, 29898, 29069, 29918, 8336, 29892, 2943, 29918, 333, 29892, 10809, 29922, 29900, 1125, 13, 9651, 4344, 353, 518, 5145, 29918, 4841, 363, 2278, 29918, 4841, 29892, 848, 297, 4489, 29879, 29918, 8336, 29889, 287, 2710, 29961, 3177, 29918, 333, 29962, 565, 848, 338, 6213, 470, 376, 1627, 29899, 12864, 29908, 451, 297, 848, 29962, 13, 9651, 1250, 29918, 287, 2710, 353, 518, 5145, 29918, 4841, 363, 2278, 29918, 4841, 29892, 848, 297, 4489, 29879, 29918, 8336, 29889, 287, 2710, 29961, 3177, 29918, 333, 29962, 565, 848, 338, 451, 6213, 322, 848, 3366, 1627, 29899, 12864, 3108, 29962, 13, 9651, 338, 29918, 29500, 353, 451, 4344, 13, 632, 13, 9651, 396, 4078, 304, 848, 13, 9651, 7573, 29918, 2248, 353, 4489, 29879, 29918, 8336, 29889, 18010, 29889, 2248, 29898, 4247, 29898, 3177, 29918, 333, 876, 13, 9651, 4974, 4489, 29879, 29918, 8336, 29889, 18010, 29961, 18010, 29918, 2248, 1822, 333, 29918, 1275, 2943, 29918, 333, 13, 9651, 4489, 29879, 29918, 8336, 29889, 18010, 29961, 18010, 29918, 2248, 1822, 1272, 353, 8853, 19488, 1115, 10809, 29892, 376, 275, 29918, 29500, 1115, 338, 29918, 29500, 29892, 376, 11991, 1115, 4344, 29892, 376, 1627, 29899, 287, 2710, 1115, 1250, 29918, 287, 2710, 29913, 13, 9651, 363, 2278, 29918, 333, 297, 4344, 29901, 13, 18884, 10200, 403, 29918, 29069, 29918, 8336, 29898, 29069, 29918, 8336, 29892, 2278, 29918, 333, 29892, 10809, 718, 29871, 29896, 29897, 13, 13, 13, 13, 4706, 4489, 29879, 29918, 8336, 353, 12367, 580, 13, 4706, 4489, 29879, 29918, 8336, 29889, 1202, 29918, 3177, 29898, 4247, 29898, 2962, 29918, 3177, 29918, 333, 876, 13, 13, 4706, 10943, 353, 5159, 13, 4706, 8072, 29918, 24516, 4395, 353, 5159, 13, 4706, 2309, 29918, 2541, 353, 731, 580, 13, 13, 4706, 10943, 29889, 4397, 29898, 2962, 29918, 3177, 29918, 333, 29897, 13, 4706, 2309, 29918, 2541, 29889, 1202, 29898, 2962, 29918, 3177, 29918, 333, 29897, 13, 13, 4706, 1550, 10943, 29901, 13, 9651, 2943, 29918, 333, 353, 10943, 14352, 29896, 29962, 13, 9651, 363, 2278, 29918, 3177, 29918, 333, 29892, 903, 297, 1583, 29889, 287, 2710, 29961, 3177, 29918, 333, 5387, 13, 13, 18884, 565, 2278, 29918, 3177, 29918, 333, 451, 297, 2309, 29918, 2541, 29901, 13, 462, 1678, 10943, 29889, 4397, 29898, 5145, 29918, 3177, 29918, 333, 29897, 13, 462, 1678, 2309, 29918, 2541, 29889, 1202, 29898, 5145, 29918, 3177, 29918, 333, 29897, 13, 462, 1678, 4489, 29879, 29918, 8336, 29889, 1202, 29918, 3177, 29898, 4247, 29898, 5145, 29918, 3177, 29918, 333, 876, 13, 462, 1678, 4489, 29879, 29918, 8336, 29889, 1202, 29918, 12864, 29898, 3177, 29918, 333, 29892, 2278, 29918, 3177, 29918, 333, 29897, 13, 462, 1678, 2867, 13, 18884, 1683, 29901, 13, 462, 1678, 565, 2278, 29918, 3177, 29918, 333, 297, 10943, 322, 451, 4489, 29879, 29918, 8336, 29889, 5349, 29918, 12864, 29898, 3177, 29918, 333, 29892, 2278, 29918, 3177, 29918, 333, 29897, 322, 451, 4489, 29879, 29918, 8336, 29889, 5349, 29918, 12864, 29898, 5145, 29918, 3177, 29918, 333, 29892, 2943, 29918, 333, 1125, 13, 462, 4706, 4489, 29879, 29918, 8336, 29889, 1202, 29918, 12864, 29898, 3177, 29918, 333, 29892, 2278, 29918, 3177, 29918, 333, 29892, 848, 3790, 29908, 1627, 29899, 12864, 1115, 5852, 1800, 13, 9651, 1683, 29901, 13, 18884, 1835, 29918, 333, 353, 10943, 29889, 7323, 580, 13, 18884, 4974, 1835, 29918, 333, 1275, 2943, 29918, 333, 13, 18884, 8072, 29918, 24516, 4395, 29889, 4397, 29898, 3177, 29918, 333, 29897, 13, 308, 13, 4706, 10200, 403, 29918, 29069, 29918, 8336, 29898, 29069, 29918, 8336, 29892, 1369, 29918, 3177, 29918, 333, 29897, 13, 13, 4706, 736, 4489, 29879, 29918, 8336, 13, 13, 1678, 822, 338, 29918, 18045, 29898, 1311, 1125, 13, 4706, 565, 451, 1583, 29889, 18010, 29901, 13, 9651, 736, 5852, 13, 4706, 13310, 284, 29918, 2098, 353, 1583, 29889, 29890, 949, 386, 29918, 4102, 29918, 3018, 874, 284, 29898, 2962, 29918, 3177, 29918, 333, 29922, 1311, 29889, 18010, 29961, 29900, 1822, 333, 19925, 13, 4706, 736, 7431, 29898, 3018, 874, 284, 29918, 2098, 29897, 1275, 7431, 29898, 1311, 29889, 18010, 29897, 13, 268, 13, 1678, 822, 3349, 29918, 3177, 29898, 1311, 29892, 2943, 1125, 13, 4706, 396, 3349, 12770, 411, 2943, 408, 1369, 13, 4706, 628, 1583, 29889, 287, 2710, 29961, 3177, 29889, 333, 29918, 29962, 13, 4706, 396, 3349, 12770, 411, 2943, 408, 1095, 13, 13, 4706, 363, 1369, 29918, 333, 29892, 1095, 29918, 1761, 297, 1583, 29889, 287, 2710, 29889, 7076, 7295, 13, 9651, 1095, 29918, 1761, 353, 17288, 355, 29918, 333, 29892, 7636, 29918, 1272, 29897, 363, 1095, 29918, 333, 29892, 7636, 29918, 1272, 297, 1095, 29918, 1761, 565, 1095, 29918, 333, 2804, 2943, 29889, 333, 29918, 29962, 13, 9651, 1583, 29889, 287, 2710, 29961, 2962, 29918, 333, 29962, 353, 1095, 29918, 1761, 13, 308, 13, 4706, 1583, 29889, 18010, 29889, 5992, 29898, 3177, 29897, 13, 13, 1678, 822, 1616, 293, 2785, 29918, 18010, 29918, 28544, 29898, 1311, 1125, 13, 4706, 9995, 13, 4706, 1152, 1269, 12688, 13, 9651, 15154, 12688, 515, 3983, 13, 9651, 960, 1603, 6631, 313, 1867, 350, 9998, 470, 360, 9998, 304, 1074, 565, 6631, 29897, 13, 18884, 12688, 338, 385, 1616, 293, 2785, 13, 4706, 9995, 13, 4706, 1616, 293, 2785, 29918, 18010, 353, 5159, 13, 4706, 363, 2943, 297, 1583, 29889, 18010, 29901, 13, 9651, 3983, 29918, 14037, 29918, 3177, 353, 3509, 29889, 24535, 8552, 29898, 1311, 29897, 13, 9651, 3983, 29918, 14037, 29918, 3177, 29889, 5992, 29918, 3177, 29898, 3177, 29897, 13, 9651, 565, 451, 3983, 29918, 14037, 29918, 3177, 29889, 275, 29918, 18045, 7295, 13, 18884, 1616, 293, 2785, 29918, 18010, 29889, 4397, 29898, 3177, 29897, 13, 4706, 736, 1616, 293, 2785, 29918, 18010, 13, 268, 13, 1678, 822, 1616, 293, 2785, 29918, 18010, 29918, 11255, 29898, 1311, 1125, 13, 4706, 4489, 29879, 29918, 8336, 353, 1583, 29889, 19488, 29918, 4102, 29918, 4478, 29918, 8336, 29898, 1311, 29889, 18010, 29961, 29900, 1822, 333, 19925, 13, 4706, 1596, 29898, 29069, 29918, 8336, 29897, 13, 4706, 1616, 293, 2785, 29918, 18010, 353, 5159, 13, 4706, 363, 2943, 297, 4489, 29879, 29918, 8336, 29889, 18010, 29901, 13, 9651, 565, 2943, 29889, 1272, 3366, 19488, 3108, 1275, 29871, 29900, 29901, 13, 18884, 396, 3876, 13, 18884, 565, 7431, 29898, 3177, 29889, 1272, 3366, 11991, 20068, 1405, 29871, 29896, 29901, 13, 462, 1678, 1616, 293, 2785, 29918, 18010, 29889, 4397, 29898, 3177, 29897, 13, 18884, 6773, 13, 9651, 565, 2943, 29889, 1272, 3366, 275, 29918, 29500, 3108, 29901, 13, 18884, 6773, 13, 9651, 396, 2898, 1206, 13, 9651, 363, 2278, 29918, 333, 297, 2943, 29889, 1272, 3366, 11991, 3108, 29901, 13, 18884, 2278, 29918, 3177, 29918, 2248, 353, 4489, 29879, 29918, 8336, 29889, 18010, 29889, 2248, 29898, 4247, 29898, 5145, 29918, 333, 876, 13, 18884, 2278, 29918, 3177, 353, 4489, 29879, 29918, 8336, 29889, 18010, 29961, 5145, 29918, 3177, 29918, 2248, 29962, 13, 18884, 338, 29918, 11177, 29918, 5145, 353, 7700, 13, 18884, 396, 14402, 29901, 20768, 304, 1423, 599, 4344, 297, 1014, 8336, 29892, 451, 925, 1513, 4344, 13, 18884, 363, 1250, 29918, 12864, 297, 2278, 29918, 3177, 29889, 1272, 3366, 1627, 29899, 287, 2710, 3108, 29901, 13, 462, 1678, 1250, 29918, 12864, 29918, 2248, 353, 4489, 29879, 29918, 8336, 29889, 18010, 29889, 2248, 29898, 4247, 29898, 1627, 29918, 12864, 876, 13, 462, 1678, 1250, 29918, 12864, 29918, 3177, 353, 4489, 29879, 29918, 8336, 29889, 18010, 29961, 1627, 29918, 12864, 29918, 2248, 29962, 13, 462, 1678, 565, 1250, 29918, 12864, 29918, 3177, 29889, 1272, 3366, 19488, 3108, 529, 2943, 29889, 1272, 3366, 19488, 3108, 29901, 13, 462, 4706, 338, 29918, 11177, 29918, 5145, 353, 5852, 13, 18884, 565, 451, 338, 29918, 11177, 29918, 5145, 29901, 13, 462, 1678, 1616, 293, 2785, 29918, 18010, 29889, 4397, 29898, 3177, 29897, 13, 462, 1678, 2867, 13, 4706, 736, 1616, 293, 2785, 29918, 18010, 13, 13, 13, 13, 13, 1753, 1667, 7295, 13, 1678, 5497, 29918, 18010, 353, 376, 19658, 24405, 29954, 17628, 29908, 13, 1678, 1051, 29918, 974, 29918, 23583, 29918, 287, 2710, 353, 518, 13, 4706, 4852, 29909, 613, 376, 29933, 4968, 4852, 29909, 613, 376, 29907, 4968, 4852, 29909, 613, 376, 29943, 4968, 13, 4706, 4852, 29933, 613, 376, 29928, 4968, 4852, 29933, 613, 376, 29923, 4968, 4852, 29933, 613, 376, 29902, 4968, 4852, 29933, 613, 376, 29954, 4968, 13, 4706, 4852, 29928, 613, 376, 29943, 4968, 4852, 29928, 613, 376, 29954, 4968, 13, 4706, 4852, 29923, 613, 376, 29950, 4968, 4852, 29923, 613, 376, 29902, 4968, 13, 1678, 4514, 13, 1678, 3983, 353, 12367, 580, 13, 13, 1678, 363, 5497, 29918, 333, 297, 5497, 29918, 18010, 29901, 13, 4706, 2943, 353, 9071, 29898, 15670, 29918, 333, 29897, 13, 4706, 3983, 29889, 1202, 29918, 3177, 29898, 3177, 29897, 13, 13, 1678, 363, 1369, 29918, 3177, 29892, 1095, 29918, 3177, 297, 1051, 29918, 974, 29918, 23583, 29918, 287, 2710, 29901, 13, 4706, 3983, 29889, 1202, 29918, 12864, 29898, 2962, 29918, 3177, 29892, 1095, 29918, 3177, 29897, 13, 4706, 3983, 29889, 1202, 29918, 12864, 29898, 355, 29918, 3177, 29892, 1369, 29918, 3177, 29897, 13, 13, 1678, 282, 2158, 29889, 407, 29878, 524, 29898, 4262, 29889, 442, 293, 2785, 29918, 18010, 29918, 11255, 3101, 13, 13, 13, 361, 4770, 978, 1649, 1275, 376, 1649, 3396, 1649, 1115, 13, 1678, 1667, 580, 2 ]
vhdl_navigation.py
jalucas42/SmartVHDL
0
128761
from __future__ import absolute_import import sublime, sublime_plugin import re, string, os, sys, functools, mmap, pprint, imp, threading from collections import Counter from plistlib import readPlistFromBytes try: from . import vhdl_module from .util import vhdl_util from .util import sublime_util from .color_scheme_util import st_color_scheme_matcher from .color_scheme_util import rgba except ImportError: sys.path.append(os.path.join(os.path.dirname(__file__), "util")) import vhdl_util import sublime_util sys.path.append(os.path.join(os.path.dirname(__file__), "color_scheme_util")) import st_color_scheme_matcher import rgba ############################################################################ # Init tooltip_css = '' tooltip_flag = 0 show_ref = True def plugin_loaded(): imp.reload(vhdl_util) imp.reload(sublime_util) imp.reload(st_color_scheme_matcher) # Ensure the preference settings are properly reloaded when changed global pref_settings pref_settings = sublime.load_settings('Preferences.sublime-settings') pref_settings.clear_on_change('reload') pref_settings.add_on_change('reload',plugin_loaded) # Ensure the VHDL settings are properly reloaded when changed global vhdl_settings vhdl_settings = sublime.load_settings('VHDL.sublime-settings') vhdl_settings.clear_on_change('reload') vhdl_settings.add_on_change('reload',plugin_loaded) global tooltip_flag if vhdl_settings.get('vhdl.tooltip_hide_on_move',True): tooltip_flag = sublime.HIDE_ON_MOUSE_MOVE_AWAY else: tooltip_flag = 0 global show_ref show_ref = int(sublime.version()) >= 3145 and vhdl_settings.get('vhdl.tooltip_show_refs',True) init_css() def init_css(): global tooltip_css scheme = st_color_scheme_matcher.ColorSchemeMatcher(pref_settings.get('color_scheme')) bg = scheme.get_special_color('background') fg = scheme.get_special_color('foreground') # Create background and border color based on the background color bg_rgb = rgba.RGBA(bg) if bg_rgb.b > 128: bgHtml = bg_rgb.b - 0x33 bgBody = bg_rgb.b - 0x20 else: bgHtml = bg_rgb.b + 0x33 bgBody = bg_rgb.b + 0x20 if bg_rgb.g > 128: bgHtml += (bg_rgb.g - 0x33)<<8 bgBody += (bg_rgb.g - 0x20)<<8 else: bgHtml += (bg_rgb.g + 0x33)<<8 bgBody += (bg_rgb.g + 0x20)<<8 if bg_rgb.r > 128: bgHtml += (bg_rgb.r - 0x33)<<16 bgBody += (bg_rgb.r - 0x20)<<16 else: bgHtml += (bg_rgb.r + 0x33)<<16 bgBody += (bg_rgb.r + 0x20)<<16 tooltip_css = 'html {{ background-color: #{bg:06x}; color: {fg}; }}\n'.format(bg=bgHtml, fg=fg) tooltip_css+= 'body {{ background-color: #{bg:06x}; margin: 1px; font-size: 1em; }}\n'.format(bg=bgBody) tooltip_css+= 'p {padding-left: 0.6em;}\n' tooltip_css+= '.content {margin: 0.8em;}\n' tooltip_css+= 'h1 {font-size: 1.0rem;font-weight: bold; margin: 0 0 0.25em 0;}\n' tooltip_css+= 'a {{color: {c};}}\n'.format(c=fg) tooltip_css+= '.keyword {{color: {c};}}\n'.format(c=scheme.get_color('keyword')) tooltip_css+= '.support {{color: {c};}}\n'.format(c=scheme.get_color('support')) tooltip_css+= '.storage {{color: {c};}}\n'.format(c=scheme.get_color('storage')) tooltip_css+= '.function {{color: {c};}}\n'.format(c=scheme.get_color('support.function')) tooltip_css+= '.entity {{color: {c};}}\n'.format(c=scheme.get_color('entity')) tooltip_css+= '.operator {{color: {c};}}\n'.format(c=scheme.get_color('keyword.operator')) tooltip_css+= '.numeric {{color: {c};}}\n'.format(c=scheme.get_color('constant.numeric')) tooltip_css+= '.string {{color: {c};}}\n'.format(c=scheme.get_color('string')) tooltip_css+= '.extra-info {font-size: 0.9em; }\n' tooltip_css+= '.ref_links {font-size: 0.9em; color: #0080D0; padding-left: 0.6em}\n' ############################################################################ callbacks_on_load = {} class VerilogOnLoadEventListener(sublime_plugin.EventListener): # Called when a file is finished loading. def on_load_async(self, view): global callbacks_on_load if view.file_name() in callbacks_on_load: callbacks_on_load[view.file_name()]() del callbacks_on_load[view.file_name()] ############################################################################ # Display type of the signal/variable under the cursor into the status bar # # Event onHover to display the popup class VhdlShowTypeHover(sublime_plugin.EventListener): def on_hover(self, view, point, hover_zone): # Popup only on text if hover_zone != sublime.HOVER_TEXT: return # Check file size to optionnaly disable the feature (finding the information can be quite long) threshold = view.settings().get('vhdl.hover_max_size',-1) if view.size() > threshold and threshold!=-1 : return # Only show a popup for vhdl, when not in a string of a comment scope = view.scope_name(point) if 'source.vhdl' not in scope: return if any(w in scope for w in ['comment', 'string', 'keyword']): return popup = VhdlTypePopup(view) sublime.set_timeout_async(lambda r=view.word(point), p=point: popup.show(r,p)) class VhdlTypePopup : def __init__(self,view): self.view = view def show(self,region,location): # If nothing is selected expand selection to word if region.empty() : region = self.view.word(region) # Make sure a whole word is selected elif (self.view.classify(region.a) & sublime.CLASS_WORD_START)==0 or (self.view.classify(region.b) & sublime.CLASS_WORD_END)==0: if (self.view.classify(region.a) & sublime.CLASS_WORD_START)==0: region.a = self.view.find_by_class(region.a,False,sublime.CLASS_WORD_START) if (self.view.classify(region.b) & sublime.CLASS_WORD_END)==0: region.b = self.view.find_by_class(region.b,True,sublime.CLASS_WORD_END) v = self.view.substr(region) # trigger on valid word only if not re.match(r'^[A-Za-z_]\w*$',v): return # s,ti = self.get_type(v,region) if not s: sublime.status_message('No definition found for ' + v) else : s = self.color_str(s,True,ti) s = '<style>{css}</style><div class="content">{txt}</div>'.format(css=tooltip_css, txt=s) self.view.show_popup(s,location=location, flags=tooltip_flag, max_width=500, on_navigate=self.on_navigate) def get_type(self,var_name,region): scope = self.view.scope_name(region.a) ti = None txt = '' if 'variable.parameter.port' in scope: if 'meta.block.entity_instantiation' in scope: r_inst = sublime_util.expand_to_scope(self.view,'meta.block.entity_instantiation',region) elif 'meta.block.component_instantiation' in scope: r_inst = sublime_util.expand_to_scope(self.view,'meta.block.component_instantiation',region) inst_txt = self.view.substr(r_inst) m = re.search(r'(?si)(?:(?P<scope>\w+)\.)?(?P<mname>\w+)\s+(?:port|generic)',inst_txt) if m: re_str = r'(?si)(?P<type>component|entity)\s+(?P<name>'+m.group('mname')+r')\s+is\s+(?P<content>.*?)\bend\s+((?P=type)|(?P=name))' info = sublime_util.lookup_symbol(self.view,m.group('mname'),re_str) # print('Port {} in module {} defined in {}'.format(var_name,m.group('mname'),info)) # TODO: handle component if info['match']: ti = vhdl_util.get_type_info(info['match'].group('content'),var_name) if ti: txt = ti['decl'] else : # lookup for a signal/variable declaration in current file lines = self.view.substr(sublime.Region(0, self.view.line(region).b)) ti = vhdl_util.get_type_info(lines,var_name) if ti: txt = ti['decl'] return txt,ti def color_str(self,s, addLink=False, ti_var=None): # Split all text in word, special character, space and line return words = re.findall(r"\w+|[^\w\s]|\s+", s) # print('String = "{}" \n Split => {}'.format(s,words)) # print(ti_var) sh = '' idx_type = -1 link = '' if words[0].lower() in ['signal','variable','constant']: idx_type = 6 link = 'LOCAL@{}:{}'.format(words[0],words[2]) elif words[0] in ['port']: idx_type = 8 link = 'LOCAL@{}:{}'.format(words[0],words[2]) elif ti_var and ti_var['tag']=='generic': idx_type = 4 sh+='<span class="keyword">generic</span> ' link = 'LOCAL@{}:{}'.format(words[0],words[2]) for i,w in enumerate(words): # Check for keyword if w.lower() in ['signal','variable','constant','port','array','downto','upto','of','in','out','inout']: sh+='<span class="keyword">{0}</span>'.format(w) elif w in [':','-','+','=']: sh+='<span class="operator">{0}</span>'.format(w) elif re.match(r'\d+',w): sh+='<span class="numeric">{0}</span>'.format(w) # Type elif i==idx_type: sh+='<span class="storage">{0}</span>'.format(w) # Variable name elif addLink and ti_var and link and w==ti_var['name']: sh+='<a href="{}">{}</a>'.format(link,w) # Unknown words/characters => copy as-is elif not w.strip() : sh += ' ' # Reduce multiple spaces to just one else : sh += w return sh def on_navigate(self, href): href_s = href.split('@') if href_s[0] == 'LOCAL': ws = href_s[1].split(':') if ws[0] == 'port' : s = r'(?si)\b{}\b(,[\w\s,]+)?\s*:\s*(in|out)'.format(ws[1]) else : s = r'(?si)^[ \t]*{}\s+[\w\s,]*\b{}\b'.format(ws[0],ws[1]) r = self.view.find(s,0, sublime.IGNORECASE) if r: sublime_util.move_cursor(self.view,r.a) else : v = self.view.window().open_file(href_s[1], sublime.ENCODED_POSITION) ############################################################################ # Helper function to retrieve current module name based on cursor position # def getModuleName(view): r = view.sel()[0] # Empty selection ? get current module name if r.empty(): re_str = r'(?is)^[ \t]*(?:entity|architecture\s+\w+\s+of)\s+(\w+\b)' mname = sublime_util.find_closest(view,r,re_str) else: mname = view.substr(r) return mname ############################################################### # Create a new buffer showing the hierarchy of current module # hierarchyInfo = {'dict':{}, 'view':None,'fname':'', 'name':''} hierarchyView = None class VhdlShowHierarchyCommand(sublime_plugin.TextCommand): def run(self,edit): mname = getModuleName(self.view) if not mname: print('[VHDL.navigation] No entity/architecture found !') return txt = self.view.substr(sublime.Region(0, self.view.size())) inst_l = vhdl_util.get_inst_list(txt,mname) if not inst_l: print('[VHDL.navigation] No hierarchy found !') return sublime.status_message("Show Hierarchy can take some time, please wait ...") sublime.set_timeout_async(lambda inst_l=inst_l, w=self.view.window(), mname=mname : self.showHierarchy(w,inst_l,mname)) def showHierarchy(self,w,inst_l,mname): # Save info in global for later access global hierarchyInfo hierarchyInfo['dict'] = {} hierarchyInfo['view'] = self.view hierarchyInfo['fname'] = self.view.file_name() hierarchyInfo['name'] = mname # Create Dictionnary where each type is associated with a list of tuple (instance type, instance name) self.d = {} self.d[mname] = inst_l self.unresolved = [] self.component = [] li = list(set(inst_l)) while li: li_next = [] for i in li: inst_type = i[1] if inst_type not in hierarchyInfo['dict'].keys() and inst_type not in self.component: filelist = w.lookup_symbol_in_index(inst_type) filelist = list(set([f[0] for f in filelist])) # print('Symbol {} defined in {}'.format(inst_type,[x[0] for x in filelist])) i_il = [] if filelist: for f in filelist: fname = sublime_util.normalize_fname(f) i_il = vhdl_util.get_inst_list_from_file(fname,inst_type) if i_il is not None: hierarchyInfo['dict'][inst_type] = fname break else : self.unresolved.append(inst_type) if i_il: li_next += i_il self.d[inst_type] = i_il elif i_il is None : self.component.append(inst_type) li = list(set(li_next)) txt = mname + '\n' txt += self.printSubmodule(mname,1) # Check if we open the result in a new window if self.view.settings().get('vhdl.hierarchy_new_window',False): sublime.run_command('new_window') w = sublime.active_window() v = w.new_file() v.settings().set("tab_size", 2) v.set_name(mname + ' Hierarchy') v.set_syntax_file('Packages/Smart VHDL/Find Results VHDL.hidden-tmLanguage') v.set_scratch(True) v.run_command('insert_snippet',{'contents':str(txt)}) def printSubmodule(self,name,lvl): txt = '' if name in self.d: # print('printSubmodule ' + str(self.d[name])) for x in self.d[name]: txt += ' '*lvl if x[1] in self.d : txt += '+ {name} ({type})\n'.format(name=x[0],type=x[1]) if lvl<32 : txt += self.printSubmodule(x[1],lvl+1) else : print('[VHDL.navigation] Hierarchy with more than 20 level not supported !') return else: if x[1] in self.unresolved: comment = ' [U]' elif x[1] in self.component: comment = ' [C]' else: comment = '' txt += '- {name} ({type}){comment}\n'.format(name=x[0],type=x[1],comment=comment) return txt # Navigate within the hierarchy class VhdlHierarchyGotoDefinitionCommand(sublime_plugin.TextCommand): def run(self,edit): global hierarchyInfo r = self.view.sel()[0] if r.empty() : r = self.view.word(r) scope = self.view.scope_name(r.a) fname = '' module_name = self.view.substr(r) inst_name = '' # Not in the proper file ? use standard goto_definition to if 'text.result-vhdl' not in scope: self.view.window().run_command('goto_definition') return if 'entity.name' in scope: l = self.view.substr(self.view.line(r)) indent = (len(l) - len(l.lstrip()))-2 if indent<0: print('[VHDL.navigation] Hierarchy buffer corrupted : Invalid position for an instance !') return elif indent == 0: inst_name = module_name module_name = hierarchyInfo['name'] fname = hierarchyInfo['fname'] else: w = '' # find module parent name txt = self.view.substr(sublime.Region(0,r.a)) m = re.findall(r'^{}\+ \w+\s+\((\w+)\)'.format(' '*indent),txt,re.MULTILINE) if m: inst_name = module_name module_name = m[-1] if module_name in hierarchyInfo['dict']: fname = hierarchyInfo['dict'][module_name] elif 'storage.name' in scope: if module_name in hierarchyInfo['dict']: fname = hierarchyInfo['dict'][module_name] elif 'keyword.module' in scope: module_name = hierarchyInfo['name'] fname = hierarchyInfo['fname'] # print('Module={} instance={} (scope={}) => filename = {}'.format(module_name,inst_name,scope,fname)) if fname: v = hierarchyInfo['view'].window().find_open_file(fname) if v : hierarchyInfo['view'].window().focus_view(v) self.goto_symb(v,module_name,inst_name) else : v = hierarchyInfo['view'].window().open_file(fname) global callbacks_on_load callbacks_on_load[fname] = lambda v=v, module_name=module_name, inst_name=inst_name: self.goto_symb(v,module_name,inst_name) else : self.view.window().run_command('goto_definition') def goto_symb(self,v,module_name,inst_name): global hierarchyInfo row=-1 if inst_name : # Find instance symbol position #print('[VHDL.navigation] Looking for instance {} in {}'.format(inst_name,v.symbols())) for x in v.symbols() : if x[1] == inst_name: row,col = v.rowcol(x[0].a) #print('[VHDL.navigation] Found at {}:{}'.format(row,col)) break else : # Find architecture symbol position #print('L[VHDL.navigation] ooking for architecture of {} in {}'.format(module_name,v.symbols())) for x in v.symbols() : if x[1].startswith(module_name+' :'): row,col = v.rowcol(x[0].a) # print('Found at {}:{}'.format(row,col)) break if row>=0: sublime_util.move_cursor(v,v.text_point(row,col)) ########################################################### # Find all instances of current module or selected module # class VhdlFindInstanceCommand(sublime_plugin.TextCommand): def run(self,edit): mname = getModuleName(self.view) sublime.status_message("Find Instance can take some time, please wait ...") sublime.set_timeout_async(lambda x=mname: self.findInstance(x)) def findInstance(self, mname): projname = sublime.active_window().project_file_name() if projname not in vhdl_module.list_module_files: vhdl_module.VhdlModuleInstCommand.get_list_file(None,projname,None) inst_dict = {} cnt = 0 re_str = r'(?si)^\s*(\w+)\s*:\s*(?:use\s+)?(?:entity\s+)?(\w+\.)?{}(\s*\(\s*\w+\s*\))?\s+(port|generic)'.format(mname) p = re.compile(re_str,re.MULTILINE) for fn in vhdl_module.list_module_files[projname]: with open(fn) as f: txt = f.read() if mname in txt: for m in re.finditer(p,txt): cnt+=1 lineno = txt.count("\n",0,m.start()+1)+1 res = (m.groups()[0].strip(),lineno) if fn not in inst_dict: inst_dict[fn] = [res] else: inst_dict[fn].append(res) if inst_dict: v = sublime.active_window().new_file() v.set_name(mname + ' Instances') v.set_syntax_file('Packages/Smart VHDL/Find Results VHDL.hidden-tmLanguage') v.settings().set("result_file_regex", r"^(.+):$") v.settings().set("result_line_regex", r"\(line: (\d+)\)$") v.set_scratch(True) txt = mname + ': %0d instances.\n\n' %(cnt) for (name,il) in inst_dict.items(): txt += name + ':\n' for i in il: txt += ' - {0} (line: {1})\n'.format(i[0].strip(),i[1]) txt += '\n' v.run_command('insert_snippet',{'contents':str(txt)}) else : sublime.status_message("[VHDL] No instance found !")
[ 1, 515, 4770, 29888, 9130, 1649, 1053, 8380, 29918, 5215, 13, 13, 5215, 1014, 28046, 29892, 1014, 28046, 29918, 8582, 13, 5215, 337, 29892, 1347, 29892, 2897, 29892, 10876, 29892, 2090, 312, 8789, 29892, 286, 1958, 29892, 282, 2158, 29892, 2411, 29892, 3244, 292, 13, 3166, 16250, 1053, 315, 5336, 13, 3166, 715, 391, 1982, 1053, 1303, 29925, 1761, 4591, 11207, 13, 13, 2202, 29901, 13, 1678, 515, 869, 1053, 325, 29882, 11671, 29918, 5453, 13, 1678, 515, 869, 4422, 1053, 325, 29882, 11671, 29918, 4422, 13, 1678, 515, 869, 4422, 1053, 1014, 28046, 29918, 4422, 13, 1678, 515, 869, 2780, 29918, 816, 2004, 29918, 4422, 1053, 380, 29918, 2780, 29918, 816, 2004, 29918, 4352, 261, 13, 1678, 515, 869, 2780, 29918, 816, 2004, 29918, 4422, 1053, 24979, 13, 19499, 16032, 2392, 29901, 13, 1678, 10876, 29889, 2084, 29889, 4397, 29898, 359, 29889, 2084, 29889, 7122, 29898, 359, 29889, 2084, 29889, 25721, 22168, 1445, 1649, 511, 376, 4422, 5783, 13, 1678, 1053, 325, 29882, 11671, 29918, 4422, 13, 1678, 1053, 1014, 28046, 29918, 4422, 13, 1678, 10876, 29889, 2084, 29889, 4397, 29898, 359, 29889, 2084, 29889, 7122, 29898, 359, 29889, 2084, 29889, 25721, 22168, 1445, 1649, 511, 376, 2780, 29918, 816, 2004, 29918, 4422, 5783, 13, 1678, 1053, 380, 29918, 2780, 29918, 816, 2004, 29918, 4352, 261, 13, 1678, 1053, 24979, 13, 13, 13383, 13383, 13383, 13383, 7346, 4136, 13, 29937, 10886, 13, 10154, 12632, 29918, 4268, 353, 6629, 13, 10154, 12632, 29918, 15581, 353, 29871, 29900, 13, 4294, 29918, 999, 353, 5852, 13, 13, 1753, 7079, 29918, 15638, 7295, 13, 1678, 2411, 29889, 28120, 29898, 29894, 29882, 11671, 29918, 4422, 29897, 13, 1678, 2411, 29889, 28120, 29898, 1491, 28046, 29918, 4422, 29897, 13, 1678, 2411, 29889, 28120, 29898, 303, 29918, 2780, 29918, 816, 2004, 29918, 4352, 261, 29897, 13, 1678, 396, 22521, 545, 278, 24583, 6055, 526, 6284, 337, 15638, 746, 3939, 13, 1678, 5534, 758, 29888, 29918, 11027, 13, 1678, 758, 29888, 29918, 11027, 353, 1014, 28046, 29889, 1359, 29918, 11027, 877, 22173, 29889, 1491, 28046, 29899, 11027, 1495, 13, 1678, 758, 29888, 29918, 11027, 29889, 8551, 29918, 265, 29918, 3167, 877, 28120, 1495, 13, 1678, 758, 29888, 29918, 11027, 29889, 1202, 29918, 265, 29918, 3167, 877, 28120, 742, 8582, 29918, 15638, 29897, 13, 1678, 396, 22521, 545, 278, 478, 29950, 19558, 6055, 526, 6284, 337, 15638, 746, 3939, 13, 1678, 5534, 325, 29882, 11671, 29918, 11027, 13, 1678, 325, 29882, 11671, 29918, 11027, 353, 1014, 28046, 29889, 1359, 29918, 11027, 877, 29963, 29950, 19558, 29889, 1491, 28046, 29899, 11027, 1495, 13, 1678, 325, 29882, 11671, 29918, 11027, 29889, 8551, 29918, 265, 29918, 3167, 877, 28120, 1495, 13, 1678, 325, 29882, 11671, 29918, 11027, 29889, 1202, 29918, 265, 29918, 3167, 877, 28120, 742, 8582, 29918, 15638, 29897, 13, 1678, 5534, 5780, 12632, 29918, 15581, 13, 1678, 565, 325, 29882, 11671, 29918, 11027, 29889, 657, 877, 29894, 29882, 11671, 29889, 10154, 12632, 29918, 11458, 29918, 265, 29918, 11631, 742, 5574, 1125, 13, 4706, 5780, 12632, 29918, 15581, 353, 1014, 28046, 29889, 29950, 22027, 29918, 1164, 29918, 6720, 17171, 29918, 6720, 12064, 29918, 29909, 12982, 29979, 13, 1678, 1683, 29901, 13, 4706, 5780, 12632, 29918, 15581, 353, 29871, 29900, 13, 1678, 5534, 1510, 29918, 999, 13, 1678, 1510, 29918, 999, 353, 938, 29898, 1491, 28046, 29889, 3259, 3101, 6736, 29871, 29941, 29896, 29946, 29945, 322, 325, 29882, 11671, 29918, 11027, 29889, 657, 877, 29894, 29882, 11671, 29889, 10154, 12632, 29918, 4294, 29918, 24539, 742, 5574, 29897, 13, 1678, 2069, 29918, 4268, 580, 13, 13, 1753, 2069, 29918, 4268, 7295, 13, 1678, 5534, 5780, 12632, 29918, 4268, 13, 1678, 11380, 353, 380, 29918, 2780, 29918, 816, 2004, 29918, 4352, 261, 29889, 3306, 4504, 2004, 9652, 261, 29898, 29886, 999, 29918, 11027, 29889, 657, 877, 2780, 29918, 816, 2004, 8785, 13, 1678, 25989, 353, 11380, 29889, 657, 29918, 18732, 29918, 2780, 877, 7042, 1495, 13, 1678, 285, 29887, 353, 11380, 29889, 657, 29918, 18732, 29918, 2780, 877, 1454, 18128, 1495, 13, 1678, 396, 6204, 3239, 322, 5139, 2927, 2729, 373, 278, 3239, 2927, 13, 1678, 25989, 29918, 23973, 353, 24979, 29889, 29934, 29954, 5688, 29898, 16264, 29897, 13, 1678, 565, 25989, 29918, 23973, 29889, 29890, 1405, 29871, 29896, 29906, 29947, 29901, 13, 4706, 25989, 10922, 353, 25989, 29918, 23973, 29889, 29890, 448, 29871, 29900, 29916, 29941, 29941, 13, 4706, 25989, 8434, 353, 25989, 29918, 23973, 29889, 29890, 448, 29871, 29900, 29916, 29906, 29900, 13, 1678, 1683, 29901, 13, 4706, 25989, 10922, 353, 25989, 29918, 23973, 29889, 29890, 718, 29871, 29900, 29916, 29941, 29941, 13, 4706, 25989, 8434, 353, 25989, 29918, 23973, 29889, 29890, 718, 29871, 29900, 29916, 29906, 29900, 13, 1678, 565, 25989, 29918, 23973, 29889, 29887, 1405, 29871, 29896, 29906, 29947, 29901, 13, 4706, 25989, 10922, 4619, 313, 16264, 29918, 23973, 29889, 29887, 448, 29871, 29900, 29916, 29941, 29941, 29897, 9314, 29947, 13, 4706, 25989, 8434, 4619, 313, 16264, 29918, 23973, 29889, 29887, 448, 29871, 29900, 29916, 29906, 29900, 29897, 9314, 29947, 13, 1678, 1683, 29901, 13, 4706, 25989, 10922, 4619, 313, 16264, 29918, 23973, 29889, 29887, 718, 29871, 29900, 29916, 29941, 29941, 29897, 9314, 29947, 13, 4706, 25989, 8434, 4619, 313, 16264, 29918, 23973, 29889, 29887, 718, 29871, 29900, 29916, 29906, 29900, 29897, 9314, 29947, 13, 1678, 565, 25989, 29918, 23973, 29889, 29878, 1405, 29871, 29896, 29906, 29947, 29901, 13, 4706, 25989, 10922, 4619, 313, 16264, 29918, 23973, 29889, 29878, 448, 29871, 29900, 29916, 29941, 29941, 29897, 9314, 29896, 29953, 13, 4706, 25989, 8434, 4619, 313, 16264, 29918, 23973, 29889, 29878, 448, 29871, 29900, 29916, 29906, 29900, 29897, 9314, 29896, 29953, 13, 1678, 1683, 29901, 13, 4706, 25989, 10922, 4619, 313, 16264, 29918, 23973, 29889, 29878, 718, 29871, 29900, 29916, 29941, 29941, 29897, 9314, 29896, 29953, 13, 4706, 25989, 8434, 4619, 313, 16264, 29918, 23973, 29889, 29878, 718, 29871, 29900, 29916, 29906, 29900, 29897, 9314, 29896, 29953, 13, 1678, 5780, 12632, 29918, 4268, 353, 525, 1420, 8620, 3239, 29899, 2780, 29901, 24037, 16264, 29901, 29900, 29953, 29916, 3400, 2927, 29901, 426, 16434, 3400, 500, 1012, 29876, 4286, 4830, 29898, 16264, 29922, 16264, 10922, 29892, 285, 29887, 29922, 16434, 29897, 13, 1678, 5780, 12632, 29918, 4268, 23661, 525, 2587, 8620, 3239, 29899, 2780, 29901, 24037, 16264, 29901, 29900, 29953, 29916, 3400, 5906, 29901, 29871, 29896, 1756, 29936, 4079, 29899, 2311, 29901, 29871, 29896, 331, 29936, 500, 1012, 29876, 4286, 4830, 29898, 16264, 29922, 16264, 8434, 29897, 13, 1678, 5780, 12632, 29918, 4268, 23661, 525, 29886, 426, 12791, 29899, 1563, 29901, 29871, 29900, 29889, 29953, 331, 29936, 1012, 29876, 29915, 13, 1678, 5780, 12632, 29918, 4268, 23661, 15300, 3051, 426, 9264, 29901, 29871, 29900, 29889, 29947, 331, 29936, 1012, 29876, 29915, 13, 1678, 5780, 12632, 29918, 4268, 23661, 525, 29882, 29896, 426, 5657, 29899, 2311, 29901, 29871, 29896, 29889, 29900, 1745, 29936, 5657, 29899, 7915, 29901, 14288, 29936, 5906, 29901, 29871, 29900, 29871, 29900, 29871, 29900, 29889, 29906, 29945, 331, 29871, 29900, 29936, 1012, 29876, 29915, 13, 1678, 5780, 12632, 29918, 4268, 23661, 525, 29874, 8620, 2780, 29901, 426, 29883, 3400, 4229, 29876, 4286, 4830, 29898, 29883, 29922, 16434, 29897, 13, 1678, 5780, 12632, 29918, 4268, 23661, 15300, 26766, 8620, 2780, 29901, 426, 29883, 3400, 4229, 29876, 4286, 4830, 29898, 29883, 29922, 816, 2004, 29889, 657, 29918, 2780, 877, 26766, 8785, 13, 1678, 5780, 12632, 29918, 4268, 23661, 15300, 5924, 8620, 2780, 29901, 426, 29883, 3400, 4229, 29876, 4286, 4830, 29898, 29883, 29922, 816, 2004, 29889, 657, 29918, 2780, 877, 5924, 8785, 13, 1678, 5780, 12632, 29918, 4268, 23661, 15300, 12925, 8620, 2780, 29901, 426, 29883, 3400, 4229, 29876, 4286, 4830, 29898, 29883, 29922, 816, 2004, 29889, 657, 29918, 2780, 877, 12925, 8785, 13, 1678, 5780, 12632, 29918, 4268, 23661, 15300, 2220, 8620, 2780, 29901, 426, 29883, 3400, 4229, 29876, 4286, 4830, 29898, 29883, 29922, 816, 2004, 29889, 657, 29918, 2780, 877, 5924, 29889, 2220, 8785, 13, 1678, 5780, 12632, 29918, 4268, 23661, 15300, 10041, 8620, 2780, 29901, 426, 29883, 3400, 4229, 29876, 4286, 4830, 29898, 29883, 29922, 816, 2004, 29889, 657, 29918, 2780, 877, 10041, 8785, 13, 1678, 5780, 12632, 29918, 4268, 23661, 15300, 6891, 8620, 2780, 29901, 426, 29883, 3400, 4229, 29876, 4286, 4830, 29898, 29883, 29922, 816, 2004, 29889, 657, 29918, 2780, 877, 26766, 29889, 6891, 8785, 13, 1678, 5780, 12632, 29918, 4268, 23661, 15300, 21574, 8620, 2780, 29901, 426, 29883, 3400, 4229, 29876, 4286, 4830, 29898, 29883, 29922, 816, 2004, 29889, 657, 29918, 2780, 877, 23362, 29889, 21574, 8785, 13, 1678, 5780, 12632, 29918, 4268, 23661, 15300, 1807, 8620, 2780, 29901, 426, 29883, 3400, 4229, 29876, 4286, 4830, 29898, 29883, 29922, 816, 2004, 29889, 657, 29918, 2780, 877, 1807, 8785, 13, 1678, 5780, 12632, 29918, 4268, 23661, 15300, 17833, 29899, 3888, 426, 5657, 29899, 2311, 29901, 29871, 29900, 29889, 29929, 331, 29936, 17704, 29876, 29915, 13, 1678, 5780, 12632, 29918, 4268, 23661, 15300, 999, 29918, 4965, 426, 5657, 29899, 2311, 29901, 29871, 29900, 29889, 29929, 331, 29936, 2927, 29901, 396, 29900, 29900, 29947, 29900, 29928, 29900, 29936, 7164, 29899, 1563, 29901, 29871, 29900, 29889, 29953, 331, 1012, 29876, 29915, 13, 13, 13, 13383, 13383, 13383, 13383, 7346, 4136, 13, 14035, 29879, 29918, 265, 29918, 1359, 353, 6571, 13, 13, 1990, 1798, 26140, 2951, 5896, 12825, 29898, 1491, 28046, 29918, 8582, 29889, 12825, 1125, 13, 1678, 396, 3037, 839, 746, 263, 934, 338, 7743, 8363, 29889, 13, 1678, 822, 373, 29918, 1359, 29918, 12674, 29898, 1311, 29892, 1776, 1125, 13, 4706, 5534, 6939, 29879, 29918, 265, 29918, 1359, 13, 4706, 565, 1776, 29889, 1445, 29918, 978, 580, 297, 6939, 29879, 29918, 265, 29918, 1359, 29901, 13, 9651, 6939, 29879, 29918, 265, 29918, 1359, 29961, 1493, 29889, 1445, 29918, 978, 580, 29962, 580, 13, 9651, 628, 6939, 29879, 29918, 265, 29918, 1359, 29961, 1493, 29889, 1445, 29918, 978, 580, 29962, 13, 13, 13383, 13383, 13383, 13383, 7346, 4136, 13, 29937, 17440, 1134, 310, 278, 7182, 29914, 11918, 1090, 278, 10677, 964, 278, 4660, 2594, 396, 13, 13, 29937, 6864, 373, 29950, 957, 304, 2479, 278, 18218, 13, 1990, 478, 29882, 11671, 8964, 1542, 29950, 957, 29898, 1491, 28046, 29918, 8582, 29889, 12825, 1125, 13, 1678, 822, 373, 29918, 13194, 29898, 1311, 29892, 1776, 29892, 1298, 29892, 16758, 29918, 8028, 1125, 13, 4706, 396, 6977, 786, 871, 373, 1426, 13, 4706, 565, 16758, 29918, 8028, 2804, 1014, 28046, 29889, 8187, 5348, 29918, 16975, 29901, 13, 9651, 736, 13, 4706, 396, 5399, 934, 2159, 304, 2984, 29876, 14997, 11262, 278, 4682, 313, 2886, 292, 278, 2472, 508, 367, 3755, 1472, 29897, 13, 4706, 16897, 353, 1776, 29889, 11027, 2141, 657, 877, 29894, 29882, 11671, 29889, 13194, 29918, 3317, 29918, 2311, 742, 29899, 29896, 29897, 13, 4706, 565, 1776, 29889, 2311, 580, 1405, 16897, 322, 16897, 29991, 10457, 29896, 584, 13, 9651, 736, 13, 4706, 396, 9333, 1510, 263, 18218, 363, 325, 29882, 11671, 29892, 746, 451, 297, 263, 1347, 310, 263, 3440, 13, 4706, 6874, 353, 1776, 29889, 6078, 29918, 978, 29898, 3149, 29897, 13, 4706, 565, 525, 4993, 29889, 29894, 29882, 11671, 29915, 451, 297, 6874, 29901, 13, 9651, 736, 13, 4706, 565, 738, 29898, 29893, 297, 6874, 363, 281, 297, 6024, 9342, 742, 525, 1807, 742, 525, 26766, 2033, 1125, 13, 9651, 736, 13, 4706, 18218, 353, 478, 29882, 11671, 1542, 12310, 786, 29898, 1493, 29897, 13, 4706, 1014, 28046, 29889, 842, 29918, 15619, 29918, 12674, 29898, 2892, 364, 29922, 1493, 29889, 1742, 29898, 3149, 511, 282, 29922, 3149, 29901, 18218, 29889, 4294, 29898, 29878, 29892, 29886, 876, 13, 13, 1990, 478, 29882, 11671, 1542, 12310, 786, 584, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 1493, 1125, 13, 4706, 1583, 29889, 1493, 353, 1776, 13, 13, 1678, 822, 1510, 29898, 1311, 29892, 12803, 29892, 5479, 1125, 13, 4706, 396, 960, 3078, 338, 4629, 7985, 9262, 304, 1734, 13, 4706, 565, 5120, 29889, 6310, 580, 584, 13, 9651, 5120, 353, 1583, 29889, 1493, 29889, 1742, 29898, 12803, 29897, 13, 4706, 396, 8561, 1854, 263, 3353, 1734, 338, 4629, 13, 4706, 25342, 313, 1311, 29889, 1493, 29889, 1990, 1598, 29898, 12803, 29889, 29874, 29897, 669, 1014, 28046, 29889, 13875, 1799, 29918, 17013, 29918, 25826, 29897, 1360, 29900, 470, 313, 1311, 29889, 1493, 29889, 1990, 1598, 29898, 12803, 29889, 29890, 29897, 669, 1014, 28046, 29889, 13875, 1799, 29918, 17013, 29918, 11794, 29897, 1360, 29900, 29901, 13, 9651, 565, 313, 1311, 29889, 1493, 29889, 1990, 1598, 29898, 12803, 29889, 29874, 29897, 669, 1014, 28046, 29889, 13875, 1799, 29918, 17013, 29918, 25826, 29897, 1360, 29900, 29901, 13, 18884, 5120, 29889, 29874, 353, 1583, 29889, 1493, 29889, 2886, 29918, 1609, 29918, 1990, 29898, 12803, 29889, 29874, 29892, 8824, 29892, 1491, 28046, 29889, 13875, 1799, 29918, 17013, 29918, 25826, 29897, 13, 9651, 565, 313, 1311, 29889, 1493, 29889, 1990, 1598, 29898, 12803, 29889, 29890, 29897, 669, 1014, 28046, 29889, 13875, 1799, 29918, 17013, 29918, 11794, 29897, 1360, 29900, 29901, 13, 18884, 5120, 29889, 29890, 353, 1583, 29889, 1493, 29889, 2886, 29918, 1609, 29918, 1990, 29898, 12803, 29889, 29890, 29892, 5574, 29892, 1491, 28046, 29889, 13875, 1799, 29918, 17013, 29918, 11794, 29897, 13, 4706, 325, 353, 1583, 29889, 1493, 29889, 27790, 29898, 12803, 29897, 13, 4706, 396, 7135, 373, 2854, 1734, 871, 13, 4706, 565, 451, 337, 29889, 4352, 29898, 29878, 29915, 29985, 29961, 29909, 29899, 29999, 29874, 29899, 29920, 29918, 10725, 29893, 29394, 742, 29894, 1125, 13, 9651, 736, 13, 4706, 396, 13, 4706, 269, 29892, 2034, 353, 1583, 29889, 657, 29918, 1853, 29898, 29894, 29892, 12803, 29897, 13, 4706, 565, 451, 269, 29901, 13, 9651, 1014, 28046, 29889, 4882, 29918, 4906, 877, 3782, 5023, 1476, 363, 525, 718, 325, 29897, 13, 4706, 1683, 584, 13, 9651, 269, 353, 1583, 29889, 2780, 29918, 710, 29898, 29879, 29892, 5574, 29892, 2034, 29897, 13, 9651, 269, 353, 12801, 3293, 26208, 4268, 16040, 3293, 5299, 4563, 770, 543, 3051, 1013, 29912, 3945, 16040, 4563, 29958, 4286, 4830, 29898, 4268, 29922, 10154, 12632, 29918, 4268, 29892, 13872, 29922, 29879, 29897, 13, 9651, 1583, 29889, 1493, 29889, 4294, 29918, 7323, 786, 29898, 29879, 29892, 5479, 29922, 5479, 29892, 13449, 29922, 10154, 12632, 29918, 15581, 29892, 4236, 29918, 2103, 29922, 29945, 29900, 29900, 29892, 373, 29918, 29876, 3723, 403, 29922, 1311, 29889, 265, 29918, 29876, 3723, 403, 29897, 13, 13, 1678, 822, 679, 29918, 1853, 29898, 1311, 29892, 1707, 29918, 978, 29892, 12803, 1125, 13, 4706, 6874, 353, 1583, 29889, 1493, 29889, 6078, 29918, 978, 29898, 12803, 29889, 29874, 29897, 13, 4706, 19538, 353, 6213, 13, 4706, 13872, 353, 6629, 13, 4706, 565, 525, 11918, 29889, 15501, 29889, 637, 29915, 297, 6874, 29901, 13, 9651, 565, 525, 7299, 29889, 1271, 29889, 10041, 29918, 2611, 3656, 362, 29915, 297, 6874, 29901, 13, 18884, 364, 29918, 2611, 353, 1014, 28046, 29918, 4422, 29889, 18837, 29918, 517, 29918, 6078, 29898, 1311, 29889, 1493, 5501, 7299, 29889, 1271, 29889, 10041, 29918, 2611, 3656, 362, 742, 12803, 29897, 13, 9651, 25342, 525, 7299, 29889, 1271, 29889, 9700, 29918, 2611, 3656, 362, 29915, 297, 6874, 29901, 13, 18884, 364, 29918, 2611, 353, 1014, 28046, 29918, 4422, 29889, 18837, 29918, 517, 29918, 6078, 29898, 1311, 29889, 1493, 5501, 7299, 29889, 1271, 29889, 9700, 29918, 2611, 3656, 362, 742, 12803, 29897, 13, 9651, 832, 29918, 3945, 353, 1583, 29889, 1493, 29889, 27790, 29898, 29878, 29918, 2611, 29897, 13, 9651, 286, 353, 337, 29889, 4478, 29898, 29878, 29915, 10780, 1039, 5033, 29973, 5919, 29973, 29925, 29966, 6078, 14247, 29893, 29974, 2144, 1846, 29973, 10780, 29925, 29966, 29885, 978, 14247, 29893, 29974, 2144, 29879, 29974, 10780, 29901, 637, 29989, 19206, 29897, 742, 2611, 29918, 3945, 29897, 13, 9651, 565, 286, 29901, 13, 18884, 337, 29918, 710, 353, 364, 29915, 10780, 1039, 5033, 29973, 29925, 29966, 1853, 29958, 9700, 29989, 10041, 2144, 29879, 29974, 10780, 29925, 29966, 978, 16299, 29974, 29885, 29889, 2972, 877, 29885, 978, 1495, 29974, 29878, 1495, 29905, 29879, 29974, 275, 29905, 29879, 29974, 10780, 29925, 29966, 3051, 29958, 5575, 29973, 2144, 29890, 355, 29905, 29879, 29974, 3552, 29973, 29925, 29922, 1853, 10531, 10780, 29925, 29922, 978, 876, 29915, 13, 18884, 5235, 353, 1014, 28046, 29918, 4422, 29889, 20401, 29918, 18098, 29898, 1311, 29889, 1493, 29892, 29885, 29889, 2972, 877, 29885, 978, 5477, 276, 29918, 710, 29897, 13, 18884, 396, 1596, 877, 2290, 6571, 297, 3883, 6571, 3342, 297, 6571, 4286, 4830, 29898, 1707, 29918, 978, 29892, 29885, 29889, 2972, 877, 29885, 978, 5477, 3888, 876, 13, 18884, 396, 14402, 29901, 4386, 4163, 13, 18884, 565, 5235, 1839, 4352, 2033, 29901, 13, 462, 1678, 19538, 353, 325, 29882, 11671, 29918, 4422, 29889, 657, 29918, 1853, 29918, 3888, 29898, 3888, 1839, 4352, 13359, 2972, 877, 3051, 5477, 1707, 29918, 978, 29897, 13, 462, 1678, 565, 19538, 29901, 13, 462, 4706, 13872, 353, 19538, 1839, 27787, 2033, 13, 4706, 1683, 584, 13, 9651, 396, 16280, 363, 263, 7182, 29914, 11918, 12029, 297, 1857, 934, 13, 9651, 3454, 353, 1583, 29889, 1493, 29889, 27790, 29898, 1491, 28046, 29889, 18457, 29898, 29900, 29892, 1583, 29889, 1493, 29889, 1220, 29898, 12803, 467, 29890, 876, 13, 9651, 19538, 353, 325, 29882, 11671, 29918, 4422, 29889, 657, 29918, 1853, 29918, 3888, 29898, 9012, 29892, 1707, 29918, 978, 29897, 13, 9651, 565, 19538, 29901, 13, 18884, 13872, 353, 19538, 1839, 27787, 2033, 13, 4706, 736, 13872, 29892, 2034, 13, 13, 1678, 822, 2927, 29918, 710, 29898, 1311, 29892, 29879, 29892, 788, 6595, 29922, 8824, 29892, 19538, 29918, 1707, 29922, 8516, 1125, 13, 4706, 396, 26178, 599, 1426, 297, 1734, 29892, 4266, 2931, 29892, 2913, 322, 1196, 736, 13, 4706, 3838, 353, 337, 29889, 2886, 497, 29898, 29878, 26732, 29893, 29974, 29989, 29961, 3823, 29893, 29905, 29879, 29962, 4295, 29879, 29974, 613, 269, 29897, 13, 4706, 396, 1596, 877, 1231, 353, 29850, 5038, 320, 29876, 26178, 1149, 6571, 4286, 4830, 29898, 29879, 29892, 9303, 876, 13, 4706, 396, 1596, 29898, 2034, 29918, 1707, 29897, 13, 4706, 528, 353, 6629, 13, 4706, 22645, 29918, 1853, 353, 448, 29896, 13, 4706, 1544, 353, 6629, 13, 4706, 565, 3838, 29961, 29900, 1822, 13609, 580, 297, 6024, 25436, 3788, 11918, 3788, 23362, 2033, 29901, 13, 9651, 22645, 29918, 1853, 353, 29871, 29953, 13, 9651, 1544, 353, 525, 16652, 1964, 28312, 6177, 8875, 4286, 4830, 29898, 9303, 29961, 29900, 1402, 9303, 29961, 29906, 2314, 13, 4706, 25342, 3838, 29961, 29900, 29962, 297, 6024, 637, 2033, 29901, 13, 9651, 22645, 29918, 1853, 353, 29871, 29947, 13, 9651, 1544, 353, 525, 16652, 1964, 28312, 6177, 8875, 4286, 4830, 29898, 9303, 29961, 29900, 1402, 9303, 29961, 29906, 2314, 13, 4706, 25342, 19538, 29918, 1707, 322, 19538, 29918, 1707, 1839, 4039, 2033, 1360, 29915, 19206, 2396, 13, 9651, 22645, 29918, 1853, 353, 29871, 29946, 13, 9651, 528, 29974, 2433, 29966, 9653, 770, 543, 26766, 1013, 19206, 829, 9653, 29958, 525, 13, 9651, 1544, 353, 525, 16652, 1964, 28312, 6177, 8875, 4286, 4830, 29898, 9303, 29961, 29900, 1402, 9303, 29961, 29906, 2314, 13, 4706, 363, 474, 29892, 29893, 297, 26985, 29898, 9303, 1125, 13, 9651, 396, 5399, 363, 13553, 13, 9651, 565, 281, 29889, 13609, 580, 297, 6024, 25436, 3788, 11918, 3788, 23362, 3788, 637, 3788, 2378, 3788, 3204, 517, 3788, 21245, 29877, 3788, 974, 3788, 262, 3788, 449, 3788, 262, 449, 2033, 29901, 13, 18884, 528, 29974, 2433, 29966, 9653, 770, 543, 26766, 1013, 29912, 29900, 16040, 9653, 29958, 4286, 4830, 29898, 29893, 29897, 13, 9651, 25342, 281, 297, 518, 2396, 3788, 29899, 3788, 29974, 3788, 29922, 2033, 29901, 13, 18884, 528, 29974, 2433, 29966, 9653, 770, 543, 6891, 1013, 29912, 29900, 16040, 9653, 29958, 4286, 4830, 29898, 29893, 29897, 13, 9651, 25342, 337, 29889, 4352, 29898, 29878, 12764, 29881, 29974, 742, 29893, 1125, 13, 18884, 528, 29974, 2433, 29966, 9653, 770, 543, 21574, 1013, 29912, 29900, 16040, 9653, 29958, 4286, 4830, 29898, 29893, 29897, 13, 9651, 396, 5167, 13, 9651, 25342, 474, 1360, 13140, 29918, 1853, 29901, 13, 18884, 528, 29974, 2433, 29966, 9653, 770, 543, 12925, 1013, 29912, 29900, 16040, 9653, 29958, 4286, 4830, 29898, 29893, 29897, 13, 9651, 396, 28736, 1024, 13, 9651, 25342, 788, 6595, 322, 19538, 29918, 1707, 322, 1544, 322, 281, 1360, 2034, 29918, 1707, 1839, 978, 2033, 29901, 13, 18884, 528, 29974, 2433, 29966, 29874, 2822, 543, 8875, 1013, 8875, 829, 29874, 29958, 4286, 4830, 29898, 2324, 29892, 29893, 29897, 13, 9651, 396, 853, 5203, 3838, 29914, 3090, 21706, 1149, 3509, 408, 29899, 275, 13, 9651, 25342, 451, 281, 29889, 17010, 580, 584, 13, 18884, 528, 4619, 525, 525, 13, 9651, 396, 4367, 24551, 2999, 8162, 304, 925, 697, 13, 9651, 1683, 584, 13, 18884, 528, 4619, 281, 13, 13, 4706, 736, 528, 13, 13, 1678, 822, 373, 29918, 29876, 3723, 403, 29898, 1311, 29892, 2822, 1125, 13, 4706, 2822, 29918, 29879, 353, 2822, 29889, 5451, 877, 29992, 1495, 13, 4706, 565, 2822, 29918, 29879, 29961, 29900, 29962, 1275, 525, 16652, 1964, 2396, 13, 9651, 16904, 353, 2822, 29918, 29879, 29961, 29896, 1822, 5451, 877, 29901, 1495, 13, 9651, 565, 16904, 29961, 29900, 29962, 1275, 525, 637, 29915, 584, 13, 18884, 269, 353, 364, 29915, 10780, 1039, 2144, 29890, 29912, 1012, 29890, 29898, 29892, 7110, 29893, 29905, 29879, 29892, 10062, 6877, 29905, 29879, 29930, 3583, 29879, 16395, 262, 29989, 449, 29897, 4286, 4830, 29898, 5652, 29961, 29896, 2314, 13, 9651, 1683, 584, 13, 18884, 269, 353, 364, 29915, 10780, 1039, 4887, 29961, 320, 29873, 14178, 29912, 1012, 29879, 29974, 7110, 29893, 29905, 29879, 29892, 14178, 29905, 29890, 29912, 1012, 29890, 4286, 4830, 29898, 5652, 29961, 29900, 1402, 5652, 29961, 29896, 2314, 13, 9651, 364, 353, 1583, 29889, 1493, 29889, 2886, 29898, 29879, 29892, 29900, 29892, 1014, 28046, 29889, 6259, 6632, 1525, 23487, 29897, 13, 9651, 565, 364, 29901, 13, 18884, 1014, 28046, 29918, 4422, 29889, 11631, 29918, 18127, 29898, 1311, 29889, 1493, 29892, 29878, 29889, 29874, 29897, 13, 4706, 1683, 584, 13, 9651, 325, 353, 1583, 29889, 1493, 29889, 7165, 2141, 3150, 29918, 1445, 29898, 12653, 29918, 29879, 29961, 29896, 1402, 1014, 28046, 29889, 1430, 16524, 29928, 29918, 24815, 22122, 29897, 13, 13, 13, 13383, 13383, 13383, 13383, 7346, 4136, 13, 29937, 6162, 546, 740, 304, 10563, 1857, 3883, 1024, 2729, 373, 10677, 2602, 396, 13, 13, 1753, 679, 7355, 1170, 29898, 1493, 1125, 13, 1678, 364, 353, 1776, 29889, 2838, 580, 29961, 29900, 29962, 13, 1678, 396, 2812, 2349, 9262, 1577, 679, 1857, 3883, 1024, 13, 1678, 565, 364, 29889, 6310, 7295, 13, 4706, 337, 29918, 710, 353, 364, 29915, 10780, 275, 4887, 29961, 320, 29873, 14178, 10780, 29901, 10041, 29989, 25428, 29905, 29879, 3124, 29893, 3124, 29879, 29974, 974, 2144, 29879, 29974, 1194, 29893, 3124, 29890, 16029, 13, 4706, 286, 978, 353, 1014, 28046, 29918, 4422, 29889, 2886, 29918, 11291, 342, 29898, 1493, 29892, 29878, 29892, 276, 29918, 710, 29897, 13, 1678, 1683, 29901, 13, 4706, 286, 978, 353, 1776, 29889, 27790, 29898, 29878, 29897, 13, 1678, 736, 286, 978, 13, 13, 13383, 13383, 13383, 7346, 4136, 2277, 29937, 13, 29937, 6204, 263, 716, 6835, 6445, 278, 21277, 310, 1857, 3883, 396, 13, 29882, 631, 12040, 3401, 353, 11117, 8977, 2396, 29912, 1118, 525, 1493, 2396, 8516, 5501, 29888, 978, 22099, 742, 525, 978, 2396, 4907, 29913, 13, 29882, 631, 12040, 1043, 353, 6213, 13, 13, 1990, 478, 29882, 11671, 8964, 29950, 631, 12040, 6255, 29898, 1491, 28046, 29918, 8582, 29889, 1626, 6255, 1125, 13, 13, 1678, 822, 1065, 29898, 1311, 29892, 5628, 1125, 13, 4706, 286, 978, 353, 679, 7355, 1170, 29898, 1311, 29889, 1493, 29897, 13, 4706, 565, 451, 286, 978, 29901, 13, 9651, 1596, 877, 29961, 29963, 29950, 19558, 29889, 15466, 29962, 1939, 7855, 29914, 25428, 1476, 1738, 1495, 13, 9651, 736, 13, 4706, 13872, 353, 1583, 29889, 1493, 29889, 27790, 29898, 1491, 28046, 29889, 18457, 29898, 29900, 29892, 1583, 29889, 1493, 29889, 2311, 22130, 13, 4706, 832, 29918, 29880, 353, 325, 29882, 11671, 29918, 4422, 29889, 657, 29918, 2611, 29918, 1761, 29898, 3945, 29892, 29885, 978, 29897, 13, 4706, 565, 451, 832, 29918, 29880, 29901, 13, 9651, 1596, 877, 29961, 29963, 29950, 19558, 29889, 15466, 29962, 1939, 21277, 1476, 1738, 1495, 13, 9651, 736, 13, 4706, 1014, 28046, 29889, 4882, 29918, 4906, 703, 8964, 12433, 12040, 508, 2125, 777, 931, 29892, 3113, 4480, 2023, 1159, 13, 4706, 1014, 28046, 29889, 842, 29918, 15619, 29918, 12674, 29898, 2892, 832, 29918, 29880, 29922, 2611, 29918, 29880, 29892, 281, 29922, 1311, 29889, 1493, 29889, 7165, 3285, 286, 978, 29922, 29885, 978, 584, 1583, 29889, 4294, 29950, 631, 12040, 29898, 29893, 29892, 2611, 29918, 29880, 29892, 29885, 978, 876, 13, 13, 1678, 822, 1510, 29950, 631, 12040, 29898, 1311, 29892, 29893, 29892, 2611, 29918, 29880, 29892, 29885, 978, 1125, 13, 4706, 396, 16913, 5235, 297, 5534, 363, 2678, 2130, 13, 4706, 5534, 21277, 3401, 13, 4706, 21277, 3401, 1839, 8977, 2033, 353, 6571, 13, 4706, 21277, 3401, 1839, 1493, 2033, 353, 1583, 29889, 1493, 13, 4706, 21277, 3401, 1839, 29888, 978, 2033, 353, 1583, 29889, 1493, 29889, 1445, 29918, 978, 580, 13, 4706, 21277, 3401, 1839, 978, 2033, 353, 286, 978, 13, 4706, 396, 6204, 360, 2463, 29876, 653, 988, 1269, 1134, 338, 6942, 411, 263, 1051, 310, 18761, 313, 8758, 1134, 29892, 2777, 1024, 29897, 13, 4706, 1583, 29889, 29881, 353, 6571, 13, 4706, 1583, 29889, 29881, 29961, 29885, 978, 29962, 353, 832, 29918, 29880, 13, 4706, 1583, 29889, 348, 9778, 1490, 353, 5159, 13, 4706, 1583, 29889, 9700, 353, 5159, 13, 4706, 619, 353, 1051, 29898, 842, 29898, 2611, 29918, 29880, 876, 13, 4706, 1550, 619, 29901, 13, 9651, 619, 29918, 4622, 353, 5159, 13, 9651, 363, 474, 297, 619, 29901, 13, 18884, 832, 29918, 1853, 353, 474, 29961, 29896, 29962, 13, 18884, 565, 832, 29918, 1853, 451, 297, 21277, 3401, 1839, 8977, 13359, 8149, 580, 322, 832, 29918, 1853, 451, 297, 1583, 29889, 9700, 29901, 13, 462, 1678, 934, 1761, 353, 281, 29889, 20401, 29918, 18098, 29918, 262, 29918, 2248, 29898, 2611, 29918, 1853, 29897, 13, 462, 1678, 934, 1761, 353, 1051, 29898, 842, 4197, 29888, 29961, 29900, 29962, 363, 285, 297, 934, 1761, 12622, 13, 462, 1678, 396, 1596, 877, 14730, 6571, 3342, 297, 6571, 4286, 4830, 29898, 2611, 29918, 1853, 17094, 29916, 29961, 29900, 29962, 363, 921, 297, 934, 1761, 12622, 13, 462, 1678, 474, 29918, 309, 353, 5159, 13, 462, 1678, 565, 934, 1761, 29901, 13, 462, 4706, 363, 285, 297, 934, 1761, 29901, 13, 462, 9651, 285, 978, 353, 1014, 28046, 29918, 4422, 29889, 8945, 675, 29918, 29888, 978, 29898, 29888, 29897, 13, 462, 9651, 474, 29918, 309, 353, 325, 29882, 11671, 29918, 4422, 29889, 657, 29918, 2611, 29918, 1761, 29918, 3166, 29918, 1445, 29898, 29888, 978, 29892, 2611, 29918, 1853, 29897, 13, 462, 9651, 565, 474, 29918, 309, 338, 451, 6213, 29901, 13, 462, 18884, 21277, 3401, 1839, 8977, 2033, 29961, 2611, 29918, 1853, 29962, 353, 285, 978, 13, 462, 18884, 2867, 13, 462, 1678, 1683, 584, 13, 462, 4706, 1583, 29889, 348, 9778, 1490, 29889, 4397, 29898, 2611, 29918, 1853, 29897, 13, 462, 1678, 565, 474, 29918, 309, 29901, 13, 462, 4706, 619, 29918, 4622, 4619, 474, 29918, 309, 13, 462, 4706, 1583, 29889, 29881, 29961, 2611, 29918, 1853, 29962, 353, 474, 29918, 309, 13, 462, 1678, 25342, 474, 29918, 309, 338, 6213, 584, 13, 462, 4706, 1583, 29889, 9700, 29889, 4397, 29898, 2611, 29918, 1853, 29897, 13, 9651, 619, 353, 1051, 29898, 842, 29898, 492, 29918, 4622, 876, 13, 4706, 13872, 353, 286, 978, 718, 11297, 29876, 29915, 13, 4706, 13872, 4619, 1583, 29889, 2158, 4035, 5453, 29898, 29885, 978, 29892, 29896, 29897, 13, 13, 4706, 396, 5399, 565, 591, 1722, 278, 1121, 297, 263, 716, 3474, 13, 4706, 565, 1583, 29889, 1493, 29889, 11027, 2141, 657, 877, 29894, 29882, 11671, 29889, 29882, 631, 12040, 29918, 1482, 29918, 7165, 742, 8824, 1125, 13, 9651, 1014, 28046, 29889, 3389, 29918, 6519, 877, 1482, 29918, 7165, 1495, 13, 9651, 281, 353, 1014, 28046, 29889, 4925, 29918, 7165, 580, 13, 13, 4706, 325, 353, 281, 29889, 1482, 29918, 1445, 580, 13, 4706, 325, 29889, 11027, 2141, 842, 703, 3891, 29918, 2311, 613, 29871, 29906, 29897, 13, 4706, 325, 29889, 842, 29918, 978, 29898, 29885, 978, 718, 525, 12433, 12040, 1495, 13, 4706, 325, 29889, 842, 29918, 29562, 29918, 1445, 877, 16638, 1179, 29914, 12636, 442, 478, 29950, 19558, 29914, 12542, 17212, 478, 29950, 19558, 29889, 10892, 29899, 18276, 21233, 1495, 13, 4706, 325, 29889, 842, 29918, 10526, 905, 29898, 5574, 29897, 13, 4706, 325, 29889, 3389, 29918, 6519, 877, 7851, 29918, 29879, 1240, 7988, 742, 10998, 10853, 2396, 710, 29898, 3945, 26972, 13, 13, 1678, 822, 1596, 4035, 5453, 29898, 1311, 29892, 978, 29892, 29880, 20901, 1125, 13, 4706, 13872, 353, 6629, 13, 4706, 565, 1024, 297, 1583, 29889, 29881, 29901, 13, 9651, 396, 1596, 877, 2158, 4035, 5453, 525, 718, 851, 29898, 1311, 29889, 29881, 29961, 978, 12622, 13, 9651, 363, 921, 297, 1583, 29889, 29881, 29961, 978, 5387, 13, 18884, 13872, 4619, 525, 29871, 525, 29930, 29880, 20901, 13, 18884, 565, 921, 29961, 29896, 29962, 297, 1583, 29889, 29881, 584, 13, 462, 1678, 13872, 4619, 525, 29974, 426, 978, 29913, 1678, 21313, 1853, 11606, 29876, 4286, 4830, 29898, 978, 29922, 29916, 29961, 29900, 1402, 1853, 29922, 29916, 29961, 29896, 2314, 13, 462, 1678, 565, 301, 20901, 29966, 29941, 29906, 584, 13, 462, 4706, 13872, 4619, 1583, 29889, 2158, 4035, 5453, 29898, 29916, 29961, 29896, 1402, 29880, 20901, 29974, 29896, 29897, 13, 462, 1678, 1683, 584, 13, 462, 4706, 1596, 877, 29961, 29963, 29950, 19558, 29889, 15466, 29962, 12433, 12040, 411, 901, 1135, 29871, 29906, 29900, 3233, 451, 6969, 1738, 1495, 13, 462, 4706, 736, 13, 18884, 1683, 29901, 13, 462, 1678, 565, 921, 29961, 29896, 29962, 297, 1583, 29889, 348, 9778, 1490, 29901, 13, 462, 4706, 3440, 353, 525, 29871, 518, 29965, 29962, 29915, 13, 462, 1678, 25342, 921, 29961, 29896, 29962, 297, 1583, 29889, 9700, 29901, 13, 462, 4706, 3440, 353, 525, 29871, 518, 29907, 29962, 29915, 13, 462, 1678, 1683, 29901, 13, 462, 4706, 3440, 353, 6629, 13, 462, 1678, 13872, 4619, 17411, 426, 978, 29913, 1678, 21313, 1853, 1800, 29912, 9342, 1012, 29876, 4286, 4830, 29898, 978, 29922, 29916, 29961, 29900, 1402, 1853, 29922, 29916, 29961, 29896, 1402, 9342, 29922, 9342, 29897, 13, 4706, 736, 13872, 13, 13, 13, 29937, 405, 3723, 403, 2629, 278, 21277, 13, 1990, 478, 29882, 11671, 29950, 631, 12040, 29954, 3747, 14683, 6255, 29898, 1491, 28046, 29918, 8582, 29889, 1626, 6255, 1125, 13, 13, 1678, 822, 1065, 29898, 1311, 29892, 5628, 1125, 13, 4706, 5534, 21277, 3401, 13, 4706, 364, 353, 1583, 29889, 1493, 29889, 2838, 580, 29961, 29900, 29962, 13, 4706, 565, 364, 29889, 6310, 580, 584, 13, 9651, 364, 353, 1583, 29889, 1493, 29889, 1742, 29898, 29878, 29897, 13, 4706, 6874, 353, 1583, 29889, 1493, 29889, 6078, 29918, 978, 29898, 29878, 29889, 29874, 29897, 13, 4706, 285, 978, 353, 6629, 13, 4706, 3883, 29918, 978, 353, 1583, 29889, 1493, 29889, 27790, 29898, 29878, 29897, 13, 4706, 832, 29918, 978, 353, 6629, 13, 4706, 396, 2216, 297, 278, 1571, 934, 1577, 671, 3918, 2355, 29877, 29918, 16553, 304, 13, 4706, 565, 525, 726, 29889, 2914, 29899, 29894, 29882, 11671, 29915, 451, 297, 6874, 29901, 13, 9651, 1583, 29889, 1493, 29889, 7165, 2141, 3389, 29918, 6519, 877, 27102, 29918, 16553, 1495, 13, 9651, 736, 13, 4706, 565, 525, 10041, 29889, 978, 29915, 297, 6874, 29901, 13, 9651, 301, 353, 1583, 29889, 1493, 29889, 27790, 29898, 1311, 29889, 1493, 29889, 1220, 29898, 29878, 876, 13, 9651, 29536, 353, 313, 2435, 29898, 29880, 29897, 448, 7431, 29898, 29880, 29889, 29880, 17010, 22130, 29899, 29906, 13, 9651, 565, 29536, 29966, 29900, 29901, 13, 18884, 1596, 877, 29961, 29963, 29950, 19558, 29889, 15466, 29962, 12433, 12040, 6835, 1034, 14214, 584, 21403, 2602, 363, 385, 2777, 1738, 1495, 13, 18884, 736, 13, 9651, 25342, 29536, 1275, 29871, 29900, 29901, 13, 18884, 832, 29918, 978, 353, 3883, 29918, 978, 13, 18884, 3883, 29918, 978, 353, 21277, 3401, 1839, 978, 2033, 13, 18884, 285, 978, 353, 21277, 3401, 1839, 29888, 978, 2033, 13, 9651, 1683, 29901, 13, 18884, 281, 353, 6629, 13, 18884, 396, 1284, 3883, 3847, 1024, 13, 18884, 13872, 353, 1583, 29889, 1493, 29889, 27790, 29898, 1491, 28046, 29889, 18457, 29898, 29900, 29892, 29878, 29889, 29874, 876, 13, 18884, 286, 353, 337, 29889, 2886, 497, 29898, 29878, 29915, 998, 1012, 29974, 320, 29893, 3124, 29879, 3124, 29898, 1194, 29893, 29974, 27779, 4286, 4830, 877, 525, 29930, 12860, 511, 3945, 29892, 276, 29889, 29924, 8647, 6227, 8895, 29897, 13, 18884, 565, 286, 29901, 13, 462, 1678, 832, 29918, 978, 353, 3883, 29918, 978, 13, 462, 1678, 3883, 29918, 978, 353, 286, 14352, 29896, 29962, 13, 462, 1678, 565, 3883, 29918, 978, 297, 21277, 3401, 1839, 8977, 2033, 29901, 13, 462, 4706, 285, 978, 353, 21277, 3401, 1839, 8977, 2033, 29961, 5453, 29918, 978, 29962, 13, 4706, 25342, 525, 12925, 29889, 978, 29915, 297, 6874, 29901, 13, 9651, 565, 3883, 29918, 978, 297, 21277, 3401, 1839, 8977, 2033, 29901, 13, 18884, 285, 978, 353, 21277, 3401, 1839, 8977, 2033, 29961, 5453, 29918, 978, 29962, 13, 4706, 25342, 525, 26766, 29889, 5453, 29915, 297, 6874, 29901, 13, 9651, 3883, 29918, 978, 353, 21277, 3401, 1839, 978, 2033, 13, 9651, 285, 978, 353, 21277, 3401, 1839, 29888, 978, 2033, 13, 13, 4706, 396, 1596, 877, 7355, 3790, 29913, 2777, 3790, 29913, 313, 6078, 3790, 1800, 1149, 10422, 353, 6571, 4286, 4830, 29898, 5453, 29918, 978, 29892, 2611, 29918, 978, 29892, 6078, 29892, 29888, 978, 876, 13, 4706, 565, 285, 978, 29901, 13, 9651, 325, 353, 21277, 3401, 1839, 1493, 13359, 7165, 2141, 2886, 29918, 3150, 29918, 1445, 29898, 29888, 978, 29897, 13, 9651, 565, 325, 584, 13, 18884, 21277, 3401, 1839, 1493, 13359, 7165, 2141, 18037, 29918, 1493, 29898, 29894, 29897, 13, 18884, 1583, 29889, 27102, 29918, 11967, 29890, 29898, 29894, 29892, 5453, 29918, 978, 29892, 2611, 29918, 978, 29897, 13, 9651, 1683, 584, 13, 18884, 325, 353, 21277, 3401, 1839, 1493, 13359, 7165, 2141, 3150, 29918, 1445, 29898, 29888, 978, 29897, 13, 18884, 5534, 6939, 29879, 29918, 265, 29918, 1359, 13, 18884, 6939, 29879, 29918, 265, 29918, 1359, 29961, 29888, 978, 29962, 353, 14013, 325, 29922, 29894, 29892, 3883, 29918, 978, 29922, 5453, 29918, 978, 29892, 832, 29918, 978, 29922, 2611, 29918, 978, 29901, 1583, 29889, 27102, 29918, 11967, 29890, 29898, 29894, 29892, 5453, 29918, 978, 29892, 2611, 29918, 978, 29897, 13, 4706, 1683, 584, 13, 9651, 1583, 29889, 1493, 29889, 7165, 2141, 3389, 29918, 6519, 877, 27102, 29918, 16553, 1495, 13, 13, 1678, 822, 2355, 29877, 29918, 11967, 29890, 29898, 1311, 29892, 29894, 29892, 5453, 29918, 978, 29892, 2611, 29918, 978, 1125, 13, 4706, 5534, 21277, 3401, 13, 4706, 1948, 10457, 29896, 13, 4706, 565, 832, 29918, 978, 584, 13, 9651, 396, 10987, 2777, 5829, 2602, 13, 9651, 396, 2158, 877, 29961, 29963, 29950, 19558, 29889, 15466, 29962, 21223, 363, 2777, 6571, 297, 6571, 4286, 4830, 29898, 2611, 29918, 978, 29892, 29894, 29889, 18098, 29879, 22130, 13, 9651, 363, 921, 297, 325, 29889, 18098, 29879, 580, 584, 13, 18884, 565, 921, 29961, 29896, 29962, 1275, 832, 29918, 978, 29901, 13, 462, 1678, 1948, 29892, 1054, 353, 325, 29889, 798, 1054, 29898, 29916, 29961, 29900, 1822, 29874, 29897, 13, 462, 1678, 396, 2158, 877, 29961, 29963, 29950, 19558, 29889, 15466, 29962, 7460, 472, 426, 6177, 8875, 4286, 4830, 29898, 798, 29892, 1054, 876, 13, 462, 1678, 2867, 13, 4706, 1683, 584, 13, 9651, 396, 10987, 11258, 5829, 2602, 13, 9651, 396, 2158, 877, 29931, 29961, 29963, 29950, 19558, 29889, 15466, 29962, 7666, 292, 363, 11258, 310, 6571, 297, 6571, 4286, 4830, 29898, 5453, 29918, 978, 29892, 29894, 29889, 18098, 29879, 22130, 13, 9651, 363, 921, 297, 325, 29889, 18098, 29879, 580, 584, 13, 18884, 565, 921, 29961, 29896, 1822, 27382, 2541, 29898, 5453, 29918, 978, 23097, 584, 29374, 13, 462, 1678, 1948, 29892, 1054, 353, 325, 29889, 798, 1054, 29898, 29916, 29961, 29900, 1822, 29874, 29897, 13, 462, 1678, 396, 1596, 877, 9692, 472, 426, 6177, 8875, 4286, 4830, 29898, 798, 29892, 1054, 876, 13, 462, 1678, 2867, 13, 4706, 565, 1948, 18572, 29900, 29901, 13, 9651, 1014, 28046, 29918, 4422, 29889, 11631, 29918, 18127, 29898, 29894, 29892, 29894, 29889, 726, 29918, 3149, 29898, 798, 29892, 1054, 876, 13, 13, 13383, 13383, 13383, 7346, 2277, 29937, 13, 29937, 10987, 599, 8871, 310, 1857, 3883, 470, 4629, 3883, 396, 13, 1990, 478, 29882, 11671, 12542, 4998, 6255, 29898, 1491, 28046, 29918, 8582, 29889, 1626, 6255, 1125, 13, 13, 1678, 822, 1065, 29898, 1311, 29892, 5628, 1125, 13, 4706, 286, 978, 353, 679, 7355, 1170, 29898, 1311, 29889, 1493, 29897, 13, 4706, 1014, 28046, 29889, 4882, 29918, 4906, 703, 12542, 2799, 749, 508, 2125, 777, 931, 29892, 3113, 4480, 2023, 1159, 13, 4706, 1014, 28046, 29889, 842, 29918, 15619, 29918, 12674, 29898, 2892, 921, 29922, 29885, 978, 29901, 1583, 29889, 2886, 4998, 29898, 29916, 876, 13, 13, 1678, 822, 1284, 4998, 29898, 1311, 29892, 286, 978, 1125, 13, 4706, 410, 29926, 978, 353, 1014, 28046, 29889, 4925, 29918, 7165, 2141, 4836, 29918, 1445, 29918, 978, 580, 13, 4706, 565, 410, 29926, 978, 451, 297, 325, 29882, 11671, 29918, 5453, 29889, 1761, 29918, 5453, 29918, 5325, 29901, 13, 9651, 325, 29882, 11671, 29918, 5453, 29889, 29963, 29882, 11671, 7355, 3379, 6255, 29889, 657, 29918, 1761, 29918, 1445, 29898, 8516, 29892, 20865, 978, 29892, 8516, 29897, 13, 4706, 832, 29918, 8977, 353, 6571, 13, 4706, 274, 593, 353, 29871, 29900, 13, 4706, 337, 29918, 710, 353, 364, 29915, 10780, 1039, 29897, 3823, 29879, 29930, 1194, 29893, 29974, 2144, 29879, 29930, 3583, 29879, 29930, 10780, 29901, 1509, 29905, 29879, 29974, 6877, 10780, 29901, 10041, 29905, 29879, 29974, 6877, 1194, 29893, 3124, 1846, 29973, 29912, 4678, 29879, 17710, 1194, 29879, 17710, 29893, 3124, 29879, 17710, 876, 29973, 29905, 29879, 17108, 637, 29989, 19206, 29897, 4286, 4830, 29898, 29885, 978, 29897, 13, 4706, 282, 353, 337, 29889, 12198, 29898, 276, 29918, 710, 29892, 276, 29889, 29924, 8647, 6227, 8895, 29897, 13, 4706, 363, 7876, 297, 325, 29882, 11671, 29918, 5453, 29889, 1761, 29918, 5453, 29918, 5325, 29961, 20865, 978, 5387, 13, 9651, 411, 1722, 29898, 9144, 29897, 408, 285, 29901, 13, 18884, 13872, 353, 285, 29889, 949, 580, 13, 18884, 565, 286, 978, 297, 13872, 29901, 13, 462, 1678, 363, 286, 297, 337, 29889, 2886, 1524, 29898, 29886, 29892, 3945, 1125, 13, 462, 4706, 274, 593, 23661, 29896, 13, 462, 4706, 6276, 8154, 353, 13872, 29889, 2798, 14182, 29876, 613, 29900, 29892, 29885, 29889, 2962, 580, 29974, 29896, 7240, 29896, 13, 462, 4706, 620, 353, 313, 29885, 29889, 13155, 580, 29961, 29900, 1822, 17010, 3285, 1915, 8154, 29897, 13, 462, 4706, 565, 7876, 451, 297, 832, 29918, 8977, 29901, 13, 462, 9651, 832, 29918, 8977, 29961, 9144, 29962, 353, 518, 690, 29962, 13, 462, 4706, 1683, 29901, 13, 462, 9651, 832, 29918, 8977, 29961, 9144, 1822, 4397, 29898, 690, 29897, 13, 4706, 565, 832, 29918, 8977, 29901, 13, 9651, 325, 353, 1014, 28046, 29889, 4925, 29918, 7165, 2141, 1482, 29918, 1445, 580, 13, 9651, 325, 29889, 842, 29918, 978, 29898, 29885, 978, 718, 525, 2799, 2925, 1495, 13, 9651, 325, 29889, 842, 29918, 29562, 29918, 1445, 877, 16638, 1179, 29914, 12636, 442, 478, 29950, 19558, 29914, 12542, 17212, 478, 29950, 19558, 29889, 10892, 29899, 18276, 21233, 1495, 13, 9651, 325, 29889, 11027, 2141, 842, 703, 2914, 29918, 1445, 29918, 13087, 613, 364, 29908, 29985, 11891, 29974, 1125, 29938, 1159, 13, 9651, 325, 29889, 11027, 2141, 842, 703, 2914, 29918, 1220, 29918, 13087, 613, 364, 26732, 29898, 1220, 29901, 3441, 29881, 29974, 2144, 1262, 1159, 13, 9651, 325, 29889, 842, 29918, 10526, 905, 29898, 5574, 29897, 13, 9651, 13872, 353, 286, 978, 718, 525, 29901, 1273, 29900, 29881, 8871, 7790, 29876, 29905, 29876, 29915, 1273, 29898, 20047, 29897, 13, 9651, 363, 313, 978, 29892, 309, 29897, 297, 832, 29918, 8977, 29889, 7076, 7295, 13, 18884, 13872, 4619, 1024, 718, 525, 3583, 29876, 29915, 13, 18884, 363, 474, 297, 980, 29901, 13, 462, 1678, 13872, 4619, 525, 1678, 448, 426, 29900, 29913, 313, 1220, 29901, 426, 29896, 11606, 29876, 4286, 4830, 29898, 29875, 29961, 29900, 1822, 17010, 3285, 29875, 29961, 29896, 2314, 13, 18884, 13872, 4619, 11297, 29876, 29915, 13, 9651, 325, 29889, 3389, 29918, 6519, 877, 7851, 29918, 29879, 1240, 7988, 742, 10998, 10853, 2396, 710, 29898, 3945, 26972, 13, 4706, 1683, 584, 13, 9651, 1014, 28046, 29889, 4882, 29918, 4906, 703, 29961, 29963, 29950, 19558, 29962, 1939, 2777, 1476, 1738, 1159, 13, 13, 2 ]
consent.py
yawgmoth/NVHanabi
0
75363
consent = """<center><table width="800px"><tr><td> <font size="16"><b>University of Costa Rica<br/> </font> INFORMED CONSENT FORM for RESEARCH<br/></b> <b>Title of Study:</b> Hanabi AI Agents<br/> <b>Principal Investigator:</b> Dr. <NAME> <br/> <h2>What are some general things you should know about research studies?</h2> <p>You are being asked to take part in a research study. Your participation in this study is voluntary. You have the right to be a part of this study, to choose not to participate or to stop participating at any time without penalty. The purpose of research studies is to gain a better understanding of a certain topic or issue. </p> <p>You are not guaranteed any personal benefits from being in a study. Research studies also may pose risks to those that participate. In this consent form you will find specific details about the research in which you are being asked to participate. If you do not understand something in this form it is your right to ask the researcher for clarification or more information. A copy of this consent form will be provided to you. If at any time you have questions about your participation, do not hesitate to contact the researcher(s) named above. </p> <h2>What is the purpose of this study?</h2> <p>The purpose of the study is to determine which type of AI plays well with humans in the cooperative card game Hanabi. <b>You must be between 18 and 64 years to participate.</b></p> <h2>What will happen if you take part in the study?</h2> <p>If you agree to participate in this study, you will play two games of a browser-based implementation of Hanabi with an AI controlled player, and then answer some questions about your experience with the AI and board games in general. If you enjoy your experience (and we hope you do), you can also play more often. </p> <h2>Risks</h2> <p>The risks of this study do not exceed normal computer use. </p> <h2>Benefits</h2> <p>There are no direct benefits to your participation in the research. The indirect benefits are that you may actually enjoy playing the game with the AI. For participating in this study you will receive <b>no compensation.</b></p> <h2>Confidentiality</h2> <p>The information in the study records will be kept confidential to the full extent allowed by law. Data will be stored securely on a secure computer that only the researchers can access. No reference will be made in oral or written reports which could link you to the study. After the conclusion of the study, the information we gathered will be released to the public to foster further research. Note that none of this information can be linked back to you personally, and that you can choose if you want to be included in the published data at the end of the experiment. </p> <h2>What if you are a UCR student?</h2> <p>Participation in this study is not a course requirement and your participation or lack thereof, will not affect your class standing or grades at UCR.</p> <h2>What if you are a UCR employee?</h2> <p>Participation in this study is not a requirement of your employment at UCR, and your participation or lack thereof, will not affect your job.</p> <h2>What if you have questions about this study?</h2> <p>If you have questions at any time about the study itself or the procedures implemented in this study, you may contact the researcher, <NAME> by email: <EMAIL> <h2>Consent To Participate</h2> I have read and understand the above information. I have received a copy of this form. I agree to participate in this study with the understanding that I may choose not to participate or to stop participating at any time without penalty or loss of benefits to which I am otherwise entitled.</td></tr></table></center> """
[ 1, 6756, 13, 30004, 13, 3200, 296, 353, 9995, 29966, 5064, 5299, 2371, 2920, 543, 29947, 29900, 29900, 1756, 3254, 509, 5299, 1594, 3238, 13, 29966, 5657, 2159, 543, 29896, 29953, 3254, 29890, 29958, 11574, 537, 310, 17513, 29750, 29966, 1182, 3779, 1533, 5657, 3238, 13, 1177, 22051, 2303, 29928, 8707, 29903, 3919, 383, 12054, 363, 5195, 1660, 1718, 3210, 29966, 1182, 29914, 2565, 29890, 3238, 13, 29966, 29890, 29958, 7030, 310, 29301, 29901, 829, 29890, 29958, 7169, 19266, 319, 29902, 4059, 1237, 29966, 1182, 29914, 3238, 13, 29966, 29890, 29958, 4040, 26706, 28246, 1061, 29901, 829, 29890, 29958, 4942, 29889, 529, 5813, 29958, 529, 1182, 29914, 3238, 13, 30004, 13, 30004, 13, 29966, 29882, 29906, 29958, 5618, 526, 777, 2498, 2712, 366, 881, 1073, 1048, 5925, 11898, 29973, 829, 29882, 29906, 3238, 13, 29966, 29886, 29958, 3492, 526, 1641, 4433, 304, 2125, 760, 297, 263, 5925, 6559, 29889, 29871, 3575, 27577, 297, 445, 6559, 338, 27081, 653, 29889, 887, 505, 278, 1492, 304, 367, 263, 760, 310, 445, 6559, 29892, 304, 6755, 451, 304, 5221, 403, 470, 304, 5040, 5221, 1218, 472, 738, 931, 1728, 27368, 29889, 29871, 450, 6437, 310, 5925, 11898, 338, 304, 11581, 263, 2253, 8004, 310, 263, 3058, 11261, 470, 2228, 29889, 1533, 29886, 3238, 13, 30004, 13, 29966, 29886, 29958, 3492, 526, 451, 22688, 738, 7333, 23633, 515, 1641, 297, 263, 6559, 29889, 10550, 11898, 884, 1122, 18593, 5161, 2039, 304, 1906, 393, 5221, 403, 29889, 512, 445, 20218, 883, 366, 674, 1284, 2702, 4902, 1048, 278, 5925, 297, 607, 366, 526, 1641, 4433, 304, 5221, 403, 29889, 960, 366, 437, 451, 2274, 1554, 297, 445, 883, 372, 338, 596, 1492, 304, 2244, 278, 5925, 261, 363, 7542, 2450, 470, 901, 2472, 29889, 319, 3509, 310, 445, 20218, 883, 674, 367, 4944, 304, 366, 29889, 960, 472, 738, 931, 366, 505, 5155, 1048, 596, 27577, 29892, 437, 451, 19066, 10388, 304, 6958, 278, 5925, 261, 29898, 29879, 29897, 4257, 2038, 29889, 1533, 29886, 3238, 13, 30004, 13, 29966, 29882, 29906, 29958, 5618, 338, 278, 6437, 310, 445, 6559, 29973, 829, 29882, 29906, 3238, 13, 29966, 29886, 29958, 1576, 6437, 310, 278, 6559, 338, 304, 8161, 607, 1134, 310, 319, 29902, 13582, 1532, 411, 25618, 297, 278, 1302, 3372, 1230, 5881, 3748, 7169, 19266, 29889, 529, 29890, 29958, 3492, 1818, 367, 1546, 29871, 29896, 29947, 322, 29871, 29953, 29946, 2440, 304, 5221, 403, 21106, 29890, 2565, 29886, 3238, 13, 30004, 13, 29966, 29882, 29906, 29958, 5618, 674, 3799, 565, 366, 2125, 760, 297, 278, 6559, 29973, 829, 29882, 29906, 3238, 13, 29966, 29886, 29958, 3644, 366, 8661, 304, 5221, 403, 297, 445, 6559, 29892, 366, 674, 1708, 1023, 8090, 310, 263, 4714, 29899, 6707, 5314, 310, 7169, 19266, 411, 385, 319, 29902, 20704, 4847, 29892, 322, 769, 1234, 777, 5155, 1048, 596, 7271, 411, 278, 319, 29902, 322, 7613, 8090, 297, 2498, 29889, 960, 366, 13389, 596, 7271, 313, 392, 591, 4966, 366, 437, 511, 366, 508, 884, 1708, 901, 4049, 29889, 1533, 29886, 3238, 13, 30004, 13, 29966, 29882, 29906, 29958, 29934, 275, 2039, 829, 29882, 29906, 3238, 13, 29966, 29886, 29958, 1576, 5161, 2039, 310, 445, 6559, 437, 451, 13461, 4226, 6601, 671, 29889, 1533, 29886, 3238, 13, 30004, 13, 29966, 29882, 29906, 29958, 20841, 1389, 1169, 829, 29882, 29906, 3238, 13, 29966, 29886, 29958, 8439, 526, 694, 1513, 23633, 304, 596, 27577, 297, 278, 5925, 29889, 450, 26377, 23633, 526, 393, 366, 1122, 2869, 13389, 8743, 278, 3748, 411, 278, 319, 29902, 29889, 1152, 5221, 1218, 297, 445, 6559, 366, 674, 7150, 529, 29890, 29958, 1217, 22874, 362, 21106, 29890, 2565, 29886, 3238, 13, 30004, 13, 30004, 13, 29966, 29882, 29906, 29958, 16376, 1693, 616, 537, 829, 29882, 29906, 3238, 13, 29966, 29886, 29958, 1576, 2472, 297, 278, 6559, 6475, 674, 367, 8126, 24332, 616, 304, 278, 2989, 15834, 6068, 491, 4307, 29889, 3630, 674, 367, 6087, 11592, 368, 373, 263, 11592, 6601, 393, 871, 278, 5925, 414, 508, 2130, 29889, 1939, 3407, 674, 367, 1754, 297, 470, 284, 470, 3971, 13676, 607, 1033, 1544, 366, 304, 278, 6559, 29889, 2860, 278, 15997, 310, 278, 6559, 29892, 278, 2472, 591, 22229, 674, 367, 5492, 304, 278, 970, 304, 9926, 261, 4340, 5925, 29889, 3940, 393, 5642, 310, 445, 2472, 508, 367, 9024, 1250, 304, 366, 22345, 29892, 322, 393, 366, 508, 6755, 565, 366, 864, 304, 367, 5134, 297, 278, 6369, 848, 472, 278, 1095, 310, 278, 7639, 29889, 6756, 13, 1533, 29886, 3238, 13, 30004, 13, 29966, 29882, 29906, 29958, 5618, 565, 366, 526, 263, 501, 11341, 8368, 29973, 829, 29882, 29906, 3238, 13, 29966, 29886, 29958, 7439, 12654, 362, 297, 445, 6559, 338, 451, 263, 3236, 11809, 322, 596, 27577, 470, 10225, 727, 974, 29892, 674, 451, 6602, 596, 770, 13407, 470, 867, 3076, 472, 501, 11341, 21106, 29886, 3238, 13, 30004, 13, 29966, 29882, 29906, 29958, 5618, 565, 366, 526, 263, 501, 11341, 19001, 29973, 829, 29882, 29906, 3238, 13, 29966, 29886, 29958, 7439, 12654, 362, 297, 445, 6559, 338, 451, 263, 11809, 310, 596, 5703, 358, 472, 501, 11341, 29892, 322, 596, 27577, 470, 10225, 727, 974, 29892, 674, 451, 6602, 596, 4982, 21106, 29886, 3238, 13, 30004, 13, 29966, 29882, 29906, 29958, 5618, 565, 366, 505, 5155, 1048, 445, 6559, 29973, 829, 29882, 29906, 3238, 13, 29966, 29886, 29958, 3644, 366, 505, 5155, 472, 738, 931, 1048, 278, 6559, 3528, 470, 278, 28648, 8762, 297, 445, 6559, 29892, 366, 1122, 6958, 278, 5925, 261, 29892, 529, 5813, 29958, 491, 4876, 29901, 529, 26862, 6227, 3238, 13, 30004, 13, 29966, 29882, 29906, 29958, 13696, 296, 1763, 3455, 12654, 403, 829, 29882, 29906, 3238, 13, 29902, 505, 1303, 322, 2274, 278, 2038, 2472, 29889, 29871, 306, 505, 4520, 263, 3509, 310, 445, 883, 29889, 306, 8661, 304, 5221, 403, 297, 445, 6559, 411, 278, 8004, 393, 306, 1122, 6755, 451, 304, 5221, 403, 470, 304, 5040, 5221, 1218, 472, 738, 931, 1728, 27368, 470, 6410, 310, 23633, 304, 607, 306, 626, 6467, 23437, 21106, 1594, 2565, 509, 2565, 2371, 2565, 5064, 3238, 13, 15945, 29908, 2 ]
CodeWars/6 Kyu/Shoot But As I've Seen It In My Imagination.py
anubhab-code/Competitive-Programming
0
99877
import math def find_prob(balls_set, event): possible = True num = 1 den = 1 balls = dict() available_ball = len(balls_set) for b in balls_set: if b in balls: balls[b] += 1 else: balls[b] = 1 for e in event: lc = ABBREVIATIONS[e] if lc not in balls or balls[lc] == 0: possible = False break num *= balls[lc] den *= available_ball balls[lc] -= 1 available_ball -= 1 g = math.gcd(num, den) den //= g num //= g if possible: return [num, den] else: return ["Impossible"]
[ 1, 1053, 5844, 13, 13, 1753, 1284, 29918, 22795, 29898, 2135, 29879, 29918, 842, 29892, 1741, 1125, 13, 1678, 1950, 353, 5852, 13, 1678, 954, 353, 29871, 29896, 13, 1678, 972, 353, 29871, 29896, 13, 1678, 26563, 353, 9657, 580, 13, 1678, 3625, 29918, 2135, 353, 7431, 29898, 2135, 29879, 29918, 842, 29897, 13, 1678, 363, 289, 297, 26563, 29918, 842, 29901, 13, 4706, 565, 289, 297, 26563, 29901, 13, 9651, 26563, 29961, 29890, 29962, 4619, 29871, 29896, 13, 4706, 1683, 29901, 13, 9651, 26563, 29961, 29890, 29962, 353, 29871, 29896, 13, 1678, 363, 321, 297, 1741, 29901, 13, 4706, 301, 29883, 353, 319, 14388, 1525, 18118, 8098, 29903, 29961, 29872, 29962, 13, 4706, 565, 301, 29883, 451, 297, 26563, 470, 26563, 29961, 29880, 29883, 29962, 1275, 29871, 29900, 29901, 13, 9651, 1950, 353, 7700, 13, 9651, 2867, 13, 4706, 954, 334, 29922, 26563, 29961, 29880, 29883, 29962, 13, 4706, 972, 334, 29922, 3625, 29918, 2135, 13, 4706, 26563, 29961, 29880, 29883, 29962, 22361, 29871, 29896, 13, 4706, 3625, 29918, 2135, 22361, 29871, 29896, 13, 4706, 330, 353, 5844, 29889, 29887, 2252, 29898, 1949, 29892, 972, 29897, 13, 4706, 972, 849, 29922, 330, 13, 4706, 954, 849, 29922, 330, 13, 268, 13, 1678, 565, 1950, 29901, 13, 4706, 736, 518, 1949, 29892, 972, 29962, 13, 1678, 1683, 29901, 13, 4706, 736, 6796, 1888, 27338, 3108, 2 ]
coursedashboards/models/term.py
uw-it-aca/course-dashboards
1
152430
<reponame>uw-it-aca/course-dashboards from django.utils import timezone from django.db import models class Term(models.Model): SPRING = 'spring' SUMMER = 'summer' AUTUMN = 'autumn' WINTER = 'winter' QUARTERNAME_CHOICES = ( (WINTER, 'Winter'), (SPRING, 'Spring'), (SUMMER, 'Summer'), (AUTUMN, 'Autumn'), ) quarter = models.CharField(max_length=6, choices=QUARTERNAME_CHOICES) year = models.PositiveSmallIntegerField() last_queried = models.DateTimeField(null=True, blank=True) term_key = models.PositiveSmallIntegerField(db_index=True, default=0) def __str__(self): return "{}-{}".format(self.year, self.quarter) def get_term_key(self): return self.year * 10 + self._quarter_to_int(self.quarter) def save(self, *args, **kwargs): if self.term_key is 0: self.term_key = self.get_term_key() super(Term, self).save(*args, **kwargs) def __hash__(self): return super().__hash__() def __eq__(self, other): return (other is not None and type(self) == type(other) and self.int_key() == other.int_key()) def __ne__(self, other): return not self.__eq__(other) def __lt__(self, other): return (type(self) == type(other) and self.int_key() < other.int_key()) def __le__(self, other): return self.__lt__(other) or self.__eq__(other) def __gt__(self, other): return (type(self) == type(other) and self.int_key() > other.int_key()) def __ge__(self, other): return self.__gt__(other) or self.__eq__(other) @staticmethod def _quarter_to_int(quarter): if quarter.lower() == Term.WINTER: return 1 if quarter.lower() == Term.SPRING: return 2 if quarter.lower() == Term.SUMMER: return 3 return 4 def int_key(self): return int(self.year) * 10 + self._quarter_to_int(self.quarter)
[ 1, 529, 276, 1112, 420, 29958, 7262, 29899, 277, 29899, 11989, 29914, 15775, 29899, 14592, 24691, 13, 3166, 9557, 29889, 13239, 1053, 29431, 13, 3166, 9557, 29889, 2585, 1053, 4733, 13, 13, 13, 1990, 11814, 29898, 9794, 29889, 3195, 1125, 13, 1678, 317, 10593, 4214, 353, 525, 4278, 29915, 13, 1678, 22753, 29924, 1001, 353, 525, 2083, 1050, 29915, 13, 1678, 26524, 29127, 353, 525, 1300, 1227, 29915, 13, 1678, 399, 23845, 353, 525, 29893, 1639, 29915, 13, 13, 1678, 660, 29965, 1718, 4945, 5813, 29918, 3210, 29949, 2965, 2890, 353, 313, 13, 4706, 313, 29956, 23845, 29892, 525, 29956, 1639, 5477, 13, 4706, 313, 5550, 29934, 4214, 29892, 525, 19634, 5477, 13, 4706, 313, 25021, 29924, 1001, 29892, 525, 11139, 1050, 5477, 13, 4706, 313, 20656, 29127, 29892, 525, 6147, 1227, 5477, 13, 1678, 1723, 13, 13, 1678, 12616, 353, 4733, 29889, 27890, 29898, 3317, 29918, 2848, 29922, 29953, 29892, 13, 462, 1669, 19995, 29922, 13356, 1718, 4945, 5813, 29918, 3210, 29949, 2965, 2890, 29897, 13, 1678, 1629, 353, 4733, 29889, 9135, 3321, 12636, 497, 7798, 3073, 580, 13, 13, 1678, 1833, 29918, 7808, 1000, 353, 4733, 29889, 11384, 3073, 29898, 4304, 29922, 5574, 29892, 9654, 29922, 5574, 29897, 13, 1678, 1840, 29918, 1989, 353, 4733, 29889, 9135, 3321, 12636, 497, 7798, 3073, 29898, 2585, 29918, 2248, 29922, 5574, 29892, 2322, 29922, 29900, 29897, 13, 13, 1678, 822, 4770, 710, 12035, 1311, 1125, 13, 4706, 736, 29850, 7402, 8875, 1642, 4830, 29898, 1311, 29889, 6360, 29892, 1583, 29889, 339, 4254, 29897, 13, 13, 1678, 822, 679, 29918, 8489, 29918, 1989, 29898, 1311, 1125, 13, 4706, 736, 1583, 29889, 6360, 334, 29871, 29896, 29900, 718, 1583, 3032, 339, 4254, 29918, 517, 29918, 524, 29898, 1311, 29889, 339, 4254, 29897, 13, 13, 1678, 822, 4078, 29898, 1311, 29892, 334, 5085, 29892, 3579, 19290, 1125, 13, 4706, 565, 1583, 29889, 8489, 29918, 1989, 338, 29871, 29900, 29901, 13, 9651, 1583, 29889, 8489, 29918, 1989, 353, 1583, 29889, 657, 29918, 8489, 29918, 1989, 580, 13, 13, 4706, 2428, 29898, 14343, 29892, 1583, 467, 7620, 10456, 5085, 29892, 3579, 19290, 29897, 13, 13, 1678, 822, 4770, 8568, 12035, 1311, 1125, 13, 4706, 736, 2428, 2141, 1649, 8568, 1649, 580, 13, 13, 1678, 822, 4770, 1837, 12035, 1311, 29892, 916, 1125, 13, 4706, 736, 313, 1228, 338, 451, 6213, 322, 13, 18884, 1134, 29898, 1311, 29897, 1275, 1134, 29898, 1228, 29897, 322, 13, 18884, 1583, 29889, 524, 29918, 1989, 580, 1275, 916, 29889, 524, 29918, 1989, 3101, 13, 13, 1678, 822, 4770, 484, 12035, 1311, 29892, 916, 1125, 13, 4706, 736, 451, 1583, 17255, 1837, 12035, 1228, 29897, 13, 13, 1678, 822, 4770, 1896, 12035, 1311, 29892, 916, 1125, 13, 4706, 736, 313, 1853, 29898, 1311, 29897, 1275, 1134, 29898, 1228, 29897, 322, 13, 18884, 1583, 29889, 524, 29918, 1989, 580, 529, 916, 29889, 524, 29918, 1989, 3101, 13, 13, 1678, 822, 4770, 280, 12035, 1311, 29892, 916, 1125, 13, 4706, 736, 1583, 17255, 1896, 12035, 1228, 29897, 470, 1583, 17255, 1837, 12035, 1228, 29897, 13, 13, 1678, 822, 4770, 4141, 12035, 1311, 29892, 916, 1125, 13, 4706, 736, 313, 1853, 29898, 1311, 29897, 1275, 1134, 29898, 1228, 29897, 322, 13, 18884, 1583, 29889, 524, 29918, 1989, 580, 1405, 916, 29889, 524, 29918, 1989, 3101, 13, 13, 1678, 822, 4770, 479, 12035, 1311, 29892, 916, 1125, 13, 4706, 736, 1583, 17255, 4141, 12035, 1228, 29897, 470, 1583, 17255, 1837, 12035, 1228, 29897, 13, 13, 1678, 732, 7959, 5696, 13, 1678, 822, 903, 339, 4254, 29918, 517, 29918, 524, 29898, 339, 4254, 1125, 13, 4706, 565, 12616, 29889, 13609, 580, 1275, 11814, 29889, 29956, 23845, 29901, 13, 9651, 736, 29871, 29896, 13, 4706, 565, 12616, 29889, 13609, 580, 1275, 11814, 29889, 5550, 29934, 4214, 29901, 13, 9651, 736, 29871, 29906, 13, 4706, 565, 12616, 29889, 13609, 580, 1275, 11814, 29889, 25021, 29924, 1001, 29901, 13, 9651, 736, 29871, 29941, 13, 4706, 736, 29871, 29946, 13, 13, 1678, 822, 938, 29918, 1989, 29898, 1311, 1125, 13, 4706, 736, 938, 29898, 1311, 29889, 6360, 29897, 334, 29871, 29896, 29900, 718, 1583, 3032, 339, 4254, 29918, 517, 29918, 524, 29898, 1311, 29889, 339, 4254, 29897, 13, 2 ]
pytorch_lightning/__init__.py
alanhdu/pytorch-lightning
3
1611149
<gh_stars>1-10 """Root package info.""" import logging import os from pytorch_lightning.info import ( # noqa: F401 __author__, __author_email__, __copyright__, __docs__, __homepage__, __license__, __version__, ) _root_logger = logging.getLogger() _logger = logging.getLogger(__name__) _logger.setLevel(logging.INFO) # if root logger has handlers, propagate messages up and let root logger process them if not _root_logger.hasHandlers(): _logger.addHandler(logging.StreamHandler()) _logger.propagate = False _PACKAGE_ROOT = os.path.dirname(__file__) _PROJECT_ROOT = os.path.dirname(_PACKAGE_ROOT) from pytorch_lightning import metrics # noqa: E402 from pytorch_lightning.callbacks import Callback # noqa: E402 from pytorch_lightning.core import LightningDataModule, LightningModule # noqa: E402 from pytorch_lightning.trainer import Trainer # noqa: E402 from pytorch_lightning.utilities.seed import seed_everything # noqa: E402 __all__ = [ 'Trainer', 'LightningDataModule', 'LightningModule', 'Callback', 'seed_everything', 'metrics', ] # for compatibility with namespace packages __import__('pkg_resources').declare_namespace(__name__)
[ 1, 529, 12443, 29918, 303, 1503, 29958, 29896, 29899, 29896, 29900, 13, 15945, 29908, 10303, 3577, 5235, 1213, 15945, 13, 13, 5215, 12183, 13, 5215, 2897, 13, 13, 3166, 282, 3637, 25350, 29918, 4366, 1076, 29889, 3888, 1053, 313, 29871, 396, 694, 25621, 29901, 383, 29946, 29900, 29896, 13, 1678, 4770, 8921, 1649, 29892, 13, 1678, 4770, 8921, 29918, 5269, 1649, 29892, 13, 1678, 4770, 8552, 1266, 1649, 29892, 13, 1678, 4770, 2640, 1649, 29892, 13, 1678, 4770, 5184, 3488, 1649, 29892, 13, 1678, 4770, 506, 1947, 1649, 29892, 13, 1678, 4770, 3259, 1649, 29892, 13, 29897, 13, 13, 29918, 4632, 29918, 21707, 353, 12183, 29889, 657, 16363, 580, 13, 29918, 21707, 353, 12183, 29889, 657, 16363, 22168, 978, 1649, 29897, 13, 29918, 21707, 29889, 842, 10108, 29898, 21027, 29889, 11690, 29897, 13, 13, 29937, 565, 3876, 17927, 756, 25795, 29892, 13089, 403, 7191, 701, 322, 1235, 3876, 17927, 1889, 963, 13, 361, 451, 903, 4632, 29918, 21707, 29889, 5349, 3481, 9306, 7295, 13, 1678, 903, 21707, 29889, 1202, 4598, 29898, 21027, 29889, 3835, 4598, 3101, 13, 1678, 903, 21707, 29889, 7728, 351, 403, 353, 7700, 13, 13, 29918, 29925, 11375, 10461, 29918, 21289, 353, 2897, 29889, 2084, 29889, 25721, 22168, 1445, 1649, 29897, 13, 29918, 8618, 17637, 29918, 21289, 353, 2897, 29889, 2084, 29889, 25721, 7373, 29925, 11375, 10461, 29918, 21289, 29897, 13, 13, 3166, 282, 3637, 25350, 29918, 4366, 1076, 1053, 21556, 29871, 396, 694, 25621, 29901, 382, 29946, 29900, 29906, 13, 3166, 282, 3637, 25350, 29918, 4366, 1076, 29889, 14035, 29879, 1053, 8251, 1627, 29871, 396, 694, 25621, 29901, 382, 29946, 29900, 29906, 13, 3166, 282, 3637, 25350, 29918, 4366, 1076, 29889, 3221, 1053, 12790, 1076, 1469, 7355, 29892, 12790, 1076, 7355, 29871, 396, 694, 25621, 29901, 382, 29946, 29900, 29906, 13, 3166, 282, 3637, 25350, 29918, 4366, 1076, 29889, 3018, 4983, 1053, 3201, 4983, 29871, 396, 694, 25621, 29901, 382, 29946, 29900, 29906, 13, 3166, 282, 3637, 25350, 29918, 4366, 1076, 29889, 4422, 1907, 29889, 26776, 1053, 16717, 29918, 17991, 1918, 29871, 396, 694, 25621, 29901, 382, 29946, 29900, 29906, 13, 13, 1649, 497, 1649, 353, 518, 13, 1678, 525, 5323, 4983, 742, 13, 1678, 525, 20769, 1076, 1469, 7355, 742, 13, 1678, 525, 20769, 1076, 7355, 742, 13, 1678, 525, 10717, 742, 13, 1678, 525, 26776, 29918, 17991, 1918, 742, 13, 1678, 525, 2527, 10817, 742, 13, 29962, 13, 13, 29937, 363, 24521, 411, 7397, 9741, 13, 1649, 5215, 1649, 877, 15865, 29918, 13237, 2824, 7099, 8663, 29918, 22377, 22168, 978, 1649, 29897, 13, 2 ]
django_tex/environment.py
massimilianoporzio/django-tex
66
71423
<reponame>massimilianoporzio/django-tex from jinja2 import Environment from django_tex.filters import FILTERS def environment(**options): options.update( { "autoescape": None, "extensions": ["django_tex.extensions.GraphicspathExtension"], } ) env = Environment(**options) env.filters = FILTERS return env
[ 1, 529, 276, 1112, 420, 29958, 25379, 326, 20548, 459, 272, 29920, 601, 29914, 14095, 29899, 4776, 13, 3166, 432, 262, 1764, 29906, 1053, 16738, 13, 13, 3166, 9557, 29918, 4776, 29889, 26705, 1053, 383, 6227, 4945, 29903, 13, 13, 13, 1753, 5177, 29898, 1068, 6768, 1125, 13, 1678, 3987, 29889, 5504, 29898, 13, 4706, 426, 13, 9651, 376, 6921, 21587, 1115, 6213, 29892, 13, 9651, 376, 24299, 1115, 6796, 14095, 29918, 4776, 29889, 24299, 29889, 9527, 293, 1028, 493, 17657, 12436, 13, 4706, 500, 13, 1678, 1723, 13, 1678, 8829, 353, 16738, 29898, 1068, 6768, 29897, 13, 1678, 8829, 29889, 26705, 353, 383, 6227, 4945, 29903, 13, 1678, 736, 8829, 13, 2 ]
torchio/transforms/preprocessing/intensity/histogram_random_change.py
GReguig/torchio
1
89209
import numpy as np from ....constants import DATA from .normalization_transform import NormalizationTransform from .histogram_standardization import normalize class HistogramRandomChange(NormalizationTransform): """ Same thins as HistogramStandardization but the landmarks is a random curve """ def __init__(self, masking_method=None, nb_point_ini = 50, nb_smooth=5, verbose=False, **kwargs): super().__init__(masking_method=masking_method, verbose=verbose, **kwargs) self.nb_point_ini = nb_point_ini self.nb_smooth = nb_smooth def apply_normalization(self, sample, image_name, mask): image_dict = sample[image_name] landmarks = self.__get_random_landmarks() image_dict[DATA] = normalize( image_dict[DATA], landmarks, mask=mask, ) def __get_random_landmarks(self): y = np.squeeze(np.sort(np.random.rand(1, self.nb_point_ini))) x1 = np.linspace(0, 1, self.nb_point_ini) x2 = np.linspace(0, 1, 100) y2 = np.interp(x2, x1, y) y2 = self.smooth(y2, self.nb_smooth) y2 = np.sort(y2) y2 = y2 - np.min(y2) y2 = (y2 / np.max(y2)) * 100 return y2 def smooth(self, y, box_pts): box = np.ones(box_pts) / box_pts y_smooth = np.convolve(y, box, mode='same') return y_smooth def get_curve_for_sample(yall): """ not use but other alternative to get a random landmarks from a set of landmarks :return: """ i = np.random.randint(yall.shape[0]) y = np.squeeze(yall[i,:]) i = np.random.randint(y.shape) print(i) if i<yall.shape[1]/2: y = y[i[0]:] else: y = y[0:i[0]] x1 = np.linspace(0, 1, y.shape[0]) x2 = np.linspace(0, 1, 100) y2 = np.interp(x2, x1, y) y2 = y2 - np.min(y2) y2 = (y2 / np.max(y2)) * 100 plt.plot(y2) return y2
[ 1, 1053, 12655, 408, 7442, 13, 3166, 13035, 3075, 1934, 1053, 360, 8254, 13, 3166, 869, 8945, 2133, 29918, 9067, 1053, 21981, 2133, 13372, 13, 3166, 869, 29882, 391, 13342, 29918, 15770, 2133, 1053, 4226, 675, 13, 13, 13, 1990, 15179, 13342, 17875, 7277, 29898, 19077, 2133, 13372, 1125, 13, 1678, 9995, 13, 1678, 19491, 266, 1144, 408, 15179, 13342, 15449, 2133, 541, 278, 2982, 22848, 338, 263, 4036, 11672, 13, 1678, 9995, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 11105, 292, 29918, 5696, 29922, 8516, 29892, 13, 462, 302, 29890, 29918, 3149, 29918, 2172, 353, 29871, 29945, 29900, 29892, 302, 29890, 29918, 3844, 6983, 29922, 29945, 29892, 26952, 29922, 8824, 29892, 3579, 19290, 1125, 13, 4706, 2428, 2141, 1649, 2344, 12035, 13168, 292, 29918, 5696, 29922, 13168, 292, 29918, 5696, 29892, 26952, 29922, 369, 15828, 29892, 3579, 19290, 29897, 13, 4706, 1583, 29889, 9877, 29918, 3149, 29918, 2172, 353, 302, 29890, 29918, 3149, 29918, 2172, 13, 4706, 1583, 29889, 9877, 29918, 3844, 6983, 353, 302, 29890, 29918, 3844, 6983, 13, 13, 1678, 822, 3394, 29918, 8945, 2133, 29898, 1311, 29892, 4559, 29892, 1967, 29918, 978, 29892, 11105, 1125, 13, 4706, 1967, 29918, 8977, 353, 4559, 29961, 3027, 29918, 978, 29962, 13, 4706, 2982, 22848, 353, 1583, 17255, 657, 29918, 8172, 29918, 1049, 22848, 580, 13, 4706, 1967, 29918, 8977, 29961, 14573, 29962, 353, 4226, 675, 29898, 13, 9651, 1967, 29918, 8977, 29961, 14573, 1402, 13, 9651, 2982, 22848, 29892, 13, 9651, 11105, 29922, 13168, 29892, 13, 4706, 1723, 13, 13, 1678, 822, 4770, 657, 29918, 8172, 29918, 1049, 22848, 29898, 1311, 1125, 13, 4706, 343, 353, 7442, 29889, 29879, 802, 29872, 911, 29898, 9302, 29889, 6605, 29898, 9302, 29889, 8172, 29889, 9502, 29898, 29896, 29892, 1583, 29889, 9877, 29918, 3149, 29918, 2172, 4961, 13, 4706, 921, 29896, 353, 7442, 29889, 1915, 3493, 29898, 29900, 29892, 29871, 29896, 29892, 1583, 29889, 9877, 29918, 3149, 29918, 2172, 29897, 13, 4706, 921, 29906, 353, 7442, 29889, 1915, 3493, 29898, 29900, 29892, 29871, 29896, 29892, 29871, 29896, 29900, 29900, 29897, 13, 4706, 343, 29906, 353, 7442, 29889, 1639, 29886, 29898, 29916, 29906, 29892, 921, 29896, 29892, 343, 29897, 13, 4706, 343, 29906, 353, 1583, 29889, 3844, 6983, 29898, 29891, 29906, 29892, 1583, 29889, 9877, 29918, 3844, 6983, 29897, 13, 4706, 343, 29906, 353, 7442, 29889, 6605, 29898, 29891, 29906, 29897, 13, 4706, 343, 29906, 353, 343, 29906, 448, 7442, 29889, 1195, 29898, 29891, 29906, 29897, 13, 4706, 343, 29906, 353, 313, 29891, 29906, 847, 7442, 29889, 3317, 29898, 29891, 29906, 876, 334, 29871, 29896, 29900, 29900, 13, 13, 4706, 736, 343, 29906, 13, 13, 1678, 822, 10597, 29898, 1311, 29892, 343, 29892, 3800, 29918, 16485, 1125, 13, 13, 4706, 3800, 353, 7442, 29889, 2873, 29898, 1884, 29918, 16485, 29897, 847, 3800, 29918, 16485, 13, 4706, 343, 29918, 3844, 6983, 353, 7442, 29889, 535, 1555, 345, 29898, 29891, 29892, 3800, 29892, 4464, 2433, 17642, 1495, 13, 13, 4706, 736, 343, 29918, 3844, 6983, 13, 13, 13, 1678, 822, 679, 29918, 2764, 345, 29918, 1454, 29918, 11249, 29898, 29891, 497, 1125, 13, 4706, 9995, 13, 4706, 451, 671, 541, 916, 8671, 304, 679, 263, 4036, 2982, 22848, 515, 263, 731, 310, 2982, 22848, 13, 4706, 584, 2457, 29901, 13, 4706, 9995, 13, 4706, 474, 353, 7442, 29889, 8172, 29889, 9502, 524, 29898, 29891, 497, 29889, 12181, 29961, 29900, 2314, 13, 4706, 343, 353, 7442, 29889, 29879, 802, 29872, 911, 29898, 29891, 497, 29961, 29875, 29892, 29901, 2314, 13, 13, 4706, 474, 353, 7442, 29889, 8172, 29889, 9502, 524, 29898, 29891, 29889, 12181, 29897, 13, 4706, 1596, 29898, 29875, 29897, 13, 4706, 565, 474, 29966, 29891, 497, 29889, 12181, 29961, 29896, 16261, 29906, 29901, 13, 9651, 343, 353, 343, 29961, 29875, 29961, 29900, 5387, 29962, 13, 4706, 1683, 29901, 13, 9651, 343, 353, 343, 29961, 29900, 29901, 29875, 29961, 29900, 5262, 13, 13, 4706, 921, 29896, 353, 7442, 29889, 1915, 3493, 29898, 29900, 29892, 29871, 29896, 29892, 343, 29889, 12181, 29961, 29900, 2314, 13, 4706, 921, 29906, 353, 7442, 29889, 1915, 3493, 29898, 29900, 29892, 29871, 29896, 29892, 29871, 29896, 29900, 29900, 29897, 13, 4706, 343, 29906, 353, 7442, 29889, 1639, 29886, 29898, 29916, 29906, 29892, 921, 29896, 29892, 343, 29897, 13, 13, 4706, 343, 29906, 353, 343, 29906, 448, 7442, 29889, 1195, 29898, 29891, 29906, 29897, 13, 4706, 343, 29906, 353, 313, 29891, 29906, 847, 7442, 29889, 3317, 29898, 29891, 29906, 876, 334, 29871, 29896, 29900, 29900, 13, 4706, 14770, 29889, 5317, 29898, 29891, 29906, 29897, 13, 4706, 736, 343, 29906, 13, 2 ]
colour/characterisation/displays.py
wenh06/colour
1
93596
<filename>colour/characterisation/displays.py # -*- coding: utf-8 -*- """ RGB Display Primaries ===================== Defines spectral distributions classes for the datasets from :mod:`colour.characterisation.datasets.displays` module: - :class:`colour.characterisation.RGB_DisplayPrimaries`: Implements support for a *RGB* display (such as a *CRT* or *LCD*) primaries multi-spectral distributions. """ from __future__ import division, unicode_literals from colour.colorimetry import MultiSpectralDistributions __author__ = 'Colour Developers' __copyright__ = 'Copyright (C) 2013-2020 - Colour Developers' __license__ = 'New BSD License - https://opensource.org/licenses/BSD-3-Clause' __maintainer__ = 'Colour Developers' __email__ = '<EMAIL>' __status__ = 'Production' __all__ = ['RGB_DisplayPrimaries'] class RGB_DisplayPrimaries(MultiSpectralDistributions): """ Implements support for a *RGB* display (such as a *CRT* or *LCD*) primaries multi-spectral distributions. Parameters ---------- data : Series or Dataframe or Signal or MultiSignals or \ MultiSpectralDistributions or array_like or dict_like, optional Data to be stored in the multi-spectral distributions. domain : array_like, optional Values to initialise the multiple :class:`colour.SpectralDistribution` class instances :attr:`colour.continuous.Signal.wavelengths` attribute with. If both ``data`` and ``domain`` arguments are defined, the latter will be used to initialise the :attr:`colour.continuous.Signal.wavelengths` attribute. labels : array_like, optional Names to use for the :class:`colour.SpectralDistribution` class instances. Other Parameters ---------------- name : unicode, optional Multi-spectral distributions name. interpolator : object, optional Interpolator class type to use as interpolating function for the :class:`colour.SpectralDistribution` class instances. interpolator_kwargs : dict_like, optional Arguments to use when instantiating the interpolating function of the :class:`colour.SpectralDistribution` class instances. extrapolator : object, optional Extrapolator class type to use as extrapolating function for the :class:`colour.SpectralDistribution` class instances. extrapolator_kwargs : dict_like, optional Arguments to use when instantiating the extrapolating function of the :class:`colour.SpectralDistribution` class instances. strict_labels : array_like, optional Multi-spectral distributions labels for figures, default to :attr:`colour.characterisation.RGB_DisplayPrimaries.labels` attribute value. """ def __init__(self, data=None, domain=None, labels=None, **kwargs): super(RGB_DisplayPrimaries, self).__init__( data, domain, labels=('red', 'green', 'blue'), **kwargs)
[ 1, 529, 9507, 29958, 1054, 473, 29914, 18609, 4371, 29914, 2218, 12922, 29889, 2272, 13, 29937, 448, 29930, 29899, 14137, 29901, 23616, 29899, 29947, 448, 29930, 29899, 13, 15945, 29908, 13, 28212, 17440, 9724, 4314, 13, 9166, 2751, 29922, 13, 13, 3206, 1475, 23161, 18822, 4413, 363, 278, 20035, 515, 13, 29901, 1545, 18078, 1054, 473, 29889, 18609, 4371, 29889, 14538, 1691, 29889, 2218, 12922, 29952, 3883, 29901, 13, 13, 29899, 259, 584, 1990, 18078, 1054, 473, 29889, 18609, 4371, 29889, 28212, 29918, 9323, 18213, 4314, 6998, 1954, 9711, 2304, 13, 1678, 363, 263, 334, 28212, 29930, 2479, 313, 14565, 408, 263, 334, 11341, 29911, 29930, 470, 334, 29931, 6530, 7528, 1903, 4314, 2473, 29899, 21494, 1705, 13, 1678, 18822, 29889, 13, 15945, 29908, 13, 13, 3166, 4770, 29888, 9130, 1649, 1053, 8542, 29892, 29104, 29918, 20889, 1338, 13, 13, 3166, 12384, 29889, 2780, 17528, 719, 1053, 14974, 29903, 1103, 1705, 13398, 3224, 29879, 13, 13, 1649, 8921, 1649, 353, 525, 1625, 473, 10682, 414, 29915, 13, 1649, 8552, 1266, 1649, 353, 525, 11882, 1266, 313, 29907, 29897, 29871, 29906, 29900, 29896, 29941, 29899, 29906, 29900, 29906, 29900, 448, 1530, 473, 10682, 414, 29915, 13, 1649, 506, 1947, 1649, 353, 525, 4373, 350, 7230, 19245, 448, 2045, 597, 22156, 1167, 29889, 990, 29914, 506, 11259, 29914, 29933, 7230, 29899, 29941, 29899, 20216, 1509, 29915, 13, 1649, 29885, 2365, 4008, 1649, 353, 525, 1625, 473, 10682, 414, 29915, 13, 1649, 5269, 1649, 353, 12801, 26862, 6227, 16299, 13, 1649, 4882, 1649, 353, 525, 23665, 428, 29915, 13, 13, 1649, 497, 1649, 353, 6024, 28212, 29918, 9323, 18213, 4314, 2033, 13, 13, 13, 1990, 390, 7210, 29918, 9323, 18213, 4314, 29898, 15329, 29903, 1103, 1705, 13398, 3224, 29879, 1125, 13, 1678, 9995, 13, 1678, 1954, 9711, 2304, 363, 263, 334, 28212, 29930, 2479, 313, 14565, 408, 263, 334, 11341, 29911, 29930, 470, 334, 29931, 6530, 7528, 13, 1678, 1903, 4314, 2473, 29899, 21494, 1705, 18822, 29889, 13, 13, 1678, 12662, 2699, 13, 1678, 448, 1378, 29899, 13, 1678, 848, 584, 10488, 470, 3630, 2557, 470, 9954, 284, 470, 14974, 10140, 1338, 470, 320, 13, 15329, 29903, 1103, 1705, 13398, 3224, 29879, 470, 1409, 29918, 4561, 470, 9657, 29918, 4561, 29892, 13136, 13, 4706, 3630, 304, 367, 6087, 297, 278, 2473, 29899, 21494, 1705, 18822, 29889, 13, 1678, 5354, 584, 1409, 29918, 4561, 29892, 13136, 13, 4706, 2630, 1041, 304, 2847, 895, 278, 2999, 584, 1990, 18078, 1054, 473, 29889, 29903, 1103, 1705, 13398, 3224, 29952, 13, 4706, 770, 8871, 584, 5552, 18078, 1054, 473, 29889, 20621, 681, 29889, 10140, 284, 29889, 29893, 6447, 1477, 29879, 29952, 5352, 13, 4706, 411, 29889, 960, 1716, 4954, 1272, 16159, 322, 4954, 7247, 16159, 6273, 526, 3342, 29892, 278, 7480, 13, 4706, 674, 367, 1304, 304, 2847, 895, 278, 13, 4706, 584, 5552, 18078, 1054, 473, 29889, 20621, 681, 29889, 10140, 284, 29889, 29893, 6447, 1477, 29879, 29952, 5352, 29889, 13, 1678, 11073, 584, 1409, 29918, 4561, 29892, 13136, 13, 4706, 14706, 304, 671, 363, 278, 584, 1990, 18078, 1054, 473, 29889, 29903, 1103, 1705, 13398, 3224, 29952, 770, 13, 4706, 8871, 29889, 13, 13, 1678, 5901, 12662, 2699, 13, 1678, 448, 9072, 5634, 13, 1678, 1024, 584, 29104, 29892, 13136, 13, 539, 14974, 29899, 21494, 1705, 18822, 1024, 29889, 13, 1678, 20064, 1061, 584, 1203, 29892, 13136, 13, 4706, 4124, 3733, 1061, 770, 1134, 304, 671, 408, 20064, 1218, 740, 363, 278, 13, 4706, 584, 1990, 18078, 1054, 473, 29889, 29903, 1103, 1705, 13398, 3224, 29952, 770, 8871, 29889, 13, 1678, 20064, 1061, 29918, 19290, 584, 9657, 29918, 4561, 29892, 13136, 13, 4706, 11842, 9331, 304, 671, 746, 13213, 1218, 278, 20064, 1218, 740, 13, 4706, 310, 278, 584, 1990, 18078, 1054, 473, 29889, 29903, 1103, 1705, 13398, 3224, 29952, 770, 8871, 29889, 13, 1678, 1294, 2390, 324, 1061, 584, 1203, 29892, 13136, 13, 4706, 7338, 2390, 324, 1061, 770, 1134, 304, 671, 408, 1294, 2390, 324, 1218, 740, 363, 278, 13, 4706, 584, 1990, 18078, 1054, 473, 29889, 29903, 1103, 1705, 13398, 3224, 29952, 770, 8871, 29889, 13, 1678, 1294, 2390, 324, 1061, 29918, 19290, 584, 9657, 29918, 4561, 29892, 13136, 13, 4706, 11842, 9331, 304, 671, 746, 13213, 1218, 278, 1294, 2390, 324, 1218, 740, 13, 4706, 310, 278, 584, 1990, 18078, 1054, 473, 29889, 29903, 1103, 1705, 13398, 3224, 29952, 770, 8871, 29889, 13, 1678, 9406, 29918, 21134, 584, 1409, 29918, 4561, 29892, 13136, 13, 4706, 14974, 29899, 21494, 1705, 18822, 11073, 363, 13994, 29892, 2322, 304, 13, 4706, 584, 5552, 18078, 1054, 473, 29889, 18609, 4371, 29889, 28212, 29918, 9323, 18213, 4314, 29889, 21134, 29952, 5352, 13, 4706, 995, 29889, 13, 1678, 9995, 13, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 848, 29922, 8516, 29892, 5354, 29922, 8516, 29892, 11073, 29922, 8516, 29892, 3579, 19290, 1125, 13, 4706, 2428, 29898, 28212, 29918, 9323, 18213, 4314, 29892, 1583, 467, 1649, 2344, 12035, 13, 9651, 848, 29892, 5354, 29892, 11073, 29922, 877, 1127, 742, 525, 12692, 742, 525, 9539, 5477, 3579, 19290, 29897, 13, 2 ]
pikarpc/chunked_utils.py
valfrom/python_pika_rpc
0
74578
from pikarpc.byte_utils import int_to_bytes, int_from_bytes, float_to_bytes, float_from_bytes from PIL import Image from pikarpc.image_utils import image_from_byte_array, image_to_byte_array def bytes_from_value(v, lossless): result = bytes() if type(v) == bytes: result += b'b' result += v elif type(v) == str: result += b's' result += v.encode('utf-8') elif type(v) == bool: result += b'v' result += int_to_bytes(1 if v else 0) elif type(v) == int: result += b'i' result += int_to_bytes(v) elif type(v) == float: result += b'f' result += float_to_bytes(v) elif type(v) == list: result += b'l' result += chunked_bytes_from_list(v, lossless) elif type(v) == dict: result += b'd' result += chunked_bytes_from_dict(v, lossless) elif issubclass(type(v), Image.Image): result += b'p' result += image_to_byte_array(v, fmt='PNG' if lossless else 'JPEG') return result def value_from_bytes(b, index): l = int_from_bytes(b[index:index + 4]) index += 4 t = b[index:index + 1].decode('utf-8') index += 1 data = b[index:index + l] index += l val = data if t == 's': val = data.decode('utf-8') elif t == 'v': val = True if int_from_bytes(data) == 1 else False elif t == 'i': val = int_from_bytes(data) elif t == 'f': val = float_from_bytes(data) elif t == 'd': val = chunked_dict_from_bytes(data) elif t == 'l': val = chunked_list_from_bytes(data) elif t == 'p': val = image_from_byte_array(data) return index, val def chunked_bytes_from_object(o, lossless=False): result = bytes() if type(o) == dict: result += b'd' result += chunked_bytes_from_dict(o, lossless) elif type(o) == list: result += b'l' result += chunked_bytes_from_list(o, lossless) else: bts = bytes_from_value(o, lossless) result += bts[0:1] result += int_to_bytes(len(bts) - 1) result += bts return result def chunked_bytes_from_list(arr, lossless): result = bytes() result += int_to_bytes(len(arr)) for v in arr: bts = bytes_from_value(v, lossless) result += int_to_bytes(len(bts) - 1) result += bts return result def chunked_bytes_from_dict(d: dict, lossless): result = bytes() for k, v in d.items(): bts = bytes_from_value(v, lossless) kb = k.encode('utf-8') result += int_to_bytes(len(kb)) result += kb result += int_to_bytes(len(bts) - 1) result += bts return result def chunked_object_from_bytes(b): t = b[0:1] if t == b'd': return chunked_dict_from_bytes(b[1:]) elif t == b'l': return chunked_list_from_bytes(b[1:]) return value_from_bytes(b[1:], 0)[1] def chunked_list_from_bytes(b): result = [] index = 0 l = int_from_bytes(b[:4]) index += 4 for i in range(0, l): index, val = value_from_bytes(b, index) result.append(val) return result def chunked_dict_from_bytes(b): result = {} index = 0 while index < len(b): kl = int_from_bytes(b[index:index + 4]) index += 4 key = b[index:index + kl].decode('utf-8') index += kl index, val = value_from_bytes(b, index) result[key] = val return result
[ 1, 515, 282, 638, 279, 6739, 29889, 10389, 29918, 13239, 1053, 938, 29918, 517, 29918, 13193, 29892, 938, 29918, 3166, 29918, 13193, 29892, 5785, 29918, 517, 29918, 13193, 29892, 5785, 29918, 3166, 29918, 13193, 13, 3166, 349, 6227, 1053, 7084, 13, 3166, 282, 638, 279, 6739, 29889, 3027, 29918, 13239, 1053, 1967, 29918, 3166, 29918, 10389, 29918, 2378, 29892, 1967, 29918, 517, 29918, 10389, 29918, 2378, 13, 13, 13, 1753, 6262, 29918, 3166, 29918, 1767, 29898, 29894, 29892, 6410, 2222, 1125, 13, 1678, 1121, 353, 6262, 580, 13, 1678, 565, 1134, 29898, 29894, 29897, 1275, 6262, 29901, 13, 4706, 1121, 4619, 289, 29915, 29890, 29915, 13, 4706, 1121, 4619, 325, 13, 1678, 25342, 1134, 29898, 29894, 29897, 1275, 851, 29901, 13, 4706, 1121, 4619, 289, 29915, 29879, 29915, 13, 4706, 1121, 4619, 325, 29889, 12508, 877, 9420, 29899, 29947, 1495, 13, 1678, 25342, 1134, 29898, 29894, 29897, 1275, 6120, 29901, 13, 4706, 1121, 4619, 289, 29915, 29894, 29915, 13, 4706, 1121, 4619, 938, 29918, 517, 29918, 13193, 29898, 29896, 565, 325, 1683, 29871, 29900, 29897, 13, 1678, 25342, 1134, 29898, 29894, 29897, 1275, 938, 29901, 13, 4706, 1121, 4619, 289, 29915, 29875, 29915, 13, 4706, 1121, 4619, 938, 29918, 517, 29918, 13193, 29898, 29894, 29897, 13, 1678, 25342, 1134, 29898, 29894, 29897, 1275, 5785, 29901, 13, 4706, 1121, 4619, 289, 29915, 29888, 29915, 13, 4706, 1121, 4619, 5785, 29918, 517, 29918, 13193, 29898, 29894, 29897, 13, 1678, 25342, 1134, 29898, 29894, 29897, 1275, 1051, 29901, 13, 4706, 1121, 4619, 289, 29915, 29880, 29915, 13, 4706, 1121, 4619, 19875, 287, 29918, 13193, 29918, 3166, 29918, 1761, 29898, 29894, 29892, 6410, 2222, 29897, 13, 1678, 25342, 1134, 29898, 29894, 29897, 1275, 9657, 29901, 13, 4706, 1121, 4619, 289, 29915, 29881, 29915, 13, 4706, 1121, 4619, 19875, 287, 29918, 13193, 29918, 3166, 29918, 8977, 29898, 29894, 29892, 6410, 2222, 29897, 13, 1678, 25342, 338, 1491, 1990, 29898, 1853, 29898, 29894, 511, 7084, 29889, 2940, 1125, 13, 4706, 1121, 4619, 289, 29915, 29886, 29915, 13, 4706, 1121, 4619, 1967, 29918, 517, 29918, 10389, 29918, 2378, 29898, 29894, 29892, 19200, 2433, 29925, 9312, 29915, 565, 6410, 2222, 1683, 525, 29967, 4162, 29954, 1495, 13, 13, 1678, 736, 1121, 13, 13, 13, 1753, 995, 29918, 3166, 29918, 13193, 29898, 29890, 29892, 2380, 1125, 13, 1678, 301, 353, 938, 29918, 3166, 29918, 13193, 29898, 29890, 29961, 2248, 29901, 2248, 718, 29871, 29946, 2314, 13, 1678, 2380, 4619, 29871, 29946, 13, 1678, 260, 353, 289, 29961, 2248, 29901, 2248, 718, 29871, 29896, 1822, 13808, 877, 9420, 29899, 29947, 1495, 13, 1678, 2380, 4619, 29871, 29896, 13, 1678, 848, 353, 289, 29961, 2248, 29901, 2248, 718, 301, 29962, 13, 1678, 2380, 4619, 301, 13, 1678, 659, 353, 848, 13, 1678, 565, 260, 1275, 525, 29879, 2396, 13, 4706, 659, 353, 848, 29889, 13808, 877, 9420, 29899, 29947, 1495, 13, 1678, 25342, 260, 1275, 525, 29894, 2396, 13, 4706, 659, 353, 5852, 565, 938, 29918, 3166, 29918, 13193, 29898, 1272, 29897, 1275, 29871, 29896, 1683, 7700, 13, 1678, 25342, 260, 1275, 525, 29875, 2396, 13, 4706, 659, 353, 938, 29918, 3166, 29918, 13193, 29898, 1272, 29897, 13, 1678, 25342, 260, 1275, 525, 29888, 2396, 13, 4706, 659, 353, 5785, 29918, 3166, 29918, 13193, 29898, 1272, 29897, 13, 1678, 25342, 260, 1275, 525, 29881, 2396, 13, 4706, 659, 353, 19875, 287, 29918, 8977, 29918, 3166, 29918, 13193, 29898, 1272, 29897, 13, 1678, 25342, 260, 1275, 525, 29880, 2396, 13, 4706, 659, 353, 19875, 287, 29918, 1761, 29918, 3166, 29918, 13193, 29898, 1272, 29897, 13, 1678, 25342, 260, 1275, 525, 29886, 2396, 13, 4706, 659, 353, 1967, 29918, 3166, 29918, 10389, 29918, 2378, 29898, 1272, 29897, 13, 13, 1678, 736, 2380, 29892, 659, 13, 13, 13, 1753, 19875, 287, 29918, 13193, 29918, 3166, 29918, 3318, 29898, 29877, 29892, 6410, 2222, 29922, 8824, 1125, 13, 1678, 1121, 353, 6262, 580, 13, 1678, 565, 1134, 29898, 29877, 29897, 1275, 9657, 29901, 13, 4706, 1121, 4619, 289, 29915, 29881, 29915, 13, 4706, 1121, 4619, 19875, 287, 29918, 13193, 29918, 3166, 29918, 8977, 29898, 29877, 29892, 6410, 2222, 29897, 13, 1678, 25342, 1134, 29898, 29877, 29897, 1275, 1051, 29901, 13, 4706, 1121, 4619, 289, 29915, 29880, 29915, 13, 4706, 1121, 4619, 19875, 287, 29918, 13193, 29918, 3166, 29918, 1761, 29898, 29877, 29892, 6410, 2222, 29897, 13, 1678, 1683, 29901, 13, 4706, 289, 1372, 353, 6262, 29918, 3166, 29918, 1767, 29898, 29877, 29892, 6410, 2222, 29897, 13, 4706, 1121, 4619, 289, 1372, 29961, 29900, 29901, 29896, 29962, 13, 4706, 1121, 4619, 938, 29918, 517, 29918, 13193, 29898, 2435, 29898, 29890, 1372, 29897, 448, 29871, 29896, 29897, 13, 4706, 1121, 4619, 289, 1372, 13, 13, 1678, 736, 1121, 13, 13, 13, 13, 1753, 19875, 287, 29918, 13193, 29918, 3166, 29918, 1761, 29898, 2749, 29892, 6410, 2222, 1125, 13, 1678, 1121, 353, 6262, 580, 13, 1678, 1121, 4619, 938, 29918, 517, 29918, 13193, 29898, 2435, 29898, 2749, 876, 13, 1678, 363, 325, 297, 3948, 29901, 13, 4706, 289, 1372, 353, 6262, 29918, 3166, 29918, 1767, 29898, 29894, 29892, 6410, 2222, 29897, 13, 4706, 1121, 4619, 938, 29918, 517, 29918, 13193, 29898, 2435, 29898, 29890, 1372, 29897, 448, 29871, 29896, 29897, 13, 4706, 1121, 4619, 289, 1372, 13, 1678, 736, 1121, 13, 13, 13, 1753, 19875, 287, 29918, 13193, 29918, 3166, 29918, 8977, 29898, 29881, 29901, 9657, 29892, 6410, 2222, 1125, 13, 1678, 1121, 353, 6262, 580, 13, 1678, 363, 413, 29892, 325, 297, 270, 29889, 7076, 7295, 13, 4706, 289, 1372, 353, 6262, 29918, 3166, 29918, 1767, 29898, 29894, 29892, 6410, 2222, 29897, 13, 13, 4706, 413, 29890, 353, 413, 29889, 12508, 877, 9420, 29899, 29947, 1495, 13, 4706, 1121, 4619, 938, 29918, 517, 29918, 13193, 29898, 2435, 29898, 21066, 876, 13, 4706, 1121, 4619, 413, 29890, 13, 13, 4706, 1121, 4619, 938, 29918, 517, 29918, 13193, 29898, 2435, 29898, 29890, 1372, 29897, 448, 29871, 29896, 29897, 13, 4706, 1121, 4619, 289, 1372, 13, 13, 1678, 736, 1121, 13, 13, 13, 1753, 19875, 287, 29918, 3318, 29918, 3166, 29918, 13193, 29898, 29890, 1125, 13, 1678, 260, 353, 289, 29961, 29900, 29901, 29896, 29962, 13, 1678, 565, 260, 1275, 289, 29915, 29881, 2396, 13, 4706, 736, 19875, 287, 29918, 8977, 29918, 3166, 29918, 13193, 29898, 29890, 29961, 29896, 29901, 2314, 13, 1678, 25342, 260, 1275, 289, 29915, 29880, 2396, 13, 4706, 736, 19875, 287, 29918, 1761, 29918, 3166, 29918, 13193, 29898, 29890, 29961, 29896, 29901, 2314, 13, 13, 1678, 736, 995, 29918, 3166, 29918, 13193, 29898, 29890, 29961, 29896, 29901, 1402, 29871, 29900, 9601, 29896, 29962, 13, 13, 13, 1753, 19875, 287, 29918, 1761, 29918, 3166, 29918, 13193, 29898, 29890, 1125, 13, 1678, 1121, 353, 5159, 13, 1678, 2380, 353, 29871, 29900, 13, 1678, 301, 353, 938, 29918, 3166, 29918, 13193, 29898, 29890, 7503, 29946, 2314, 13, 1678, 2380, 4619, 29871, 29946, 13, 1678, 363, 474, 297, 3464, 29898, 29900, 29892, 301, 1125, 13, 4706, 2380, 29892, 659, 353, 995, 29918, 3166, 29918, 13193, 29898, 29890, 29892, 2380, 29897, 13, 4706, 1121, 29889, 4397, 29898, 791, 29897, 13, 13, 1678, 736, 1121, 13, 13, 13, 1753, 19875, 287, 29918, 8977, 29918, 3166, 29918, 13193, 29898, 29890, 1125, 13, 1678, 1121, 353, 6571, 13, 1678, 2380, 353, 29871, 29900, 13, 1678, 1550, 2380, 529, 7431, 29898, 29890, 1125, 13, 4706, 9489, 353, 938, 29918, 3166, 29918, 13193, 29898, 29890, 29961, 2248, 29901, 2248, 718, 29871, 29946, 2314, 13, 4706, 2380, 4619, 29871, 29946, 13, 4706, 1820, 353, 289, 29961, 2248, 29901, 2248, 718, 9489, 1822, 13808, 877, 9420, 29899, 29947, 1495, 13, 4706, 2380, 4619, 9489, 13, 13, 4706, 2380, 29892, 659, 353, 995, 29918, 3166, 29918, 13193, 29898, 29890, 29892, 2380, 29897, 13, 4706, 1121, 29961, 1989, 29962, 353, 659, 13, 13, 1678, 736, 1121, 13, 2 ]
estimation/test/test_boostrap_errors.py
eribean/GIRTH
0
197852
import unittest import warnings import numpy as np from girth.synthetic import create_synthetic_irt_dichotomous, create_synthetic_irt_polytomous from girth import (rasch_jml, onepl_jml, twopl_jml, grm_jml, pcm_jml, rasch_mml, onepl_mml, twopl_mml, twopl_mml_eap, grm_mml_eap, pcm_mml, grm_mml, rasch_conditional, standard_errors_bootstrap) def _contains_keys(results, identifier): """Checks for standard keys in bootstrap result.""" for key in ['Standard Errors', '95th CI', 'Bias', 'Solution']: if key not in results.keys(): raise AssertionError(f"Key: {key} not found in return argument." f"Error in {identifier}") for key in results['95th CI']: if np.any(results['95th CI'][key][1] < results['95th CI'][key][0]): raise AssertionError(f"Confidence Interval Error. {key} " f"Error in {identifier}") warnings.filterwarnings('ignore') class TestBootstrapStandardErrors(unittest.TestCase): """Test Fixture for Bootstrap Standard Errors.""" # Smoke Tests to make sure they give an output # Tests bootstrap errors def setUp(self): rng = np.random.default_rng(48725309847520) self.discrimination = 0.25 + rng.rayleigh(.7, 5) self.difficulty = np.linspace(-1.5, 1.5, 5) self.difficulty_poly = np.sort(rng.standard_normal((5, 3)), axis=1) self.theta = rng.standard_normal(1000) self.options = {'max_iteration': 2} self.boot_iter = 10 def test_jml_methods_dichotomous(self): """Testing Bootstrap on JML Methods Dichotomous.""" rng = np.random.default_rng(39485720394875) dataset = create_synthetic_irt_dichotomous(self.difficulty, self.discrimination, self.theta, seed=rng) result = standard_errors_bootstrap(dataset, rasch_jml, n_processors=1, bootstrap_iterations=self.boot_iter, options=self.options) self.assertEqual(result['Standard Errors']['Discrimination'][0], 0) _contains_keys(result, 'Rasch JML') result = standard_errors_bootstrap(dataset, onepl_jml, n_processors=2, bootstrap_iterations=self.boot_iter, options=self.options) _contains_keys(result, '1PL JML') result = standard_errors_bootstrap(dataset, twopl_jml, n_processors=2, bootstrap_iterations=self.boot_iter, options=self.options) _contains_keys(result, '2PL JML') @unittest.skip(reason="Github") def test_jml_methods_polytomous(self): """Testing Bootstrap on JML Methods Polytomous.""" rng = np.random.default_rng(8672379287302651089) dataset = create_synthetic_irt_polytomous(self.difficulty_poly, self.discrimination, self.theta, seed=rng) result = standard_errors_bootstrap(dataset, grm_jml, n_processors=2, bootstrap_iterations=self.boot_iter, options=self.options) self.assertTupleEqual(result['95th CI']['Difficulty'][0].shape, self.difficulty_poly.shape) _contains_keys(result, 'GRM JML') dataset = create_synthetic_irt_polytomous(self.difficulty_poly, self.discrimination, self.theta, seed=rng, model='pcm') result = standard_errors_bootstrap(dataset, pcm_jml, n_processors=2, bootstrap_iterations=self.boot_iter, options=self.options) self.assertTupleEqual(result['95th CI']['Difficulty'][0].shape, self.difficulty_poly.shape) _contains_keys(result, 'PCM JML') @unittest.skip(reason="Github") def test_rasch_conditional(self): """Testing rasch conditional methods.""" rng = np.random.default_rng(426376867989075563) dataset = create_synthetic_irt_dichotomous(self.difficulty, self.discrimination, self.theta, seed=rng) result = standard_errors_bootstrap(dataset, rasch_conditional, n_processors=2, bootstrap_iterations=self.boot_iter, options=self.options) self.assertEqual(result['Standard Errors']['Discrimination'][0], 0) _contains_keys(result, 'Rasch MML') @unittest.skip(reason="Github") def test_mml_methods_dichotomous(self): """Testing Bootstrap on MML Methods Dichotomous.""" rng = np.random.default_rng(8764328976187234) dataset = create_synthetic_irt_dichotomous(self.difficulty, self.discrimination, self.theta, seed=rng) result = standard_errors_bootstrap(dataset, rasch_mml, n_processors=2, bootstrap_iterations=self.boot_iter, options=self.options) self.assertEqual(result['Standard Errors']['Discrimination'][0], 0) _contains_keys(result, 'Rasch MML') result = standard_errors_bootstrap(dataset, onepl_mml, n_processors=2, bootstrap_iterations=self.boot_iter, options=self.options) _contains_keys(result, '1PL MML') result = standard_errors_bootstrap(dataset, twopl_mml, n_processors=2, bootstrap_iterations=self.boot_iter, options=self.options) _contains_keys(result, '2PL MML') @unittest.skip(reason="Github") def test_mml_methods_polytomous(self): """Testing Bootstrap on MML Methods Polytomous.""" rng = np.random.default_rng(4347621232345345696) dataset = create_synthetic_irt_polytomous(self.difficulty_poly, self.discrimination, self.theta, seed=rng) result = standard_errors_bootstrap(dataset, grm_mml, n_processors=2, bootstrap_iterations=self.boot_iter, options=self.options) self.assertTupleEqual(result['95th CI']['Difficulty'][0].shape, self.difficulty_poly.shape) _contains_keys(result, 'GRM MML') dataset = create_synthetic_irt_polytomous(self.difficulty_poly, self.discrimination, self.theta, seed=rng, model='pcm') result = standard_errors_bootstrap(dataset, pcm_mml, n_processors=2, bootstrap_iterations=self.boot_iter, options=self.options) self.assertTupleEqual(result['95th CI']['Difficulty'][0].shape, self.difficulty_poly.shape) _contains_keys(result, 'PCM MML') @unittest.skip(reason="Github") def test_eap_mml_methods(self): """Testing Bootstrap on eap methods.""" rng = np.random.default_rng(66739234876520981) dataset = create_synthetic_irt_dichotomous(self.difficulty, self.discrimination, self.theta, seed=rng) result = standard_errors_bootstrap(dataset, twopl_mml_eap, n_processors=2, bootstrap_iterations=self.boot_iter, options=self.options) _contains_keys(result, '2PL EAP-MML') dataset = create_synthetic_irt_polytomous(self.difficulty_poly, self.discrimination, self.theta, seed=rng) result = standard_errors_bootstrap(dataset, grm_mml_eap, n_processors=2, bootstrap_iterations=self.boot_iter, options=self.options) self.assertTupleEqual(result['95th CI']['Difficulty'][0].shape, self.difficulty_poly.shape) _contains_keys(result, 'GRM EAP-MML') if __name__ == "__main__": import warnings warnings.filterwarnings('ignore') unittest.main()
[ 1, 1053, 443, 27958, 13, 5215, 18116, 1678, 13, 13, 5215, 12655, 408, 7442, 13, 13, 3166, 330, 7515, 29889, 19274, 386, 7492, 1053, 1653, 29918, 19274, 386, 7492, 29918, 2728, 29918, 29881, 436, 327, 290, 681, 29892, 1653, 29918, 19274, 386, 7492, 29918, 2728, 29918, 3733, 3637, 290, 681, 13, 3166, 330, 7515, 1053, 313, 3417, 305, 29918, 29926, 828, 29892, 697, 572, 29918, 29926, 828, 29892, 3252, 459, 29880, 29918, 29926, 828, 29892, 867, 29885, 29918, 29926, 828, 29892, 282, 4912, 29918, 29926, 828, 29892, 13, 1678, 22641, 305, 29918, 29885, 828, 29892, 697, 572, 29918, 29885, 828, 29892, 3252, 459, 29880, 29918, 29885, 828, 29892, 3252, 459, 29880, 29918, 29885, 828, 29918, 29872, 481, 29892, 867, 29885, 29918, 29885, 828, 29918, 29872, 481, 29892, 282, 4912, 29918, 29885, 828, 29892, 13, 1678, 867, 29885, 29918, 29885, 828, 29892, 22641, 305, 29918, 1116, 3245, 29892, 3918, 29918, 12523, 29918, 8704, 29897, 13, 13, 1753, 903, 11516, 29918, 8149, 29898, 9902, 29892, 15882, 1125, 13, 1678, 9995, 5596, 29879, 363, 3918, 6611, 297, 16087, 1121, 1213, 15945, 13, 1678, 363, 1820, 297, 6024, 15449, 4829, 29879, 742, 525, 29929, 29945, 386, 25781, 742, 525, 29933, 3173, 742, 525, 13296, 918, 2033, 29901, 13, 4706, 565, 1820, 451, 297, 2582, 29889, 8149, 7295, 13, 9651, 12020, 16499, 291, 2392, 29898, 29888, 29908, 2558, 29901, 426, 1989, 29913, 451, 1476, 297, 736, 2980, 1213, 29871, 13, 462, 462, 285, 29908, 2392, 297, 426, 25378, 27195, 13, 13, 1678, 363, 1820, 297, 2582, 1839, 29929, 29945, 386, 25781, 2033, 29901, 13, 4706, 565, 7442, 29889, 1384, 29898, 9902, 1839, 29929, 29945, 386, 25781, 2033, 29961, 1989, 3816, 29896, 29962, 529, 2582, 1839, 29929, 29945, 386, 25781, 2033, 29961, 1989, 3816, 29900, 29962, 1125, 13, 9651, 12020, 16499, 291, 2392, 29898, 29888, 29908, 16376, 5084, 4124, 791, 4829, 29889, 426, 1989, 29913, 376, 29871, 13, 462, 462, 285, 29908, 2392, 297, 426, 25378, 27195, 13, 13, 13, 25442, 886, 29889, 4572, 25442, 886, 877, 17281, 1495, 268, 13, 13, 13, 1990, 4321, 20967, 5698, 15449, 22463, 29898, 348, 27958, 29889, 3057, 8259, 1125, 13, 1678, 9995, 3057, 383, 29875, 15546, 363, 25746, 10117, 4829, 29879, 1213, 15945, 13, 268, 13, 1678, 396, 4116, 6946, 4321, 29879, 304, 1207, 1854, 896, 2367, 385, 1962, 13, 13, 1678, 396, 4321, 29879, 16087, 4436, 13, 1678, 822, 731, 3373, 29898, 1311, 1125, 13, 4706, 364, 865, 353, 7442, 29889, 8172, 29889, 4381, 29918, 29878, 865, 29898, 29946, 29947, 29955, 29906, 29945, 29941, 29900, 29929, 29947, 29946, 29955, 29945, 29906, 29900, 29897, 13, 4706, 1583, 29889, 2218, 29883, 5632, 3381, 353, 29871, 29900, 29889, 29906, 29945, 718, 364, 865, 29889, 764, 280, 1141, 11891, 29955, 29892, 29871, 29945, 29897, 13, 4706, 1583, 29889, 12765, 3953, 29891, 353, 7442, 29889, 1915, 3493, 6278, 29896, 29889, 29945, 29892, 29871, 29896, 29889, 29945, 29892, 29871, 29945, 29897, 13, 4706, 1583, 29889, 12765, 3953, 29891, 29918, 22678, 353, 7442, 29889, 6605, 29898, 29878, 865, 29889, 15770, 29918, 8945, 3552, 29945, 29892, 29871, 29941, 8243, 9685, 29922, 29896, 29897, 13, 4706, 1583, 29889, 3416, 353, 364, 865, 29889, 15770, 29918, 8945, 29898, 29896, 29900, 29900, 29900, 29897, 13, 4706, 1583, 29889, 6768, 353, 11117, 3317, 29918, 1524, 362, 2396, 29871, 29906, 29913, 13, 4706, 1583, 29889, 4777, 29918, 1524, 353, 29871, 29896, 29900, 13, 268, 13, 1678, 822, 1243, 29918, 29926, 828, 29918, 23515, 29918, 29881, 436, 327, 290, 681, 29898, 1311, 1125, 13, 4706, 9995, 3057, 292, 25746, 373, 435, 1988, 8108, 29879, 360, 436, 327, 290, 681, 1213, 15945, 13, 4706, 364, 865, 353, 7442, 29889, 8172, 29889, 4381, 29918, 29878, 865, 29898, 29941, 29929, 29946, 29947, 29945, 29955, 29906, 29900, 29941, 29929, 29946, 29947, 29955, 29945, 29897, 13, 4706, 8783, 353, 1653, 29918, 19274, 386, 7492, 29918, 2728, 29918, 29881, 436, 327, 290, 681, 29898, 1311, 29889, 12765, 3953, 29891, 29892, 1583, 29889, 2218, 29883, 5632, 3381, 29892, 29871, 13, 462, 462, 462, 259, 1583, 29889, 3416, 29892, 16717, 29922, 29878, 865, 29897, 13, 13, 4706, 1121, 353, 3918, 29918, 12523, 29918, 8704, 29898, 24713, 29892, 22641, 305, 29918, 29926, 828, 29892, 302, 29918, 5014, 943, 29922, 29896, 29892, 13, 462, 462, 965, 16087, 29918, 1524, 800, 29922, 1311, 29889, 4777, 29918, 1524, 29892, 29871, 13, 462, 462, 965, 3987, 29922, 1311, 29889, 6768, 29897, 13, 4706, 1583, 29889, 9294, 9843, 29898, 2914, 1839, 15449, 4829, 29879, 16215, 4205, 29883, 5632, 3381, 2033, 29961, 29900, 1402, 29871, 29900, 29897, 13, 4706, 903, 11516, 29918, 8149, 29898, 2914, 29892, 525, 29934, 294, 305, 435, 1988, 1495, 13, 13, 4706, 1121, 353, 3918, 29918, 12523, 29918, 8704, 29898, 24713, 29892, 697, 572, 29918, 29926, 828, 29892, 302, 29918, 5014, 943, 29922, 29906, 29892, 13, 462, 462, 965, 16087, 29918, 1524, 800, 29922, 1311, 29889, 4777, 29918, 1524, 29892, 29871, 13, 462, 462, 965, 3987, 29922, 1311, 29889, 6768, 29897, 13, 4706, 903, 11516, 29918, 8149, 29898, 2914, 29892, 525, 29896, 7390, 435, 1988, 1495, 13, 13, 4706, 1121, 353, 3918, 29918, 12523, 29918, 8704, 29898, 24713, 29892, 3252, 459, 29880, 29918, 29926, 828, 29892, 302, 29918, 5014, 943, 29922, 29906, 29892, 13, 462, 462, 965, 16087, 29918, 1524, 800, 29922, 1311, 29889, 4777, 29918, 1524, 29892, 29871, 13, 462, 462, 965, 3987, 29922, 1311, 29889, 6768, 29897, 13, 4706, 903, 11516, 29918, 8149, 29898, 2914, 29892, 525, 29906, 7390, 435, 1988, 1495, 13, 13, 1678, 732, 348, 27958, 29889, 11014, 29898, 23147, 543, 29954, 2985, 1159, 13, 1678, 822, 1243, 29918, 29926, 828, 29918, 23515, 29918, 3733, 3637, 290, 681, 29898, 1311, 1125, 13, 4706, 9995, 3057, 292, 25746, 373, 435, 1988, 8108, 29879, 2043, 3637, 290, 681, 1213, 15945, 13, 4706, 364, 865, 353, 7442, 29889, 8172, 29889, 4381, 29918, 29878, 865, 29898, 29947, 29953, 29955, 29906, 29941, 29955, 29929, 29906, 29947, 29955, 29941, 29900, 29906, 29953, 29945, 29896, 29900, 29947, 29929, 29897, 13, 308, 13, 4706, 8783, 353, 1653, 29918, 19274, 386, 7492, 29918, 2728, 29918, 3733, 3637, 290, 681, 29898, 1311, 29889, 12765, 3953, 29891, 29918, 22678, 29892, 1583, 29889, 2218, 29883, 5632, 3381, 29892, 29871, 13, 462, 462, 462, 29871, 1583, 29889, 3416, 29892, 16717, 29922, 29878, 865, 29897, 13, 13, 4706, 1121, 353, 3918, 29918, 12523, 29918, 8704, 29898, 24713, 29892, 867, 29885, 29918, 29926, 828, 29892, 302, 29918, 5014, 943, 29922, 29906, 29892, 13, 462, 462, 965, 16087, 29918, 1524, 800, 29922, 1311, 29889, 4777, 29918, 1524, 29892, 29871, 13, 462, 462, 965, 3987, 29922, 1311, 29889, 6768, 29897, 13, 4706, 1583, 29889, 9294, 23215, 552, 9843, 29898, 2914, 1839, 29929, 29945, 386, 25781, 16215, 26023, 3953, 29891, 2033, 29961, 29900, 1822, 12181, 29892, 29871, 13, 462, 795, 1583, 29889, 12765, 3953, 29891, 29918, 22678, 29889, 12181, 29897, 13, 4706, 903, 11516, 29918, 8149, 29898, 2914, 29892, 525, 14345, 29924, 435, 1988, 1495, 13, 13, 4706, 8783, 353, 1653, 29918, 19274, 386, 7492, 29918, 2728, 29918, 3733, 3637, 290, 681, 29898, 1311, 29889, 12765, 3953, 29891, 29918, 22678, 29892, 1583, 29889, 2218, 29883, 5632, 3381, 29892, 29871, 13, 462, 462, 462, 29871, 1583, 29889, 3416, 29892, 16717, 29922, 29878, 865, 29892, 1904, 2433, 29886, 4912, 1495, 13, 13, 4706, 1121, 353, 3918, 29918, 12523, 29918, 8704, 29898, 24713, 29892, 282, 4912, 29918, 29926, 828, 29892, 302, 29918, 5014, 943, 29922, 29906, 29892, 13, 462, 462, 965, 16087, 29918, 1524, 800, 29922, 1311, 29889, 4777, 29918, 1524, 29892, 29871, 13, 462, 462, 965, 3987, 29922, 1311, 29889, 6768, 29897, 13, 4706, 1583, 29889, 9294, 23215, 552, 9843, 29898, 2914, 1839, 29929, 29945, 386, 25781, 16215, 26023, 3953, 29891, 2033, 29961, 29900, 1822, 12181, 29892, 29871, 13, 462, 795, 1583, 29889, 12765, 3953, 29891, 29918, 22678, 29889, 12181, 29897, 13, 4706, 903, 11516, 29918, 8149, 29898, 2914, 29892, 525, 9026, 29924, 435, 1988, 1495, 13, 13, 1678, 732, 348, 27958, 29889, 11014, 29898, 23147, 543, 29954, 2985, 1159, 13, 1678, 822, 1243, 29918, 3417, 305, 29918, 1116, 3245, 29898, 1311, 1125, 13, 4706, 9995, 3057, 292, 22641, 305, 15047, 3519, 1213, 15945, 13, 4706, 364, 865, 353, 7442, 29889, 8172, 29889, 4381, 29918, 29878, 865, 29898, 29946, 29906, 29953, 29941, 29955, 29953, 29947, 29953, 29955, 29929, 29947, 29929, 29900, 29955, 29945, 29945, 29953, 29941, 29897, 13, 4706, 8783, 353, 1653, 29918, 19274, 386, 7492, 29918, 2728, 29918, 29881, 436, 327, 290, 681, 29898, 1311, 29889, 12765, 3953, 29891, 29892, 1583, 29889, 2218, 29883, 5632, 3381, 29892, 29871, 13, 462, 462, 462, 259, 1583, 29889, 3416, 29892, 16717, 29922, 29878, 865, 29897, 13, 13, 4706, 1121, 353, 3918, 29918, 12523, 29918, 8704, 29898, 24713, 29892, 22641, 305, 29918, 1116, 3245, 29892, 29871, 13, 462, 462, 965, 302, 29918, 5014, 943, 29922, 29906, 29892, 13, 462, 462, 965, 16087, 29918, 1524, 800, 29922, 1311, 29889, 4777, 29918, 1524, 29892, 29871, 13, 462, 462, 965, 3987, 29922, 1311, 29889, 6768, 29897, 13, 4706, 1583, 29889, 9294, 9843, 29898, 2914, 1839, 15449, 4829, 29879, 16215, 4205, 29883, 5632, 3381, 2033, 29961, 29900, 1402, 29871, 29900, 29897, 13, 4706, 903, 11516, 29918, 8149, 29898, 2914, 29892, 525, 29934, 294, 305, 341, 1988, 1495, 13, 13, 1678, 732, 348, 27958, 29889, 11014, 29898, 23147, 543, 29954, 2985, 1159, 13, 1678, 822, 1243, 29918, 29885, 828, 29918, 23515, 29918, 29881, 436, 327, 290, 681, 29898, 1311, 1125, 13, 4706, 9995, 3057, 292, 25746, 373, 341, 1988, 8108, 29879, 360, 436, 327, 290, 681, 1213, 15945, 13, 4706, 364, 865, 353, 7442, 29889, 8172, 29889, 4381, 29918, 29878, 865, 29898, 29947, 29955, 29953, 29946, 29941, 29906, 29947, 29929, 29955, 29953, 29896, 29947, 29955, 29906, 29941, 29946, 29897, 13, 4706, 8783, 353, 1653, 29918, 19274, 386, 7492, 29918, 2728, 29918, 29881, 436, 327, 290, 681, 29898, 1311, 29889, 12765, 3953, 29891, 29892, 1583, 29889, 2218, 29883, 5632, 3381, 29892, 29871, 13, 462, 462, 462, 259, 1583, 29889, 3416, 29892, 16717, 29922, 29878, 865, 29897, 13, 13, 4706, 1121, 353, 3918, 29918, 12523, 29918, 8704, 29898, 24713, 29892, 22641, 305, 29918, 29885, 828, 29892, 302, 29918, 5014, 943, 29922, 29906, 29892, 13, 462, 462, 965, 16087, 29918, 1524, 800, 29922, 1311, 29889, 4777, 29918, 1524, 29892, 29871, 13, 462, 462, 965, 3987, 29922, 1311, 29889, 6768, 29897, 13, 4706, 1583, 29889, 9294, 9843, 29898, 2914, 1839, 15449, 4829, 29879, 16215, 4205, 29883, 5632, 3381, 2033, 29961, 29900, 1402, 29871, 29900, 29897, 13, 4706, 903, 11516, 29918, 8149, 29898, 2914, 29892, 525, 29934, 294, 305, 341, 1988, 1495, 13, 13, 4706, 1121, 353, 3918, 29918, 12523, 29918, 8704, 29898, 24713, 29892, 697, 572, 29918, 29885, 828, 29892, 302, 29918, 5014, 943, 29922, 29906, 29892, 13, 462, 462, 965, 16087, 29918, 1524, 800, 29922, 1311, 29889, 4777, 29918, 1524, 29892, 29871, 13, 462, 462, 965, 3987, 29922, 1311, 29889, 6768, 29897, 13, 4706, 903, 11516, 29918, 8149, 29898, 2914, 29892, 525, 29896, 7390, 341, 1988, 1495, 13, 13, 4706, 1121, 353, 3918, 29918, 12523, 29918, 8704, 29898, 24713, 29892, 3252, 459, 29880, 29918, 29885, 828, 29892, 302, 29918, 5014, 943, 29922, 29906, 29892, 13, 462, 462, 965, 16087, 29918, 1524, 800, 29922, 1311, 29889, 4777, 29918, 1524, 29892, 29871, 13, 462, 462, 965, 3987, 29922, 1311, 29889, 6768, 29897, 13, 4706, 903, 11516, 29918, 8149, 29898, 2914, 29892, 525, 29906, 7390, 341, 1988, 1495, 13, 13, 1678, 732, 348, 27958, 29889, 11014, 29898, 23147, 543, 29954, 2985, 1159, 13, 1678, 822, 1243, 29918, 29885, 828, 29918, 23515, 29918, 3733, 3637, 290, 681, 29898, 1311, 1125, 13, 4706, 9995, 3057, 292, 25746, 373, 341, 1988, 8108, 29879, 2043, 3637, 290, 681, 1213, 15945, 13, 4706, 364, 865, 353, 7442, 29889, 8172, 29889, 4381, 29918, 29878, 865, 29898, 29946, 29941, 29946, 29955, 29953, 29906, 29896, 29906, 29941, 29906, 29941, 29946, 29945, 29941, 29946, 29945, 29953, 29929, 29953, 29897, 13, 308, 13, 4706, 8783, 353, 1653, 29918, 19274, 386, 7492, 29918, 2728, 29918, 3733, 3637, 290, 681, 29898, 1311, 29889, 12765, 3953, 29891, 29918, 22678, 29892, 1583, 29889, 2218, 29883, 5632, 3381, 29892, 29871, 13, 462, 462, 462, 29871, 1583, 29889, 3416, 29892, 16717, 29922, 29878, 865, 29897, 13, 13, 4706, 1121, 353, 3918, 29918, 12523, 29918, 8704, 29898, 24713, 29892, 867, 29885, 29918, 29885, 828, 29892, 302, 29918, 5014, 943, 29922, 29906, 29892, 13, 462, 462, 965, 16087, 29918, 1524, 800, 29922, 1311, 29889, 4777, 29918, 1524, 29892, 29871, 13, 462, 462, 965, 3987, 29922, 1311, 29889, 6768, 29897, 13, 4706, 1583, 29889, 9294, 23215, 552, 9843, 29898, 2914, 1839, 29929, 29945, 386, 25781, 16215, 26023, 3953, 29891, 2033, 29961, 29900, 1822, 12181, 29892, 29871, 13, 462, 795, 1583, 29889, 12765, 3953, 29891, 29918, 22678, 29889, 12181, 29897, 13, 4706, 903, 11516, 29918, 8149, 29898, 2914, 29892, 525, 14345, 29924, 341, 1988, 1495, 13, 13, 4706, 8783, 353, 1653, 29918, 19274, 386, 7492, 29918, 2728, 29918, 3733, 3637, 290, 681, 29898, 1311, 29889, 12765, 3953, 29891, 29918, 22678, 29892, 1583, 29889, 2218, 29883, 5632, 3381, 29892, 29871, 13, 462, 462, 462, 29871, 1583, 29889, 3416, 29892, 16717, 29922, 29878, 865, 29892, 1904, 2433, 29886, 4912, 1495, 13, 13, 4706, 1121, 353, 3918, 29918, 12523, 29918, 8704, 29898, 24713, 29892, 282, 4912, 29918, 29885, 828, 29892, 302, 29918, 5014, 943, 29922, 29906, 29892, 13, 462, 462, 965, 16087, 29918, 1524, 800, 29922, 1311, 29889, 4777, 29918, 1524, 29892, 29871, 13, 462, 462, 965, 3987, 29922, 1311, 29889, 6768, 29897, 13, 4706, 1583, 29889, 9294, 23215, 552, 9843, 29898, 2914, 1839, 29929, 29945, 386, 25781, 16215, 26023, 3953, 29891, 2033, 29961, 29900, 1822, 12181, 29892, 29871, 13, 462, 795, 1583, 29889, 12765, 3953, 29891, 29918, 22678, 29889, 12181, 29897, 13, 4706, 903, 11516, 29918, 8149, 29898, 2914, 29892, 525, 9026, 29924, 341, 1988, 1495, 13, 13, 1678, 732, 348, 27958, 29889, 11014, 29898, 23147, 543, 29954, 2985, 1159, 13, 1678, 822, 1243, 29918, 29872, 481, 29918, 29885, 828, 29918, 23515, 29898, 1311, 1125, 13, 4706, 9995, 3057, 292, 25746, 373, 321, 481, 3519, 1213, 15945, 13, 4706, 364, 865, 353, 7442, 29889, 8172, 29889, 4381, 29918, 29878, 865, 29898, 29953, 29953, 29955, 29941, 29929, 29906, 29941, 29946, 29947, 29955, 29953, 29945, 29906, 29900, 29929, 29947, 29896, 29897, 13, 4706, 8783, 353, 1653, 29918, 19274, 386, 7492, 29918, 2728, 29918, 29881, 436, 327, 290, 681, 29898, 1311, 29889, 12765, 3953, 29891, 29892, 1583, 29889, 2218, 29883, 5632, 3381, 29892, 29871, 13, 462, 462, 462, 259, 1583, 29889, 3416, 29892, 16717, 29922, 29878, 865, 29897, 13, 13, 4706, 1121, 353, 3918, 29918, 12523, 29918, 8704, 29898, 24713, 29892, 3252, 459, 29880, 29918, 29885, 828, 29918, 29872, 481, 29892, 302, 29918, 5014, 943, 29922, 29906, 29892, 13, 462, 462, 965, 16087, 29918, 1524, 800, 29922, 1311, 29889, 4777, 29918, 1524, 29892, 29871, 13, 462, 462, 965, 3987, 29922, 1311, 29889, 6768, 29897, 13, 4706, 903, 11516, 29918, 8149, 29898, 2914, 29892, 525, 29906, 7390, 382, 3301, 29899, 29924, 1988, 1495, 308, 13, 308, 13, 4706, 8783, 353, 1653, 29918, 19274, 386, 7492, 29918, 2728, 29918, 3733, 3637, 290, 681, 29898, 1311, 29889, 12765, 3953, 29891, 29918, 22678, 29892, 1583, 29889, 2218, 29883, 5632, 3381, 29892, 29871, 13, 462, 462, 462, 29871, 1583, 29889, 3416, 29892, 16717, 29922, 29878, 865, 29897, 13, 13, 4706, 1121, 353, 3918, 29918, 12523, 29918, 8704, 29898, 24713, 29892, 867, 29885, 29918, 29885, 828, 29918, 29872, 481, 29892, 302, 29918, 5014, 943, 29922, 29906, 29892, 13, 462, 462, 965, 16087, 29918, 1524, 800, 29922, 1311, 29889, 4777, 29918, 1524, 29892, 29871, 13, 462, 462, 965, 3987, 29922, 1311, 29889, 6768, 29897, 13, 4706, 1583, 29889, 9294, 23215, 552, 9843, 29898, 2914, 1839, 29929, 29945, 386, 25781, 16215, 26023, 3953, 29891, 2033, 29961, 29900, 1822, 12181, 29892, 29871, 13, 462, 795, 1583, 29889, 12765, 3953, 29891, 29918, 22678, 29889, 12181, 29897, 13, 4706, 903, 11516, 29918, 8149, 29898, 2914, 29892, 525, 14345, 29924, 382, 3301, 29899, 29924, 1988, 1495, 13, 13, 13, 13, 361, 4770, 978, 1649, 1275, 376, 1649, 3396, 1649, 1115, 13, 1678, 1053, 18116, 13, 13, 1678, 18116, 29889, 4572, 25442, 886, 877, 17281, 1495, 268, 13, 1678, 443, 27958, 29889, 3396, 580, 13, 2 ]
syncli/cmd/hosts.py
comodit/synapse-client
2
66737
<filename>syncli/cmd/hosts.py """ Manipulate the host resource. """ from syncli.cmd.generic import GenericCmd from syncli.router import register from syncli.api.hosts import HostsApi @register(HostsApi) class HostsCmd(GenericCmd): attributes = (('status', [{'name': 'ip', 'help': "Retrieves the host's ip addresses", 'option_action': 'store_true'}, {'name': 'hostname', 'help': "Retrieves the host's hostnames", 'option_action': 'store_true'}, {'name': 'mac_addresses', 'help': "Retrieves the host's mac addresses", 'option_action': 'store_true'}, {'name': 'memtotal', 'help': "Retrieves the host's total memory", 'option_action': 'store_true'}, {'name': 'platform', 'help': "Retrieves the host's linux platform", 'option_action': 'store_true'}, {'name': 'uptime', 'help': "Retrieves the host's uptime", 'option_action': 'store_true'}, {'name': 'all', 'option_action': 'store_true', 'help': "Gets all options at once"}]),) def status(self, argv): """ Gets the status of reacheable hosts. """ options, name = self._get_options(argv, 'status') opts = [] if not options.get('all'): opts = [k for k, v in options.iteritems()] else: opts = [opts['name'] for opts in self.attributes[0][1]] self.do_action('infos', opts)
[ 1, 529, 9507, 29958, 16593, 492, 29914, 9006, 29914, 23525, 29889, 2272, 13, 15945, 29908, 2315, 666, 5987, 278, 3495, 6503, 29889, 13, 15945, 29908, 13, 13, 3166, 16523, 492, 29889, 9006, 29889, 19206, 1053, 3251, 293, 23651, 13, 3166, 16523, 492, 29889, 15140, 1053, 6036, 13, 3166, 16523, 492, 29889, 2754, 29889, 23525, 1053, 16956, 29879, 11713, 13, 13, 13, 29992, 9573, 29898, 8514, 29879, 11713, 29897, 13, 1990, 16956, 29879, 23651, 29898, 15809, 23651, 1125, 13, 13, 1678, 8393, 353, 313, 877, 4882, 742, 518, 10998, 978, 2396, 525, 666, 742, 13, 462, 1669, 525, 8477, 2396, 376, 8015, 2546, 1960, 278, 3495, 29915, 29879, 10377, 14157, 613, 13, 462, 1669, 525, 3385, 29918, 2467, 2396, 525, 8899, 29918, 3009, 16675, 13, 462, 795, 11117, 978, 2396, 525, 28988, 742, 13, 462, 1669, 525, 8477, 2396, 376, 8015, 2546, 1960, 278, 3495, 29915, 29879, 3495, 7039, 613, 13, 462, 1669, 525, 3385, 29918, 2467, 2396, 525, 8899, 29918, 3009, 16675, 13, 462, 795, 11117, 978, 2396, 525, 8628, 29918, 7328, 267, 742, 13, 462, 1669, 525, 8477, 2396, 376, 8015, 2546, 1960, 278, 3495, 29915, 29879, 5825, 14157, 613, 13, 462, 1669, 525, 3385, 29918, 2467, 2396, 525, 8899, 29918, 3009, 16675, 13, 462, 795, 11117, 978, 2396, 525, 6954, 7827, 742, 13, 462, 1669, 525, 8477, 2396, 376, 8015, 2546, 1960, 278, 3495, 29915, 29879, 3001, 3370, 613, 13, 462, 1669, 525, 3385, 29918, 2467, 2396, 525, 8899, 29918, 3009, 16675, 13, 462, 795, 11117, 978, 2396, 525, 12120, 742, 13, 462, 1669, 525, 8477, 2396, 376, 8015, 2546, 1960, 278, 3495, 29915, 29879, 10542, 7481, 613, 13, 462, 1669, 525, 3385, 29918, 2467, 2396, 525, 8899, 29918, 3009, 16675, 13, 462, 795, 11117, 978, 2396, 525, 21245, 603, 742, 13, 462, 1669, 525, 8477, 2396, 376, 8015, 2546, 1960, 278, 3495, 29915, 29879, 318, 415, 603, 613, 13, 462, 1669, 525, 3385, 29918, 2467, 2396, 525, 8899, 29918, 3009, 16675, 13, 462, 795, 11117, 978, 2396, 525, 497, 742, 13, 462, 1669, 525, 3385, 29918, 2467, 2396, 525, 8899, 29918, 3009, 742, 13, 462, 1669, 525, 8477, 2396, 376, 29954, 1691, 599, 3987, 472, 2748, 29908, 6525, 511, 29897, 13, 13, 1678, 822, 4660, 29898, 1311, 29892, 1852, 29894, 1125, 13, 4706, 9995, 402, 1691, 278, 4660, 310, 337, 1829, 519, 18982, 29889, 13, 4706, 9995, 13, 13, 4706, 3987, 29892, 1024, 353, 1583, 3032, 657, 29918, 6768, 29898, 19218, 29892, 525, 4882, 1495, 13, 13, 4706, 29111, 353, 5159, 13, 4706, 565, 451, 3987, 29889, 657, 877, 497, 29374, 13, 9651, 29111, 353, 518, 29895, 363, 413, 29892, 325, 297, 3987, 29889, 1524, 7076, 580, 29962, 13, 4706, 1683, 29901, 13, 9651, 29111, 353, 518, 25707, 1839, 978, 2033, 363, 29111, 297, 1583, 29889, 15697, 29961, 29900, 3816, 29896, 5262, 13, 13, 4706, 1583, 29889, 1867, 29918, 2467, 877, 7192, 359, 742, 29111, 29897, 13, 2 ]
onadata/libs/exceptions.py
BuildAMovement/whistler-kobocat
38
97068
class NoRecordsFoundError(Exception): pass class J2XException(Exception): pass
[ 1, 770, 1939, 4789, 4339, 9692, 2392, 29898, 2451, 1125, 13, 1678, 1209, 13, 13, 13, 1990, 435, 29906, 29990, 2451, 29898, 2451, 1125, 13, 1678, 1209, 13, 2 ]
multichain.py
MultiChain/multichain-explorer-2
8
177892
<reponame>MultiChain/multichain-explorer-2 # -*- coding: utf-8 -*- # MultiChain Explorer 2 (c) Coin Sciences Ltd # All rights reserved under BSD 3-clause license import cfg import utils import readconf import base64 #import requests from urllib import request from urllib import parse import urllib import json from collections import OrderedDict import time def multichain_init_rpc_parameters(chain): if readconf.is_missing(cfg.settings[chain],'datadir'): cfg.settings[chain]["datadir"]="~/.multichain" datadir=cfg.settings[chain]["datadir"] + "/" + cfg.settings[chain]["name"] + "/" datadir=utils.full_dir_name(datadir) if readconf.is_missing(cfg.settings[chain],'rpcport'): params_file=datadir + "params.dat" if not utils.file_exists(params_file): utils.print_error("Couldn't find MultiChain directory " + datadir) return False params=readconf.read_plain_config_file(params_file) if params['default-rpc-port'] is None: utils.print_error("Couldn't find default-rpc-port in " + params_file) return False cfg.settings[chain]["rpcport"] = params['default-rpc-port'].split("#", 1)[0].rstrip() conf_file=datadir + "multichain.conf" if readconf.is_missing(cfg.settings[chain],'rpcuser') or readconf.is_missing(cfg.settings[chain],'rpcpassword'): if not utils.file_exists(conf_file): utils.print_error("Couldn't find configuration file " + conf_file) return False conf=readconf.read_plain_config_file(conf_file) if readconf.is_missing(cfg.settings[chain],'rpcuser'): if readconf.is_missing(conf,'rpcuser'): utils.print_error("Couldn't find rpcuser in " + conf_file) return False cfg.settings[chain]['rpcuser']=conf['rpcuser'] if readconf.is_missing(cfg.settings[chain],'rpcpassword'): if readconf.is_missing(conf,'rpcpassword'): utils.print_error("Couldn't find rpcpassword in " + conf_file) return False cfg.settings[chain]['rpcpassword']=conf['rpcpassword'] if not readconf.is_missing(conf,'rpcport'): cfg.settings[chain]['rpcport']=conf['rpcport'] return True class MCEChain: def __init__(self, name): self.name=name self.config = cfg.settings[name].copy() self.config["ini-name"]=name self.config["path-name"]=parse.quote_plus(self.config['name']) self.config["path-ini-name"]=parse.quote_plus(name) def initialize(self): url="http://127.0.0.1" if not readconf.is_missing(self.config,'rpchost'): url=self.config['rpchost'] url=url + ":" + self.config["rpcport"] userpass64 = base64.b64encode((self.config['rpcuser'] + ":" + self.config['rpcpassword']).encode("ascii")).decode("ascii") headers={ "Content-Type" : "application/json", "Connection" : "close", "Authorization" : "Basic " + userpass64 } self.config['multichain-url']=url self.config['multichain-headers']=headers # print(self.config) return True def request(self, method, params=[]): payload=json.dumps({ "id" : int(round(time.time() * 1000)), "method" : method, "params" : params }) headers=self.config['multichain-headers'].copy() headers["Content-Length"] = str(len(payload)) try: # req = requests.post(cfg.multichain_url, data=payload, headers=headers) data = str(payload) data = data.encode('utf-8') ureq = request.Request(self.config['multichain-url'], data=data) for header,value in headers.items(): ureq.add_header(header, value) req = request.urlopen(ureq) except urllib.error.HTTPError as e: resp=e.read() req_json=json.loads(resp.decode('utf-8')) if req_json['error'] is not None: req_json['error']="Error " + str(req_json['error'] ['code']) + ": " + req_json['error']['message'] return req_json except urllib.error.URLError as e: error_str="MultiChain is not running: " + str(e.reason) req_json={ 'result': None, 'error' : error_str, 'connection-error' : True } return req_json # except Exception as error: # print("C") # error_str="MultiChain is not running: " + str(error) # print(str(error)) # req_json={ # 'result': None, # 'error' : error_str, # 'connection-error' : True # } # utils.print_error(error_str) # return req_json resp=req.read() # req_json=json.loads(resp.decode('utf-8')) req_json=json.loads(resp.decode('utf-8'),object_pairs_hook=OrderedDict) if req_json is None: error_str="MultiChain connection error" req_json={ 'result': None, 'error' : error_str, 'connection-error' : True } # utils.print_error(error_str) return req_json
[ 1, 529, 276, 1112, 420, 29958, 15329, 14688, 29914, 4713, 436, 475, 29899, 735, 14716, 29899, 29906, 13, 29937, 448, 29930, 29899, 14137, 29901, 23616, 29899, 29947, 448, 29930, 29899, 13, 13, 29937, 14974, 14688, 21508, 29871, 29906, 313, 29883, 29897, 3189, 262, 17253, 19806, 13, 29937, 2178, 10462, 21676, 1090, 350, 7230, 29871, 29941, 29899, 16398, 1509, 19405, 13, 13, 5215, 274, 16434, 13, 5215, 3667, 29879, 13, 5215, 1303, 5527, 13, 5215, 2967, 29953, 29946, 29871, 13, 29937, 5215, 7274, 13, 3166, 3142, 1982, 1053, 2009, 13, 3166, 3142, 1982, 1053, 6088, 13, 5215, 3142, 1982, 13, 5215, 4390, 13, 3166, 16250, 1053, 8170, 287, 21533, 13, 5215, 931, 13, 13, 1753, 1773, 436, 475, 29918, 2344, 29918, 29878, 6739, 29918, 16744, 29898, 14153, 1125, 13, 268, 13, 1678, 565, 1303, 5527, 29889, 275, 29918, 27259, 29898, 16859, 29889, 11027, 29961, 14153, 1402, 29915, 4130, 328, 381, 29374, 13, 4706, 274, 16434, 29889, 11027, 29961, 14153, 29962, 3366, 4130, 328, 381, 3108, 543, 30022, 6294, 4713, 436, 475, 29908, 13, 308, 13, 1678, 1418, 328, 381, 29922, 16859, 29889, 11027, 29961, 14153, 29962, 3366, 4130, 328, 381, 3108, 718, 5591, 29908, 718, 274, 16434, 29889, 11027, 29961, 14153, 29962, 3366, 978, 3108, 718, 5591, 29908, 13, 1678, 1418, 328, 381, 29922, 13239, 29889, 8159, 29918, 3972, 29918, 978, 29898, 4130, 328, 381, 29897, 13, 308, 13, 1678, 565, 1303, 5527, 29889, 275, 29918, 27259, 29898, 16859, 29889, 11027, 29961, 14153, 1402, 29915, 29878, 6739, 637, 29374, 13, 4706, 8636, 29918, 1445, 29922, 4130, 328, 381, 718, 376, 7529, 29889, 4130, 29908, 13, 4706, 565, 451, 3667, 29879, 29889, 1445, 29918, 9933, 29898, 7529, 29918, 1445, 1125, 13, 9651, 3667, 29879, 29889, 2158, 29918, 2704, 703, 23323, 29876, 29915, 29873, 1284, 14974, 14688, 3884, 376, 718, 1418, 328, 381, 29897, 632, 13, 9651, 736, 7700, 13, 4706, 8636, 29922, 949, 5527, 29889, 949, 29918, 24595, 29918, 2917, 29918, 1445, 29898, 7529, 29918, 1445, 29897, 3986, 13, 4706, 565, 8636, 1839, 4381, 29899, 29878, 6739, 29899, 637, 2033, 338, 6213, 29901, 13, 9651, 3667, 29879, 29889, 2158, 29918, 2704, 703, 23323, 29876, 29915, 29873, 1284, 2322, 29899, 29878, 6739, 29899, 637, 297, 376, 718, 8636, 29918, 1445, 29897, 632, 13, 9651, 736, 7700, 13, 4706, 274, 16434, 29889, 11027, 29961, 14153, 29962, 3366, 29878, 6739, 637, 3108, 353, 8636, 1839, 4381, 29899, 29878, 6739, 29899, 637, 13359, 5451, 14822, 613, 29871, 29896, 9601, 29900, 1822, 29878, 17010, 580, 13, 308, 13, 1678, 1970, 29918, 1445, 29922, 4130, 328, 381, 718, 376, 4713, 436, 475, 29889, 5527, 29908, 418, 13, 1678, 565, 1303, 5527, 29889, 275, 29918, 27259, 29898, 16859, 29889, 11027, 29961, 14153, 1402, 29915, 29878, 6739, 1792, 1495, 470, 1303, 5527, 29889, 275, 29918, 27259, 29898, 16859, 29889, 11027, 29961, 14153, 1402, 29915, 29878, 6739, 5630, 29374, 1678, 13, 308, 13, 4706, 565, 451, 3667, 29879, 29889, 1445, 29918, 9933, 29898, 5527, 29918, 1445, 1125, 13, 9651, 3667, 29879, 29889, 2158, 29918, 2704, 703, 23323, 29876, 29915, 29873, 1284, 5285, 934, 376, 718, 1970, 29918, 1445, 29897, 632, 13, 9651, 736, 7700, 13, 462, 13, 4706, 1970, 29922, 949, 5527, 29889, 949, 29918, 24595, 29918, 2917, 29918, 1445, 29898, 5527, 29918, 1445, 29897, 268, 13, 13, 4706, 565, 1303, 5527, 29889, 275, 29918, 27259, 29898, 16859, 29889, 11027, 29961, 14153, 1402, 29915, 29878, 6739, 1792, 29374, 632, 13, 9651, 565, 1303, 5527, 29889, 275, 29918, 27259, 29898, 5527, 5501, 29878, 6739, 1792, 29374, 13, 18884, 3667, 29879, 29889, 2158, 29918, 2704, 703, 23323, 29876, 29915, 29873, 1284, 364, 6739, 1792, 297, 376, 718, 1970, 29918, 1445, 29897, 632, 13, 18884, 736, 7700, 13, 9651, 274, 16434, 29889, 11027, 29961, 14153, 22322, 29878, 6739, 1792, 2033, 29922, 5527, 1839, 29878, 6739, 1792, 2033, 13, 632, 13, 4706, 565, 1303, 5527, 29889, 275, 29918, 27259, 29898, 16859, 29889, 11027, 29961, 14153, 1402, 29915, 29878, 6739, 5630, 29374, 632, 13, 9651, 565, 1303, 5527, 29889, 275, 29918, 27259, 29898, 5527, 5501, 29878, 6739, 5630, 29374, 13, 18884, 3667, 29879, 29889, 2158, 29918, 2704, 703, 23323, 29876, 29915, 29873, 1284, 364, 6739, 5630, 297, 376, 718, 1970, 29918, 1445, 29897, 632, 13, 18884, 736, 7700, 13, 9651, 274, 16434, 29889, 11027, 29961, 14153, 22322, 29878, 6739, 5630, 2033, 29922, 5527, 1839, 29878, 6739, 5630, 2033, 13, 632, 13, 4706, 565, 451, 1303, 5527, 29889, 275, 29918, 27259, 29898, 5527, 5501, 29878, 6739, 637, 29374, 13, 9651, 274, 16434, 29889, 11027, 29961, 14153, 22322, 29878, 6739, 637, 2033, 29922, 5527, 1839, 29878, 6739, 637, 2033, 632, 13, 268, 13, 1678, 736, 5852, 13, 13, 13, 1990, 341, 4741, 14688, 29901, 13, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 1024, 1125, 13, 4706, 1583, 29889, 978, 29922, 978, 13, 4706, 1583, 29889, 2917, 353, 274, 16434, 29889, 11027, 29961, 978, 1822, 8552, 580, 13, 4706, 1583, 29889, 2917, 3366, 2172, 29899, 978, 3108, 29922, 978, 13, 4706, 1583, 29889, 2917, 3366, 2084, 29899, 978, 3108, 29922, 5510, 29889, 1396, 29918, 11242, 29898, 1311, 29889, 2917, 1839, 978, 11287, 13, 4706, 1583, 29889, 2917, 3366, 2084, 29899, 2172, 29899, 978, 3108, 29922, 5510, 29889, 1396, 29918, 11242, 29898, 978, 29897, 13, 13, 1678, 822, 11905, 29898, 1311, 1125, 13, 308, 13, 4706, 3142, 543, 1124, 597, 29896, 29906, 29955, 29889, 29900, 29889, 29900, 29889, 29896, 29908, 13, 4706, 565, 451, 1303, 5527, 29889, 275, 29918, 27259, 29898, 1311, 29889, 2917, 5501, 19080, 305, 520, 29374, 13, 9651, 3142, 29922, 1311, 29889, 2917, 1839, 19080, 305, 520, 2033, 13, 308, 13, 4706, 3142, 29922, 2271, 718, 376, 6160, 718, 1583, 29889, 2917, 3366, 29878, 6739, 637, 3108, 13, 4706, 1404, 3364, 29953, 29946, 353, 2967, 29953, 29946, 29889, 29890, 29953, 29946, 12508, 3552, 1311, 29889, 2917, 1839, 29878, 6739, 1792, 2033, 718, 376, 6160, 718, 1583, 29889, 2917, 1839, 29878, 6739, 5630, 2033, 467, 12508, 703, 294, 18869, 1159, 467, 13808, 703, 294, 18869, 1159, 13, 13, 4706, 9066, 3790, 13, 9651, 376, 3916, 29899, 1542, 29908, 584, 376, 6214, 29914, 3126, 613, 13, 9651, 376, 5350, 29908, 584, 376, 5358, 613, 13, 9651, 376, 25471, 29908, 584, 376, 16616, 376, 718, 1404, 3364, 29953, 29946, 13, 9651, 500, 13, 308, 13, 4706, 1583, 29889, 2917, 1839, 4713, 436, 475, 29899, 2271, 2033, 29922, 2271, 13, 4706, 1583, 29889, 2917, 1839, 4713, 436, 475, 29899, 13662, 2033, 29922, 13662, 13, 308, 13, 29937, 4706, 1596, 29898, 1311, 29889, 2917, 29897, 308, 13, 308, 13, 4706, 736, 5852, 632, 13, 13, 1678, 822, 2009, 29898, 1311, 29892, 1158, 29892, 8636, 29922, 2636, 1125, 13, 308, 13, 4706, 20092, 29922, 3126, 29889, 29881, 17204, 3319, 13, 9651, 376, 333, 29908, 584, 938, 29898, 14486, 29898, 2230, 29889, 2230, 580, 334, 29871, 29896, 29900, 29900, 29900, 8243, 13, 9651, 376, 5696, 29908, 584, 1158, 29892, 13, 9651, 376, 7529, 29908, 584, 8636, 13, 4706, 5615, 13, 308, 13, 4706, 9066, 29922, 1311, 29889, 2917, 1839, 4713, 436, 475, 29899, 13662, 13359, 8552, 580, 13, 4706, 9066, 3366, 3916, 29899, 6513, 3108, 353, 851, 29898, 2435, 29898, 23813, 876, 13, 308, 13, 4706, 1018, 29901, 13, 1678, 396, 4706, 12428, 353, 7274, 29889, 2490, 29898, 16859, 29889, 4713, 436, 475, 29918, 2271, 29892, 848, 29922, 23813, 29892, 9066, 29922, 13662, 29897, 13, 308, 13, 9651, 848, 353, 851, 29898, 23813, 29897, 13, 9651, 848, 353, 848, 29889, 12508, 877, 9420, 29899, 29947, 1495, 13, 9651, 318, 7971, 353, 29871, 2009, 29889, 3089, 29898, 1311, 29889, 2917, 1839, 4713, 436, 475, 29899, 2271, 7464, 848, 29922, 1272, 29897, 13, 9651, 363, 4839, 29892, 1767, 297, 9066, 29889, 7076, 7295, 13, 18884, 318, 7971, 29889, 1202, 29918, 6672, 29898, 6672, 29892, 995, 29897, 13, 9651, 12428, 353, 2009, 29889, 332, 417, 2238, 29898, 545, 29939, 29897, 13, 4706, 5174, 3142, 1982, 29889, 2704, 29889, 10493, 2392, 408, 321, 29901, 13, 9651, 4613, 29922, 29872, 29889, 949, 580, 539, 13, 9651, 12428, 29918, 3126, 29922, 3126, 29889, 18132, 29898, 13713, 29889, 13808, 877, 9420, 29899, 29947, 8785, 13, 9651, 565, 12428, 29918, 3126, 1839, 2704, 2033, 338, 451, 6213, 29901, 13, 18884, 12428, 29918, 3126, 1839, 2704, 2033, 543, 2392, 376, 718, 851, 29898, 7971, 29918, 3126, 1839, 2704, 2033, 6024, 401, 11287, 718, 29242, 376, 718, 12428, 29918, 3126, 1839, 2704, 16215, 4906, 2033, 13, 9651, 736, 12428, 29918, 3126, 13, 4706, 5174, 3142, 1982, 29889, 2704, 29889, 4574, 1307, 24616, 408, 321, 29901, 13, 9651, 1059, 29918, 710, 543, 15329, 14688, 338, 451, 2734, 29901, 376, 718, 851, 29898, 29872, 29889, 23147, 29897, 13, 9651, 12428, 29918, 3126, 3790, 13, 18884, 525, 2914, 2396, 6213, 29892, 13, 18884, 525, 2704, 29915, 584, 1059, 29918, 710, 29892, 13, 18884, 525, 9965, 29899, 2704, 29915, 584, 5852, 13, 9651, 500, 13, 9651, 736, 12428, 29918, 3126, 632, 13, 632, 13, 29937, 4706, 5174, 8960, 408, 1059, 29901, 13, 29937, 9651, 1596, 703, 29907, 1159, 13, 29937, 9651, 1059, 29918, 710, 543, 15329, 14688, 338, 451, 2734, 29901, 376, 718, 851, 29898, 2704, 29897, 13, 29937, 9651, 1596, 29898, 710, 29898, 2704, 876, 13, 29937, 9651, 12428, 29918, 3126, 3790, 13, 29937, 18884, 525, 2914, 2396, 6213, 29892, 13, 29937, 18884, 525, 2704, 29915, 584, 1059, 29918, 710, 29892, 13, 29937, 18884, 525, 9965, 29899, 2704, 29915, 584, 5852, 13, 29937, 9651, 500, 13, 29937, 9651, 3667, 29879, 29889, 2158, 29918, 2704, 29898, 2704, 29918, 710, 29897, 13, 29937, 9651, 736, 12428, 29918, 3126, 13, 632, 13, 4706, 4613, 29922, 7971, 29889, 949, 580, 539, 13, 29937, 4706, 12428, 29918, 3126, 29922, 3126, 29889, 18132, 29898, 13713, 29889, 13808, 877, 9420, 29899, 29947, 8785, 13, 4706, 12428, 29918, 3126, 29922, 3126, 29889, 18132, 29898, 13713, 29889, 13808, 877, 9420, 29899, 29947, 5477, 3318, 29918, 29886, 7121, 29918, 20849, 29922, 7514, 287, 21533, 29897, 13, 308, 13, 4706, 565, 12428, 29918, 3126, 338, 6213, 29901, 13, 9651, 1059, 29918, 710, 543, 15329, 14688, 3957, 1059, 29908, 13, 9651, 12428, 29918, 3126, 3790, 13, 18884, 525, 2914, 2396, 6213, 29892, 13, 18884, 525, 2704, 29915, 584, 1059, 29918, 710, 29892, 13, 18884, 525, 9965, 29899, 2704, 29915, 584, 5852, 13, 9651, 500, 13, 29937, 9651, 3667, 29879, 29889, 2158, 29918, 2704, 29898, 2704, 29918, 710, 29897, 13, 632, 13, 4706, 736, 12428, 29918, 3126, 13, 308, 13, 2 ]
algorithm/graph_theory/even_tree/solution.py
delaanthonio/hackerrank
1
139878
#!/usr/bin/env python3 """Solution for https://www.hackerrank.com/challenges/even-tree""" from collections import defaultdict, deque from typing import Dict, Set Vertex = int Tree = Dict[Vertex, Set[Vertex]] def trim_tree(tree: Tree, root=1) -> None: """Make tree a directed graph.""" for child in tree[root]: try: tree[child].remove(root) except KeyError: pass trim_tree(tree, child) def prune_tree(tree: Tree, root: Vertex=1) -> int: """Given a tree, determine the amount of edges that can be pruned.""" count = 0 for child in tree[root]: if tree_size(tree, child) % 2 == 0: count += 1 count += prune_tree(tree, child) return count def tree_size(subtree: Tree, start: Vertex=1, *, root: Vertex=1) -> int: """Count the amount of vertices in the subtree using a bfs traversal.""" visited = {root, start} queue = deque([x for x in subtree[start]]) count = 1 while queue: vertex = queue.popleft() if vertex not in visited: visited.add(vertex) count += 1 for next_vertex in subtree[vertex]: if next_vertex not in visited: queue.append(next_vertex) return count def main(): """Print the amount of edges that can be pruned from a tree.""" tree = defaultdict(set) vertex_count, edge_count = input().split() vertex_count = int(vertex_count) edge_count = int(edge_count) for _ in range(edge_count): v1, v2 = input().split() v1 = int(v1) v2 = int(v2) tree[v1].add(v2) tree[v2].add(v1) trim_tree(tree) print(prune_tree(tree)) if __name__ == '__main__': main()
[ 1, 18787, 4855, 29914, 2109, 29914, 6272, 3017, 29941, 13, 15945, 29908, 13296, 918, 363, 2045, 597, 1636, 29889, 29882, 28940, 10003, 29889, 510, 29914, 305, 16047, 267, 29914, 11884, 29899, 8336, 15945, 29908, 13, 13, 3166, 16250, 1053, 2322, 8977, 29892, 316, 802, 13, 3166, 19229, 1053, 360, 919, 29892, 3789, 13, 13, 22479, 353, 938, 13, 9643, 353, 360, 919, 29961, 22479, 29892, 3789, 29961, 22479, 5262, 13, 13, 13, 1753, 17151, 29918, 8336, 29898, 8336, 29901, 15472, 29892, 3876, 29922, 29896, 29897, 1599, 6213, 29901, 13, 1678, 9995, 9984, 5447, 263, 10624, 3983, 1213, 15945, 13, 1678, 363, 2278, 297, 5447, 29961, 4632, 5387, 13, 4706, 1018, 29901, 13, 9651, 5447, 29961, 5145, 1822, 5992, 29898, 4632, 29897, 13, 4706, 5174, 7670, 2392, 29901, 13, 9651, 1209, 13, 4706, 17151, 29918, 8336, 29898, 8336, 29892, 2278, 29897, 13, 13, 13, 1753, 544, 1540, 29918, 8336, 29898, 8336, 29901, 15472, 29892, 3876, 29901, 1798, 4776, 29922, 29896, 29897, 1599, 938, 29901, 13, 1678, 9995, 29954, 5428, 263, 5447, 29892, 8161, 278, 5253, 310, 12770, 393, 508, 367, 544, 348, 287, 1213, 15945, 13, 1678, 2302, 353, 29871, 29900, 13, 1678, 363, 2278, 297, 5447, 29961, 4632, 5387, 13, 4706, 565, 5447, 29918, 2311, 29898, 8336, 29892, 2278, 29897, 1273, 29871, 29906, 1275, 29871, 29900, 29901, 13, 9651, 2302, 4619, 29871, 29896, 13, 4706, 2302, 4619, 544, 1540, 29918, 8336, 29898, 8336, 29892, 2278, 29897, 13, 13, 1678, 736, 2302, 13, 13, 13, 1753, 5447, 29918, 2311, 29898, 1491, 8336, 29901, 15472, 29892, 1369, 29901, 1798, 4776, 29922, 29896, 29892, 334, 29892, 3876, 29901, 1798, 4776, 29922, 29896, 29897, 1599, 938, 29901, 13, 1678, 9995, 3981, 278, 5253, 310, 13791, 297, 278, 1014, 8336, 773, 263, 289, 5847, 13310, 284, 1213, 15945, 13, 1678, 16669, 353, 426, 4632, 29892, 1369, 29913, 13, 1678, 9521, 353, 316, 802, 4197, 29916, 363, 921, 297, 1014, 8336, 29961, 2962, 24960, 13, 1678, 2302, 353, 29871, 29896, 13, 1678, 1550, 9521, 29901, 13, 4706, 12688, 353, 9521, 29889, 7323, 1563, 580, 13, 4706, 565, 12688, 451, 297, 16669, 29901, 13, 9651, 16669, 29889, 1202, 29898, 369, 4776, 29897, 13, 9651, 2302, 4619, 29871, 29896, 13, 9651, 363, 2446, 29918, 369, 4776, 297, 1014, 8336, 29961, 369, 4776, 5387, 13, 18884, 565, 2446, 29918, 369, 4776, 451, 297, 16669, 29901, 13, 462, 1678, 9521, 29889, 4397, 29898, 4622, 29918, 369, 4776, 29897, 13, 1678, 736, 2302, 13, 13, 13, 1753, 1667, 7295, 13, 1678, 9995, 11816, 278, 5253, 310, 12770, 393, 508, 367, 544, 348, 287, 515, 263, 5447, 1213, 15945, 13, 1678, 5447, 353, 2322, 8977, 29898, 842, 29897, 13, 1678, 12688, 29918, 2798, 29892, 7636, 29918, 2798, 353, 1881, 2141, 5451, 580, 13, 1678, 12688, 29918, 2798, 353, 938, 29898, 369, 4776, 29918, 2798, 29897, 13, 1678, 7636, 29918, 2798, 353, 938, 29898, 12864, 29918, 2798, 29897, 13, 1678, 363, 903, 297, 3464, 29898, 12864, 29918, 2798, 1125, 13, 4706, 325, 29896, 29892, 325, 29906, 353, 1881, 2141, 5451, 580, 13, 4706, 325, 29896, 353, 938, 29898, 29894, 29896, 29897, 13, 4706, 325, 29906, 353, 938, 29898, 29894, 29906, 29897, 13, 4706, 5447, 29961, 29894, 29896, 1822, 1202, 29898, 29894, 29906, 29897, 13, 4706, 5447, 29961, 29894, 29906, 1822, 1202, 29898, 29894, 29896, 29897, 13, 1678, 17151, 29918, 8336, 29898, 8336, 29897, 13, 1678, 1596, 29898, 558, 1540, 29918, 8336, 29898, 8336, 876, 13, 13, 13, 361, 4770, 978, 1649, 1275, 525, 1649, 3396, 1649, 2396, 13, 1678, 1667, 580, 13, 2 ]
app/mtracker/urls.py
fizista/Mturk-Tracker
0
119500
<filename>app/mtracker/urls.py from django.conf import settings from django.conf.urls import patterns, include, url from django.contrib import admin from django.core.management import call_command admin.autodiscover() def bad(request): """ Simulates a server error """ 1 / 0 urlpatterns = patterns('mtracker', #url(r'^$', 'main.views.index', name='index'), url(r'^admin/', include(admin.site.urls)), url(r'^documentation/$', 'docs.views.docs_readme', name='docs_main'), (r'^bad/$', bad), ) urlpatterns += patterns('', url(r'', include('mturk.api.urls')), url(r'', include('mturk.search.urls')), url(r'^classification/', include('mturk.classification.urls')), url('', include('mturk.main.urls')), url(r'^top_requesters/', include('mturk.toprequesters.urls')), url(r'^documentation/', include('sphinxdoc.urls')), ) # # POST-INIT # ## In DEBUG mode, serve media files through Django. if settings.DEBUG: # Remove leading and trailing slashes so the regex matches. media_url = settings.MEDIA_URL.lstrip('/').rstrip('/') urlpatterns += patterns('', (r'^%s/(?P<path>.*)$' % media_url, 'django.views.static.serve', {'document_root': settings.MEDIA_ROOT}), ) from django.contrib.staticfiles.urls import staticfiles_urlpatterns urlpatterns += staticfiles_urlpatterns() if getattr(settings, 'JSCONF_DEVELOPMENT_MODE', False): # the urls module always has settings loaded, so execute this command # to generate jsconf each time Django starts. This way, we can serve the # jsconf.js as a static file. # This is enabled only for DEBUG configs, for stable you should run # ./manage.py generatejsconf # after every deploy. call_command('makejsconf')
[ 1, 529, 9507, 29958, 932, 29914, 29885, 3018, 4937, 29914, 26045, 29889, 2272, 13, 3166, 9557, 29889, 5527, 1053, 6055, 13, 3166, 9557, 29889, 5527, 29889, 26045, 1053, 15038, 29892, 3160, 29892, 3142, 13, 3166, 9557, 29889, 21570, 1053, 4113, 13, 3166, 9557, 29889, 3221, 29889, 21895, 1053, 1246, 29918, 6519, 13, 13, 6406, 29889, 1300, 397, 10669, 957, 580, 13, 13, 13, 1753, 4319, 29898, 3827, 1125, 13, 1678, 9995, 3439, 352, 1078, 263, 1923, 1059, 9995, 13, 268, 29896, 847, 29871, 29900, 13, 13, 2271, 11037, 29879, 353, 15038, 877, 29885, 3018, 4937, 742, 13, 13, 1678, 396, 2271, 29898, 29878, 29915, 29985, 29938, 742, 525, 3396, 29889, 7406, 29889, 2248, 742, 1024, 2433, 2248, 5477, 13, 13, 1678, 3142, 29898, 29878, 29915, 29985, 6406, 29914, 742, 3160, 29898, 6406, 29889, 2746, 29889, 26045, 8243, 13, 1678, 3142, 29898, 29878, 29915, 29985, 12663, 13346, 742, 525, 2640, 29889, 7406, 29889, 2640, 29918, 949, 1004, 742, 1024, 2433, 2640, 29918, 3396, 5477, 13, 1678, 313, 29878, 29915, 29985, 12313, 13346, 742, 4319, 511, 13, 29897, 13, 13, 2271, 11037, 29879, 4619, 15038, 877, 742, 13, 1678, 3142, 29898, 29878, 29915, 742, 3160, 877, 4378, 29641, 29889, 2754, 29889, 26045, 1495, 511, 13, 1678, 3142, 29898, 29878, 29915, 742, 3160, 877, 4378, 29641, 29889, 4478, 29889, 26045, 1495, 511, 13, 1678, 3142, 29898, 29878, 29915, 29985, 1990, 2450, 29914, 742, 3160, 877, 4378, 29641, 29889, 1990, 2450, 29889, 26045, 1495, 511, 13, 1678, 3142, 877, 742, 3160, 877, 4378, 29641, 29889, 3396, 29889, 26045, 1495, 511, 13, 1678, 3142, 29898, 29878, 29915, 29985, 3332, 29918, 3827, 414, 29914, 742, 3160, 877, 4378, 29641, 29889, 3332, 3827, 414, 29889, 26045, 1495, 511, 13, 1678, 3142, 29898, 29878, 29915, 29985, 12663, 29914, 742, 3160, 877, 29879, 561, 14668, 1514, 29889, 26045, 1495, 511, 13, 29897, 13, 13, 29937, 13, 29937, 11971, 29899, 26019, 13, 29937, 13, 13, 2277, 512, 21681, 4464, 29892, 9080, 5745, 2066, 1549, 15337, 29889, 13, 361, 6055, 29889, 18525, 29901, 13, 1678, 396, 15154, 8236, 322, 25053, 24765, 267, 577, 278, 6528, 7087, 29889, 13, 1678, 5745, 29918, 2271, 353, 6055, 29889, 2303, 4571, 29909, 29918, 4219, 29889, 29880, 17010, 11219, 2824, 29878, 17010, 11219, 1495, 13, 1678, 3142, 11037, 29879, 4619, 15038, 877, 742, 13, 4706, 313, 29878, 29915, 29985, 29995, 29879, 29914, 10780, 29925, 29966, 2084, 29958, 5575, 1262, 29915, 1273, 5745, 29918, 2271, 29892, 525, 14095, 29889, 7406, 29889, 7959, 29889, 16349, 742, 13, 308, 11117, 3225, 29918, 4632, 2396, 6055, 29889, 2303, 4571, 29909, 29918, 21289, 9594, 13, 1678, 1723, 13, 1678, 515, 9557, 29889, 21570, 29889, 7959, 5325, 29889, 26045, 1053, 2294, 5325, 29918, 2271, 11037, 29879, 13, 1678, 3142, 11037, 29879, 4619, 2294, 5325, 29918, 2271, 11037, 29879, 580, 13, 13, 361, 679, 5552, 29898, 11027, 29892, 525, 8700, 6007, 29943, 29918, 2287, 12064, 3927, 13427, 3919, 29918, 20387, 742, 7700, 1125, 13, 1678, 396, 278, 23942, 3883, 2337, 756, 6055, 7500, 29892, 577, 6222, 445, 1899, 13, 1678, 396, 304, 5706, 6965, 5527, 1269, 931, 15337, 8665, 29889, 910, 982, 29892, 591, 508, 9080, 278, 13, 1678, 396, 6965, 5527, 29889, 1315, 408, 263, 2294, 934, 29889, 13, 1678, 396, 910, 338, 9615, 871, 363, 21681, 2295, 29879, 29892, 363, 13714, 366, 881, 1065, 13, 1678, 396, 259, 11431, 1171, 482, 29889, 2272, 5706, 1315, 5527, 13, 1678, 396, 1156, 1432, 7246, 29889, 13, 1678, 1246, 29918, 6519, 877, 5675, 1315, 5527, 1495, 13, 2 ]
setup.py
fonar/paypalhttp_python
0
1020
from setuptools import setup version = "1.0.0" long_description = """ PayPalHttp is a generic http client designed to be used with code-generated projects. """ setup( name="paypalhttp", long_description=long_description, version=version, author="PayPal", packages=["paypalhttp", "paypalhttp/testutils", "paypalhttp/serializers"], install_requires=['requests>=2.0.0', 'six>=1.0.0', 'pyopenssl>=0.15'], license="MIT", classifiers=[ 'Intended Audience :: Developers', 'Natural Language :: English', 'Operating System :: OS Independent', 'Programming Language :: Python', 'Programming Language :: Python :: 2', 'Programming Language :: Python :: 2.6', 'Programming Language :: Python :: 2.7', 'Programming Language :: Python :: 3', 'Programming Language :: Python :: 3.3', 'Programming Language :: Python :: 3.4', 'Programming Language :: Python :: 3.5', 'Programming Language :: Python :: 3.7', 'Programming Language :: Python :: Implementation :: PyPy', 'Topic :: Software Development :: Libraries :: Python Modules' ], )
[ 1, 515, 731, 21245, 8789, 1053, 6230, 13, 13, 3259, 353, 376, 29896, 29889, 29900, 29889, 29900, 29908, 13, 13, 5426, 29918, 8216, 353, 9995, 13, 12, 15467, 18210, 5506, 338, 263, 10035, 1732, 3132, 8688, 304, 367, 1304, 411, 775, 29899, 13525, 9279, 29889, 13, 15945, 29908, 13, 13, 14669, 29898, 13, 1678, 1024, 543, 10472, 7830, 1124, 613, 13, 1678, 1472, 29918, 8216, 29922, 5426, 29918, 8216, 29892, 13, 1678, 1873, 29922, 3259, 29892, 13, 1678, 4148, 543, 15467, 18210, 613, 13, 1678, 9741, 29922, 3366, 10472, 7830, 1124, 613, 376, 10472, 7830, 1124, 29914, 1688, 13239, 613, 376, 10472, 7830, 1124, 29914, 15550, 19427, 12436, 13, 1678, 2601, 29918, 276, 339, 2658, 29922, 1839, 24830, 18572, 29906, 29889, 29900, 29889, 29900, 742, 525, 28319, 18572, 29896, 29889, 29900, 29889, 29900, 742, 525, 2272, 22156, 2536, 18572, 29900, 29889, 29896, 29945, 7464, 13, 1678, 19405, 543, 26349, 613, 13, 1678, 770, 14903, 11759, 13, 4706, 525, 2928, 2760, 319, 4749, 663, 4761, 10682, 414, 742, 13, 4706, 525, 29940, 18771, 17088, 4761, 4223, 742, 13, 4706, 525, 7094, 1218, 2184, 4761, 6570, 25266, 742, 13, 4706, 525, 9283, 4056, 17088, 4761, 5132, 742, 13, 4706, 525, 9283, 4056, 17088, 4761, 5132, 4761, 29871, 29906, 742, 13, 4706, 525, 9283, 4056, 17088, 4761, 5132, 4761, 29871, 29906, 29889, 29953, 742, 13, 4706, 525, 9283, 4056, 17088, 4761, 5132, 4761, 29871, 29906, 29889, 29955, 742, 13, 4706, 525, 9283, 4056, 17088, 4761, 5132, 4761, 29871, 29941, 742, 13, 4706, 525, 9283, 4056, 17088, 4761, 5132, 4761, 29871, 29941, 29889, 29941, 742, 13, 4706, 525, 9283, 4056, 17088, 4761, 5132, 4761, 29871, 29941, 29889, 29946, 742, 13, 4706, 525, 9283, 4056, 17088, 4761, 5132, 4761, 29871, 29941, 29889, 29945, 742, 13, 4706, 525, 9283, 4056, 17088, 4761, 5132, 4761, 29871, 29941, 29889, 29955, 742, 13, 4706, 525, 9283, 4056, 17088, 4761, 5132, 4761, 1954, 14607, 4761, 10772, 19737, 742, 13, 4706, 525, 7031, 293, 4761, 18540, 14650, 4761, 365, 4626, 4314, 4761, 5132, 3382, 2540, 29915, 13, 1678, 21251, 13, 29897, 13, 2 ]
analysis_tools/PYTHON_RICARDO/rpl/tools/voxelization/test_intersection.py
lefevre-fraser/openmeta-mms
0
52514
""" Represent a triangulated surface using a 3D boolean grid""" import numpy as np from scipy import ndimage import matplotlib.pyplot as plt import matplotlib.cm as cm voxel_size = 0.05 #stl_file = "50_standing" #stl_file = "50p_hunch8" stl_file = "volume_w_seats" file_name = "voxels_temp_" + stl_file + "_" + str(voxel_size) + ".npz" d = np.load(file_name) in_out = d["in_out"] #stl_file = "50_standing" stl_file = "50p_hunch8" file_name = "voxels_temp_" + stl_file + "_" + str(voxel_size) + ".npz" in_out_manikin_base = np.load(file_name)["in_out"] labels, count = ndimage.measurements.label(in_out) label_corner = labels[-1, -1, -1] exclude = labels != label_corner in_out &= exclude #in_out = ndimage.binary_opening(in_out, iterations=4) labels, count = ndimage.measurements.label(in_out) label_corner = labels[-1, -1, -1] floor = np.ones((in_out.shape[0], in_out.shape[2]), dtype=np.uint16) * (in_out.shape[1] - in_out_manikin_base.shape[1]) #floor = np.ones((in_out.shape[0], in_out.shape[2]), dtype=np.uint16) * (in_out.shape[1]) for obj_num in range(count + 1): print obj_num, np.sum(labels == obj_num) if obj_num == label_corner: continue print obj_num, np.sum(labels == obj_num) for i in xrange(in_out.shape[0]): print "Slice {} of {}".format(i, in_out.shape[0]) for j in xrange(in_out.shape[1]): for k in xrange(in_out.shape[2]): if labels[i, j, k] == obj_num: if labels[i, j - 1, k] == 0: floor[i, k] = min(floor[i, k], j) full = in_out_manikin_base.shape[1] manikin_heights = [full, full - full // 10, full - full // 4] manikin_heights = [full] print manikin_heights v_min = None v_max = None for config, manikin_height in enumerate(manikin_heights): in_out_manikin = in_out_manikin_base[:, :manikin_height, :] # in_out_manikin = in_out_manikin_base[:, :, :] labels, count = ndimage.measurements.label(in_out_manikin) label_corner = labels[-1, -1, -1] in_out_manikin = labels != label_corner manikin_volume = np.sum(in_out_manikin) manikin_i = in_out_manikin.shape[0] half_i = manikin_i // 2 manikin_j = in_out_manikin.shape[1] manikin_k = in_out_manikin.shape[2] half_k = manikin_k // 2 print in_out.shape print in_out_manikin.shape intersection_checks = 0 results = np.empty((in_out.shape[0] - manikin_i, in_out.shape[2] - manikin_k), dtype=np.float) for i in xrange(in_out.shape[0] - manikin_i): for k in xrange(in_out.shape[2] - manikin_k): results[i, k] = np.sum(in_out_manikin & in_out[i : i + manikin_i, floor[i + half_i, k + half_k] : floor[i + half_i, k + half_k] + manikin_j, k : k + manikin_k]) intersection_checks += 1 print "Intersection checks", intersection_checks # results = results / manikin_volume results = (manikin_volume - results) / manikin_volume if v_min is None: v_min = np.min(results) v_max = np.max(results) plt.subplot(1, len(manikin_heights), config) plt.imshow(results, cmap=cm.copper_r, vmin=v_min, vmax=v_max, norm=None) #plt.subplot(122) #plt.imshow(floor, cmap=cm.copper_r) plt.show() #size_check = 50 # #block_check = np.ones((size_check, size_check, size_check), dtype=np.bool) # # #for i in xrange(in_out.shape[0] - size_check): # for j in xrange(in_out.shape[1] - size_check): # print i, j, np.sum(block_check & in_out[i : i + size_check, # j : j + size_check, # :size_check]) #
[ 1, 9995, 16314, 263, 3367, 574, 7964, 7101, 773, 263, 29871, 29941, 29928, 7223, 6856, 15945, 19451, 13, 5215, 12655, 408, 7442, 30004, 13, 3166, 4560, 2272, 1053, 29871, 299, 3027, 30004, 13, 5215, 22889, 29889, 2272, 5317, 408, 14770, 30004, 13, 5215, 22889, 29889, 4912, 408, 7477, 30004, 13, 30004, 13, 30004, 13, 1365, 29916, 295, 29918, 2311, 353, 29871, 29900, 29889, 29900, 29945, 30004, 13, 30004, 13, 29937, 303, 29880, 29918, 1445, 353, 376, 29945, 29900, 29918, 11235, 19451, 13, 29937, 303, 29880, 29918, 1445, 353, 376, 29945, 29900, 29886, 29918, 29882, 3322, 29947, 19451, 13, 303, 29880, 29918, 1445, 353, 376, 24623, 29918, 29893, 29918, 344, 1446, 19451, 13, 30004, 13, 1445, 29918, 978, 353, 376, 1365, 29916, 1379, 29918, 7382, 27508, 718, 380, 29880, 29918, 1445, 718, 11119, 29908, 718, 851, 29898, 1365, 29916, 295, 29918, 2311, 29897, 718, 11393, 9302, 29920, 19451, 13, 30004, 13, 29881, 353, 7442, 29889, 1359, 29898, 1445, 29918, 978, 8443, 13, 262, 29918, 449, 353, 270, 3366, 262, 29918, 449, 3108, 30004, 13, 30004, 13, 29937, 303, 29880, 29918, 1445, 353, 376, 29945, 29900, 29918, 11235, 19451, 13, 303, 29880, 29918, 1445, 353, 376, 29945, 29900, 29886, 29918, 29882, 3322, 29947, 19451, 13, 1445, 29918, 978, 353, 376, 1365, 29916, 1379, 29918, 7382, 27508, 718, 380, 29880, 29918, 1445, 718, 11119, 29908, 718, 851, 29898, 1365, 29916, 295, 29918, 2311, 29897, 718, 11393, 9302, 29920, 19451, 13, 30004, 13, 262, 29918, 449, 29918, 1171, 638, 262, 29918, 3188, 353, 7442, 29889, 1359, 29898, 1445, 29918, 978, 29897, 3366, 262, 29918, 449, 3108, 30004, 13, 30004, 13, 30004, 13, 30004, 13, 21134, 29892, 2302, 353, 29871, 299, 3027, 29889, 26658, 1860, 29889, 1643, 29898, 262, 29918, 449, 8443, 13, 30004, 13, 1643, 29918, 2616, 1089, 353, 11073, 14352, 29896, 29892, 448, 29896, 29892, 448, 29896, 29962, 30004, 13, 30004, 13, 30004, 13, 735, 2325, 353, 11073, 2804, 3858, 29918, 2616, 1089, 30004, 13, 30004, 13, 262, 29918, 449, 7878, 19060, 30004, 13, 30004, 13, 29937, 262, 29918, 449, 353, 29871, 299, 3027, 29889, 19541, 29918, 3150, 292, 29898, 262, 29918, 449, 29892, 24372, 29922, 29946, 8443, 13, 30004, 13, 21134, 29892, 2302, 353, 29871, 299, 3027, 29889, 26658, 1860, 29889, 1643, 29898, 262, 29918, 449, 8443, 13, 1643, 29918, 2616, 1089, 353, 11073, 14352, 29896, 29892, 448, 29896, 29892, 448, 29896, 29962, 30004, 13, 30004, 13, 14939, 353, 7442, 29889, 2873, 3552, 262, 29918, 449, 29889, 12181, 29961, 29900, 1402, 297, 29918, 449, 29889, 12181, 29961, 29906, 11724, 26688, 29922, 9302, 29889, 13470, 29896, 29953, 29897, 334, 313, 262, 29918, 449, 29889, 12181, 29961, 29896, 29962, 448, 297, 29918, 449, 29918, 1171, 638, 262, 29918, 3188, 29889, 12181, 29961, 29896, 2314, 30004, 13, 29937, 14939, 353, 7442, 29889, 2873, 3552, 262, 29918, 449, 29889, 12181, 29961, 29900, 1402, 297, 29918, 449, 29889, 12181, 29961, 29906, 11724, 26688, 29922, 9302, 29889, 13470, 29896, 29953, 29897, 334, 313, 262, 29918, 449, 29889, 12181, 29961, 29896, 2314, 30004, 13, 30004, 13, 30004, 13, 30004, 13, 1454, 5446, 29918, 1949, 297, 3464, 29898, 2798, 718, 29871, 29896, 1125, 30004, 13, 1678, 1596, 5446, 29918, 1949, 29892, 7442, 29889, 2083, 29898, 21134, 1275, 5446, 29918, 1949, 8443, 13, 1678, 565, 5446, 29918, 1949, 1275, 3858, 29918, 2616, 1089, 29901, 30004, 13, 4706, 6773, 30004, 13, 1678, 1596, 5446, 29918, 1949, 29892, 7442, 29889, 2083, 29898, 21134, 1275, 5446, 29918, 1949, 8443, 13, 1678, 363, 474, 297, 921, 3881, 29898, 262, 29918, 449, 29889, 12181, 29961, 29900, 29962, 1125, 30004, 13, 4706, 1596, 376, 29903, 5897, 6571, 310, 6571, 1642, 4830, 29898, 29875, 29892, 297, 29918, 449, 29889, 12181, 29961, 29900, 2314, 30004, 13, 4706, 363, 432, 297, 921, 3881, 29898, 262, 29918, 449, 29889, 12181, 29961, 29896, 29962, 1125, 30004, 13, 9651, 363, 413, 297, 921, 3881, 29898, 262, 29918, 449, 29889, 12181, 29961, 29906, 29962, 1125, 30004, 13, 18884, 565, 11073, 29961, 29875, 29892, 432, 29892, 413, 29962, 1275, 5446, 29918, 1949, 29901, 30004, 13, 462, 1678, 565, 11073, 29961, 29875, 29892, 432, 448, 29871, 29896, 29892, 413, 29962, 1275, 29871, 29900, 29901, 30004, 13, 462, 4706, 11904, 29961, 29875, 29892, 413, 29962, 353, 1375, 29898, 14939, 29961, 29875, 29892, 413, 1402, 432, 8443, 13, 30004, 13, 30004, 13, 30004, 13, 8159, 353, 297, 29918, 449, 29918, 1171, 638, 262, 29918, 3188, 29889, 12181, 29961, 29896, 29962, 30004, 13, 30004, 13, 1171, 638, 262, 29918, 3545, 29879, 353, 518, 8159, 29892, 2989, 448, 2989, 849, 29871, 29896, 29900, 29892, 2989, 448, 2989, 849, 29871, 29946, 29962, 6756, 13, 1171, 638, 262, 29918, 3545, 29879, 353, 518, 8159, 29962, 6756, 13, 30004, 13, 2158, 767, 638, 262, 29918, 3545, 29879, 30004, 13, 30004, 13, 29894, 29918, 1195, 353, 6213, 30004, 13, 29894, 29918, 3317, 353, 6213, 30004, 13, 30004, 13, 1454, 2295, 29892, 767, 638, 262, 29918, 3545, 297, 26985, 29898, 1171, 638, 262, 29918, 3545, 29879, 1125, 30004, 13, 1678, 297, 29918, 449, 29918, 1171, 638, 262, 353, 297, 29918, 449, 29918, 1171, 638, 262, 29918, 3188, 7503, 29892, 584, 1171, 638, 262, 29918, 3545, 29892, 584, 29962, 30004, 13, 29937, 1678, 297, 29918, 449, 29918, 1171, 638, 262, 353, 297, 29918, 449, 29918, 1171, 638, 262, 29918, 3188, 7503, 29892, 584, 29892, 584, 29962, 30004, 13, 1678, 11073, 29892, 2302, 353, 29871, 299, 3027, 29889, 26658, 1860, 29889, 1643, 29898, 262, 29918, 449, 29918, 1171, 638, 262, 8443, 13, 1678, 3858, 29918, 2616, 1089, 353, 11073, 14352, 29896, 29892, 448, 29896, 29892, 448, 29896, 29962, 30004, 13, 1678, 6756, 13, 1678, 297, 29918, 449, 29918, 1171, 638, 262, 353, 11073, 2804, 3858, 29918, 2616, 1089, 30004, 13, 1678, 6756, 13, 1678, 767, 638, 262, 29918, 24623, 353, 7442, 29889, 2083, 29898, 262, 29918, 449, 29918, 1171, 638, 262, 8443, 13, 1678, 6756, 13, 1678, 767, 638, 262, 29918, 29875, 353, 297, 29918, 449, 29918, 1171, 638, 262, 29889, 12181, 29961, 29900, 29962, 30004, 13, 1678, 4203, 29918, 29875, 353, 767, 638, 262, 29918, 29875, 849, 29871, 29906, 30004, 13, 1678, 767, 638, 262, 29918, 29926, 353, 297, 29918, 449, 29918, 1171, 638, 262, 29889, 12181, 29961, 29896, 29962, 30004, 13, 1678, 767, 638, 262, 29918, 29895, 353, 297, 29918, 449, 29918, 1171, 638, 262, 29889, 12181, 29961, 29906, 29962, 30004, 13, 1678, 4203, 29918, 29895, 353, 767, 638, 262, 29918, 29895, 849, 29871, 29906, 30004, 13, 1678, 6756, 13, 1678, 6756, 13, 1678, 1596, 297, 29918, 449, 29889, 12181, 30004, 13, 1678, 1596, 297, 29918, 449, 29918, 1171, 638, 262, 29889, 12181, 30004, 13, 1678, 6756, 13, 1678, 17686, 29918, 3198, 29879, 353, 29871, 29900, 30004, 13, 1678, 6756, 13, 1678, 2582, 353, 7442, 29889, 6310, 3552, 262, 29918, 449, 29889, 12181, 29961, 29900, 29962, 448, 767, 638, 262, 29918, 29875, 29892, 297, 29918, 449, 29889, 12181, 29961, 29906, 29962, 448, 767, 638, 262, 29918, 29895, 511, 26688, 29922, 9302, 29889, 7411, 8443, 13, 1678, 6756, 13, 1678, 363, 474, 297, 921, 3881, 29898, 262, 29918, 449, 29889, 12181, 29961, 29900, 29962, 448, 767, 638, 262, 29918, 29875, 1125, 30004, 13, 4706, 363, 413, 297, 921, 3881, 29898, 262, 29918, 449, 29889, 12181, 29961, 29906, 29962, 448, 767, 638, 262, 29918, 29895, 1125, 30004, 13, 9651, 2582, 29961, 29875, 29892, 413, 29962, 353, 7442, 29889, 2083, 29898, 262, 29918, 449, 29918, 1171, 638, 262, 669, 297, 29918, 449, 29961, 29875, 584, 474, 718, 767, 638, 262, 29918, 29875, 29892, 6756, 13, 462, 462, 462, 965, 11904, 29961, 29875, 718, 4203, 29918, 29875, 29892, 413, 718, 4203, 29918, 29895, 29962, 584, 11904, 29961, 29875, 718, 4203, 29918, 29875, 29892, 413, 718, 4203, 29918, 29895, 29962, 718, 767, 638, 262, 29918, 29926, 11167, 13, 462, 462, 462, 965, 413, 584, 413, 718, 767, 638, 262, 29918, 29895, 2314, 30004, 13, 9651, 17686, 29918, 3198, 29879, 4619, 29871, 29896, 30004, 13, 1678, 6756, 13, 1678, 1596, 376, 4074, 2042, 12747, 613, 17686, 29918, 3198, 29879, 462, 462, 4706, 6756, 13, 268, 6756, 13, 1678, 6756, 13, 29937, 1678, 2582, 353, 2582, 847, 767, 638, 262, 29918, 24623, 30004, 13, 1678, 2582, 353, 313, 1171, 638, 262, 29918, 24623, 448, 2582, 29897, 847, 767, 638, 262, 29918, 24623, 30004, 13, 30004, 13, 1678, 6756, 13, 1678, 565, 325, 29918, 1195, 338, 6213, 29901, 30004, 13, 4706, 325, 29918, 1195, 353, 7442, 29889, 1195, 29898, 9902, 8443, 13, 4706, 325, 29918, 3317, 353, 7442, 29889, 3317, 29898, 9902, 8443, 13, 1678, 6756, 13, 1678, 14770, 29889, 1491, 5317, 29898, 29896, 29892, 7431, 29898, 1171, 638, 262, 29918, 3545, 29879, 511, 2295, 8443, 13, 1678, 14770, 29889, 326, 4294, 29898, 9902, 29892, 274, 1958, 29922, 4912, 29889, 1111, 2496, 29918, 29878, 29892, 325, 1195, 29922, 29894, 29918, 1195, 29892, 325, 3317, 29922, 29894, 29918, 3317, 29892, 6056, 29922, 8516, 8443, 13, 30004, 13, 29937, 572, 29873, 29889, 1491, 5317, 29898, 29896, 29906, 29906, 8443, 13, 29937, 572, 29873, 29889, 326, 4294, 29898, 14939, 29892, 274, 1958, 29922, 4912, 29889, 1111, 2496, 29918, 29878, 8443, 13, 30004, 13, 572, 29873, 29889, 4294, 26471, 13, 30004, 13, 30004, 13, 30004, 13, 462, 462, 632, 6756, 13, 29937, 2311, 29918, 3198, 353, 29871, 29945, 29900, 30004, 13, 29937, 30004, 13, 29937, 1271, 29918, 3198, 353, 7442, 29889, 2873, 3552, 2311, 29918, 3198, 29892, 2159, 29918, 3198, 29892, 2159, 29918, 3198, 511, 26688, 29922, 9302, 29889, 11227, 8443, 13, 29937, 30004, 13, 29937, 30004, 13, 29937, 1454, 474, 297, 921, 3881, 29898, 262, 29918, 449, 29889, 12181, 29961, 29900, 29962, 448, 2159, 29918, 3198, 1125, 30004, 13, 29937, 1678, 363, 432, 297, 921, 3881, 29898, 262, 29918, 449, 29889, 12181, 29961, 29896, 29962, 448, 2159, 29918, 3198, 1125, 30004, 13, 29937, 4706, 1596, 474, 29892, 432, 29892, 7442, 29889, 2083, 29898, 1271, 29918, 3198, 669, 297, 29918, 449, 29961, 29875, 584, 474, 718, 2159, 29918, 3198, 29892, 6756, 13, 29937, 462, 462, 18884, 432, 584, 432, 718, 2159, 29918, 3198, 11167, 13, 29937, 462, 462, 18884, 584, 2311, 29918, 3198, 2314, 30004, 13, 29937, 462, 462, 18884, 6756, 13, 462, 462, 18884, 6756, 13, 462, 462, 462, 2 ]
msvc/libpsl-pc.py
kloczek/libpsl
102
148941
# !/usr/env/python # Simple script to generate libpsl.pc from libpsl.pc.in # for Visual Studio builds import sys import argparse from replace import replace_multi from pc_base import BasePCItems def main(argv): parser = argparse.ArgumentParser(description='Setup basic libpsl.pc file info') parser.add_argument('--name', help='Name of package', required=True) parser.add_argument('--url', help='Package Home Page URL', required=True) base_pc = BasePCItems() base_pc.setup(argv, parser) args = parser.parse_args() pc_replace_items = {'@PACKAGE_NAME@': args.name, '@PACKAGE_VERSION@': args.version, '@PACKAGE_URL@': args.url} pc_replace_items.update(base_pc.base_replace_items) # Generate libpsl.pc replace_multi(base_pc.top_srcdir + '/libpsl.pc.in', base_pc.srcdir + '/libpsl.pc', pc_replace_items) return 0 if __name__ == '__main__': sys.exit(main(sys.argv))
[ 1, 396, 1738, 29914, 4855, 29914, 6272, 29914, 4691, 30004, 13, 29937, 12545, 2471, 304, 5706, 4303, 567, 29880, 29889, 6739, 515, 4303, 567, 29880, 29889, 6739, 29889, 262, 30004, 13, 29937, 363, 9249, 7448, 23315, 30004, 13, 30004, 13, 5215, 10876, 30004, 13, 5215, 1852, 5510, 30004, 13, 30004, 13, 3166, 5191, 1053, 5191, 29918, 9910, 30004, 13, 3166, 22844, 29918, 3188, 1053, 7399, 9026, 6913, 30004, 13, 30004, 13, 1753, 1667, 29898, 19218, 1125, 30004, 13, 1678, 13812, 353, 1852, 5510, 29889, 15730, 11726, 29898, 8216, 2433, 26947, 6996, 4303, 567, 29880, 29889, 6739, 934, 5235, 1495, 30004, 13, 1678, 13812, 29889, 1202, 29918, 23516, 877, 489, 978, 742, 1371, 2433, 1170, 310, 3577, 742, 3734, 29922, 5574, 8443, 13, 1678, 13812, 29889, 1202, 29918, 23516, 877, 489, 2271, 742, 1371, 2433, 14459, 8778, 9305, 3988, 742, 3734, 29922, 5574, 8443, 13, 30004, 13, 1678, 2967, 29918, 6739, 353, 7399, 9026, 6913, 26471, 13, 1678, 2967, 29918, 6739, 29889, 14669, 29898, 19218, 29892, 13812, 8443, 13, 1678, 6389, 353, 13812, 29889, 5510, 29918, 5085, 26471, 13, 30004, 13, 1678, 22844, 29918, 6506, 29918, 7076, 353, 11117, 29992, 29925, 11375, 10461, 29918, 5813, 29992, 2396, 6389, 29889, 978, 11167, 13, 462, 4706, 18803, 29925, 11375, 10461, 29918, 16358, 29992, 2396, 6389, 29889, 3259, 11167, 13, 462, 4706, 18803, 29925, 11375, 10461, 29918, 4219, 29992, 2396, 6389, 29889, 2271, 8117, 13, 30004, 13, 1678, 22844, 29918, 6506, 29918, 7076, 29889, 5504, 29898, 3188, 29918, 6739, 29889, 3188, 29918, 6506, 29918, 7076, 8443, 13, 30004, 13, 1678, 396, 3251, 403, 4303, 567, 29880, 29889, 6739, 30004, 13, 1678, 5191, 29918, 9910, 29898, 3188, 29918, 6739, 29889, 3332, 29918, 4351, 3972, 718, 8207, 1982, 567, 29880, 29889, 6739, 29889, 262, 23592, 13, 462, 29871, 2967, 29918, 6739, 29889, 4351, 3972, 718, 8207, 1982, 567, 29880, 29889, 6739, 23592, 13, 462, 29871, 22844, 29918, 6506, 29918, 7076, 8443, 13, 30004, 13, 1678, 736, 29871, 29900, 30004, 13, 30004, 13, 361, 4770, 978, 1649, 1275, 525, 1649, 3396, 1649, 2396, 30004, 13, 1678, 10876, 29889, 13322, 29898, 3396, 29898, 9675, 29889, 19218, 876, 30004, 13, 2 ]
labJS/conf.py
lpomfrey/django-labjs
0
10036
# -*- coding: utf-8 -*- from __future__ import unicode_literals from appconf import AppConf from django.conf import settings # noqa class LabjsConf(AppConf): ENABLED = not settings.DEBUG DEBUG_TOGGLE = 'labjs'
[ 1, 396, 448, 29930, 29899, 14137, 29901, 23616, 29899, 29947, 448, 29930, 29899, 13, 3166, 4770, 29888, 9130, 1649, 1053, 29104, 29918, 20889, 1338, 13, 13, 3166, 623, 5527, 1053, 2401, 16376, 13, 3166, 9557, 29889, 5527, 1053, 6055, 29871, 396, 694, 25621, 13, 13, 13, 1990, 12016, 1315, 16376, 29898, 2052, 16376, 1125, 13, 13, 1678, 12524, 6181, 29928, 353, 451, 6055, 29889, 18525, 13, 1678, 21681, 29918, 4986, 26788, 1307, 353, 525, 8205, 1315, 29915, 13, 2 ]
eworkshop/utils/models.py
frankfern/eWorkshop-api
0
67489
from django.db import models from django.core.validators import RegexValidator class TimeModel(models.Model): """ Model that can be inherit to obtain fields like create time and modified time""" created = models.DateTimeField( 'created at', auto_now_add=True, help_text='Date time on which object was created') modified = models.DateTimeField( 'modified at ', auto_now=True, help_text='Date time on which object was modified') class Meta(): abstract = True ordering = ['-created', '-modified'] get_latest_by = 'created' class BasicInfoModel(TimeModel): """This model can be inherit in order to obtain basic info """ phone_regex = RegexValidator( regex=r'^\+[1-9]\d{2}\d{3}\d{4}', message='Phone number must be enteredin format: +5399999999. Upto 15 digits allowed.' ) first_name = models.CharField(max_length=15) last_name = models.CharField(max_length=15) phone_number = models.CharField( max_length=17, blank=True, null=True, validators=[phone_regex]) cellphone_number = models.CharField( max_length=17, blank=False, null=True, validators=[phone_regex]) class Meta(): abstract = True class AdvanceInfoModel(BasicInfoModel): """This model is like BasicInfoModel with address and ci fiels """ ci_regex = RegexValidator( regex='\d{11}$', message='Ci must have 11 numbers') address = models.CharField(max_length=30, null=False, blank=False) ci = models.CharField( validators=[ci_regex], unique=True, null=False, blank=False, max_length=11) class Meta(): abstract = True
[ 1, 515, 9557, 29889, 2585, 1053, 4733, 13, 3166, 9557, 29889, 3221, 29889, 3084, 4097, 1053, 25326, 24204, 13, 13, 13, 1990, 5974, 3195, 29898, 9794, 29889, 3195, 1125, 13, 13, 1678, 9995, 8125, 393, 508, 367, 13125, 304, 4017, 4235, 763, 29871, 13, 1678, 1653, 931, 322, 9120, 931, 15945, 29908, 13, 13, 1678, 2825, 353, 4733, 29889, 11384, 3073, 29898, 13, 4706, 525, 11600, 472, 742, 4469, 29918, 3707, 29918, 1202, 29922, 5574, 29892, 1371, 29918, 726, 2433, 2539, 931, 373, 607, 1203, 471, 2825, 1495, 13, 1678, 9120, 353, 4733, 29889, 11384, 3073, 29898, 13, 4706, 525, 1545, 2164, 472, 13420, 13, 4706, 4469, 29918, 3707, 29922, 5574, 29892, 1371, 29918, 726, 2433, 2539, 931, 373, 607, 1203, 471, 9120, 1495, 13, 13, 1678, 770, 20553, 7295, 13, 4706, 9846, 353, 5852, 13, 4706, 20520, 353, 6024, 29899, 11600, 742, 17411, 1545, 2164, 2033, 13, 4706, 679, 29918, 12333, 29918, 1609, 353, 525, 11600, 29915, 13, 13, 13, 1990, 19219, 3401, 3195, 29898, 2481, 3195, 1125, 13, 1678, 9995, 4013, 1904, 508, 367, 13125, 297, 1797, 304, 4017, 29871, 6996, 5235, 9995, 13, 1678, 9008, 29918, 13087, 353, 25326, 24204, 29898, 13, 4706, 6528, 29922, 29878, 29915, 3823, 29974, 29961, 29896, 29899, 29929, 10725, 29881, 29912, 29906, 1012, 29881, 29912, 29941, 1012, 29881, 29912, 29946, 29913, 742, 13, 4706, 2643, 2433, 9861, 1353, 1818, 367, 7802, 262, 3402, 29901, 718, 29945, 29941, 29929, 29929, 29929, 29929, 29929, 29929, 29929, 29929, 29889, 501, 24070, 29871, 29896, 29945, 13340, 6068, 6169, 13, 1678, 1723, 13, 13, 1678, 937, 29918, 978, 353, 4733, 29889, 27890, 29898, 3317, 29918, 2848, 29922, 29896, 29945, 29897, 13, 1678, 1833, 29918, 978, 353, 4733, 29889, 27890, 29898, 3317, 29918, 2848, 29922, 29896, 29945, 29897, 13, 1678, 9008, 29918, 4537, 353, 4733, 29889, 27890, 29898, 13, 4706, 4236, 29918, 2848, 29922, 29896, 29955, 29892, 9654, 29922, 5574, 29892, 1870, 29922, 5574, 29892, 2854, 4097, 11759, 6710, 29918, 13087, 2314, 13, 1678, 3038, 6710, 29918, 4537, 353, 4733, 29889, 27890, 29898, 13, 4706, 4236, 29918, 2848, 29922, 29896, 29955, 29892, 9654, 29922, 8824, 29892, 1870, 29922, 5574, 29892, 2854, 4097, 11759, 6710, 29918, 13087, 2314, 13, 13, 1678, 770, 20553, 7295, 13, 4706, 9846, 353, 5852, 13, 13, 13, 1990, 25215, 749, 3401, 3195, 29898, 16616, 3401, 3195, 1125, 13, 1678, 9995, 4013, 1904, 338, 763, 19219, 3401, 3195, 411, 3211, 322, 4583, 285, 28119, 9995, 13, 1678, 4583, 29918, 13087, 353, 25326, 24204, 29898, 13, 4706, 6528, 2433, 29905, 29881, 29912, 29896, 29896, 1042, 742, 2643, 2433, 29907, 29875, 1818, 505, 29871, 29896, 29896, 3694, 1495, 13, 13, 1678, 3211, 353, 4733, 29889, 27890, 29898, 3317, 29918, 2848, 29922, 29941, 29900, 29892, 1870, 29922, 8824, 29892, 9654, 29922, 8824, 29897, 13, 1678, 4583, 353, 4733, 29889, 27890, 29898, 13, 4706, 2854, 4097, 11759, 455, 29918, 13087, 1402, 5412, 29922, 5574, 29892, 1870, 29922, 8824, 29892, 9654, 29922, 8824, 29892, 4236, 29918, 2848, 29922, 29896, 29896, 29897, 13, 13, 1678, 770, 20553, 7295, 13, 4706, 9846, 353, 5852, 13, 2 ]
tests/test_file.py
knc-neural-calculus/exdir
67
92770
<gh_stars>10-100 # -*- coding: utf-8 -*- # # This file is part of Exdir, the Experimental Directory Structure. # # Copyright 2017 <NAME> # # License: MIT, see "LICENSE" file for the full license terms. # # This file contains code from h5py, a Python interface to the HDF5 library, # licensed under a standard 3-clause BSD license # with copyright <NAME> and contributors. # See http://www.h5py.org and the "3rdparty/h5py-LICENSE" file for details. import pytest import os try: import pathlib except ImportError as e: try: import pathlib2 as pathlib except ImportError: raise e from exdir.core import File, Group from exdir.core.exdir_object import _create_object_directory, is_nonraw_object_directory, DATASET_TYPENAME, FILE_TYPENAME import exdir.core.exdir_object as exob from exdir import validation as fv import numpy as np from conftest import remove def test_file_init(setup_teardown_folder): no_exdir = setup_teardown_folder[0] / "no_exdir" f = File(no_exdir, mode="w") f.close() assert is_nonraw_object_directory(no_exdir.with_suffix(".exdir")) remove(setup_teardown_folder[1]) f = File(setup_teardown_folder[1], mode="w") f.close() assert is_nonraw_object_directory(setup_teardown_folder[1]) remove(setup_teardown_folder[1]) f = File(setup_teardown_folder[1], mode="a") f.close() assert is_nonraw_object_directory(setup_teardown_folder[1]) remove(setup_teardown_folder[1]) f = File(setup_teardown_folder[1], mode="a") f.close() assert is_nonraw_object_directory(setup_teardown_folder[1]) remove(setup_teardown_folder[1]) setup_teardown_folder[1].mkdir(parents=True) with pytest.raises(RuntimeError): f = File(setup_teardown_folder[1], mode="w") remove(setup_teardown_folder[1]) _create_object_directory(pathlib.Path(setup_teardown_folder[1]), exob._default_metadata(DATASET_TYPENAME)) with pytest.raises(RuntimeError): f = File(setup_teardown_folder[1], mode="w") remove(setup_teardown_folder[1]) with pytest.raises(RuntimeError): f = File(setup_teardown_folder[1], mode="r") with pytest.raises(RuntimeError): f = File(setup_teardown_folder[1], mode="r+") _create_object_directory(pathlib.Path(setup_teardown_folder[1]), exob._default_metadata(FILE_TYPENAME)) with pytest.raises(RuntimeError): f = File(setup_teardown_folder[1], mode="w") remove(setup_teardown_folder[1]) _create_object_directory(pathlib.Path(setup_teardown_folder[1]), exob._default_metadata(FILE_TYPENAME)) f = File(setup_teardown_folder[1], mode="w", allow_remove=True) remove(setup_teardown_folder[1]) _create_object_directory(pathlib.Path(setup_teardown_folder[1]), exob._default_metadata(FILE_TYPENAME)) with pytest.raises(RuntimeError): f = File(setup_teardown_folder[1], mode="w-") with pytest.raises(RuntimeError): f = File(setup_teardown_folder[1], mode="x") with pytest.raises(ValueError): f = File(setup_teardown_folder[1], mode="not existing") def test_create(setup_teardown_folder): """Mode 'w' opens file in overwrite mode.""" f = File(setup_teardown_folder[1], 'w') assert isinstance(f, File) f.create_group('foo') f.close() f = File(setup_teardown_folder[1], 'w', allow_remove=True) assert 'foo' not in f f.close() with pytest.raises(RuntimeError): f = File(setup_teardown_folder[1], 'w') def test_create_exclusive(setup_teardown_folder): """Mode 'w-' opens file in exclusive mode.""" f = File(setup_teardown_folder[1], 'w-') assert isinstance(f, File) f.close() with pytest.raises(RuntimeError): File(setup_teardown_folder[1], 'w-') def test_append(setup_teardown_folder): """Mode 'a' opens file in append/readwrite mode, creating if necessary.""" f = File(setup_teardown_folder[1], 'a') assert isinstance(f, File) f.create_group('foo') assert 'foo' in f f = File(setup_teardown_folder[1], 'a') assert 'foo' in f f.create_group('bar') assert 'bar' in f def test_readonly(setup_teardown_folder): """Mode 'r' opens file in readonly mode.""" f = File(setup_teardown_folder[1], 'w') f.close() assert not f f = File(setup_teardown_folder[1], 'r') assert isinstance(f, File) with pytest.raises(IOError): f.create_group('foo') f.create_dataset("bar", (2)) f.close() def test_readwrite(setup_teardown_folder): """Mode 'r+' opens existing file in readwrite mode.""" f = File(setup_teardown_folder[1], 'w') f.create_group('foo') f.close() f = File(setup_teardown_folder[1], 'r+') assert 'foo' in f f.create_group('bar') assert 'bar' in f f.close() def test_nonexistent_file(setup_teardown_folder): """Modes 'r' and 'r+' do not create files.""" with pytest.raises(RuntimeError): File(setup_teardown_folder[1], 'r') with pytest.raises(RuntimeError): File(setup_teardown_folder[1], 'r+') def test_invalid_mode(setup_teardown_folder): """Invalid modes raise ValueError.""" with pytest.raises(ValueError): File(setup_teardown_folder[1], 'Error mode') def test_file_close(setup_teardown_folder): """Closing a file.""" f = File(setup_teardown_folder[1], mode="w") f.close() def test_validate_name_thorough(setup_teardown_folder): """Test naming rule thorough.""" f = File(setup_teardown_folder[0] / "test.exdir", name_validation=fv.thorough) f.close() with pytest.raises(RuntimeError): File(setup_teardown_folder[0] / "Test.exdir", name_validation=fv.thorough) with pytest.raises(NameError): File(setup_teardown_folder[0] / "tes#.exdir", name_validation=fv.thorough) def test_validate_name_strict(setup_teardown_folder): """Test naming rule strict.""" f = File(setup_teardown_folder[1], name_validation=fv.strict) f.close() with pytest.raises(NameError): File(setup_teardown_folder[1].with_suffix(".exdirA"), name_validation=fv.strict) def test_validate_name_error(setup_teardown_folder): """Test naming rule with error.""" with pytest.raises(ValueError): File(setup_teardown_folder[1], name_validation='Error rule') def test_validate_name_none(setup_teardown_folder): """Test naming rule with error.""" File(setup_teardown_folder[1].with_name("test&().exdir"), name_validation=fv.none) def test_opening_with_different_validate_name(setup_teardown_folder): """Test opening with wrong naming rule.""" f = File(setup_teardown_folder[1], "w", name_validation=fv.none) f.create_group("AAA") f.close() # TODO changing name validation should result in warning/error f = File(setup_teardown_folder[1], "a", name_validation=fv.thorough) with pytest.raises(RuntimeError): f.create_group("aaa") f.close() def test_contains(setup_teardown_file): """Root group (by itself) is contained.""" f = setup_teardown_file[3] f.create_group("test") assert "/" in f assert "/test" in f def test_create_group(setup_teardown_file): """Root group (by itself) is contained.""" f = setup_teardown_file[3] grp = f.create_group("/test") assert isinstance(grp, Group) def test_require_group(setup_teardown_file): """Root group (by itself) is contained.""" f = setup_teardown_file[3] grp = f.require_group("/foo") assert isinstance(grp, Group) def test_open(setup_teardown_file): """thorough obj[name] opening.""" f = setup_teardown_file[3] grp = f.create_group("foo") grp2 = f["foo"] grp3 = f["/foo"] f = f["/"] assert grp == grp2 assert grp2 == grp3 assert f == f def test_open_mode(setup_teardown_folder): # must exist for mode in ["r+", "r"]: with pytest.raises(RuntimeError): f = File(setup_teardown_folder[1], mode) # create if not exist for mode in ["a", "w", "w-"]: remove(setup_teardown_folder[1]) f = File(setup_teardown_folder[1], mode) f.require_dataset('dset', np.arange(10)) f.attrs['can_overwrite'] = 42 f.attrs['can_overwrite'] = 14 f.require_group('mygroup') remove(setup_teardown_folder[1]) f = File(setup_teardown_folder[1], 'w') f.close() # dummy close # read write if exist f = File(setup_teardown_folder[1], "r+") f.require_group('mygroup') f.require_dataset('dset', np.arange(10)) f.attrs['can_overwrite'] = 42 f.attrs['can_overwrite'] = 14 # read only, can not write f = File(setup_teardown_folder[1], 'r') with pytest.raises(IOError): f.require_dataset('dset', np.arange(10)) f.attrs['can_not_write'] = 42 f.create_group('mygroup') def test_open_two_attrs(setup_teardown_file): f = setup_teardown_file[3] f.attrs['can_overwrite'] = 42 f.attrs['another_atribute'] = 14 def test_exc(setup_teardown_file): """'in' on closed group returns False.""" f = setup_teardown_file[3] f.create_group("a") f.close() assert not f assert "a" not in f def test_close_group(setup_teardown_file): """'closed file is unable to handle.""" f = setup_teardown_file[3] grp = f.create_group("group") f.close() assert not f assert "group" not in f assert 'dataset' not in f # unable to create new stuff match = "Unable to operate on closed File instance." with pytest.raises(IOError, match=match): f.create_group("group") with pytest.raises(IOError, match=match): grp.create_group("group") with pytest.raises(IOError, match=match): grp.attrs = {'group': 'attrs'} def test_close_attrs(setup_teardown_file): """'closed file is unable to handle.""" f = setup_teardown_file[3] grp = f.create_group("group") dset = f.create_dataset('dataset', data=np.array([1,2,3])) raw = f.create_raw('raw') f.attrs = {'file': 'attrs'} file_attrs = f.attrs f.close() match = "Unable to operate on closed File instance." with pytest.raises(IOError, match=match): f.attrs = {'file': 'attrs'} with pytest.raises(IOError, match=match): file_attrs['new'] = 'yo' # unable to retrieve stuff with pytest.raises(IOError, match=match): file_attrs['file'] with pytest.raises(IOError, match=match): f.attrs assert 'file' not in file_attrs def test_close_raw(setup_teardown_file): """'closed file is unable to handle.""" f = setup_teardown_file[3] raw = f.create_raw('raw') f.close() assert "raw" not in f # unable to create new stuff match = "Unable to operate on closed File instance." with pytest.raises(IOError, match=match): f.create_raw('raw') # unable to retrieve with pytest.raises(IOError, match=match): f['raw'] def test_close_dataset(setup_teardown_file): """'closed file is unable to handle.""" f = setup_teardown_file[3] grp = f.create_group("group") dset = f.create_dataset('dataset', data=np.array([1,2,3])) dset.attrs = {'dataset': 'attrs'} dset_attrs = dset.attrs data = dset.data f.close() assert 'dataset' not in f # unable to create new stuff match = "Unable to operate on closed File instance." with pytest.raises(IOError, match=match): f.create_dataset('dataset', data=np.array([1,2,3])) with pytest.raises(IOError, match=match): grp.create_dataset('dataset', data=np.array([1,2,3])) with pytest.raises(IOError, match=match): dset.attrs = {'dataset': 'attrs'} with pytest.raises(IOError, match=match): dset_attrs['new'] = 'yo' # unable to retrieve stuff with pytest.raises(IOError, match=match): dset.data with pytest.raises(IOError, match=match): dset.shape with pytest.raises(IOError, match=match): dset.dtype with pytest.raises(IOError, match=match): dset.attrs assert 'dataset' not in dset_attrs # TODO unable to close datasets: uncomment when done # assert 1 not in data # data[:] = np.array([3,2,1]) # TODO should give error # f.io_mode = 1 # assert np.array_equal(dset.data, np.array([1,2,3])) # Feature: File objects can be used as context managers def test_context_manager(setup_teardown_folder): """File objects can be used in with statements.""" no_exdir = setup_teardown_folder[2] with File(no_exdir, mode="w") as f: assert isinstance(f, File) assert not f
[ 1, 529, 12443, 29918, 303, 1503, 29958, 29896, 29900, 29899, 29896, 29900, 29900, 13, 29937, 448, 29930, 29899, 14137, 29901, 23616, 29899, 29947, 448, 29930, 29899, 13, 29937, 13, 29937, 910, 934, 338, 760, 310, 1222, 3972, 29892, 278, 1222, 27910, 18862, 3767, 12425, 29889, 13, 29937, 13, 29937, 14187, 1266, 29871, 29906, 29900, 29896, 29955, 529, 5813, 29958, 13, 29937, 13, 29937, 19245, 29901, 341, 1806, 29892, 1074, 376, 27888, 1430, 1660, 29908, 934, 363, 278, 2989, 19405, 4958, 29889, 13, 29937, 13, 29937, 910, 934, 3743, 775, 515, 298, 29945, 2272, 29892, 263, 5132, 5067, 304, 278, 379, 4037, 29945, 3489, 29892, 13, 29937, 7794, 21144, 1090, 263, 3918, 29871, 29941, 29899, 16398, 1509, 350, 7230, 19405, 13, 29937, 411, 3509, 1266, 529, 5813, 29958, 322, 17737, 29560, 29889, 13, 29937, 2823, 1732, 597, 1636, 29889, 29882, 29945, 2272, 29889, 990, 322, 278, 376, 29941, 5499, 22633, 29914, 29882, 29945, 2272, 29899, 27888, 1430, 1660, 29908, 934, 363, 4902, 29889, 13, 13, 13, 5215, 11451, 1688, 13, 5215, 2897, 13, 2202, 29901, 13, 1678, 1053, 2224, 1982, 13, 19499, 16032, 2392, 408, 321, 29901, 13, 1678, 1018, 29901, 13, 4706, 1053, 2224, 1982, 29906, 408, 2224, 1982, 13, 1678, 5174, 16032, 2392, 29901, 13, 4706, 12020, 321, 13, 13, 3166, 429, 3972, 29889, 3221, 1053, 3497, 29892, 6431, 13, 3166, 429, 3972, 29889, 3221, 29889, 735, 3972, 29918, 3318, 1053, 903, 3258, 29918, 3318, 29918, 12322, 29892, 338, 29918, 5464, 1610, 29918, 3318, 29918, 12322, 29892, 27640, 8127, 29911, 29918, 15631, 29925, 1430, 25797, 29892, 24080, 29918, 15631, 29925, 1430, 25797, 13, 5215, 429, 3972, 29889, 3221, 29889, 735, 3972, 29918, 3318, 408, 429, 711, 13, 3166, 429, 3972, 1053, 8845, 408, 285, 29894, 13, 13, 5215, 12655, 408, 7442, 13, 13, 3166, 378, 615, 342, 1053, 3349, 13, 13, 13, 1753, 1243, 29918, 1445, 29918, 2344, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 1125, 13, 1678, 694, 29918, 735, 3972, 353, 6230, 29918, 371, 538, 776, 29918, 12083, 29961, 29900, 29962, 847, 376, 1217, 29918, 735, 3972, 29908, 13, 13, 1678, 285, 353, 3497, 29898, 1217, 29918, 735, 3972, 29892, 4464, 543, 29893, 1159, 13, 1678, 285, 29889, 5358, 580, 13, 1678, 4974, 338, 29918, 5464, 1610, 29918, 3318, 29918, 12322, 29898, 1217, 29918, 735, 3972, 29889, 2541, 29918, 2146, 600, 861, 17350, 735, 3972, 5783, 13, 1678, 3349, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 2314, 13, 13, 1678, 285, 353, 3497, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 1402, 4464, 543, 29893, 1159, 13, 1678, 285, 29889, 5358, 580, 13, 1678, 4974, 338, 29918, 5464, 1610, 29918, 3318, 29918, 12322, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 2314, 13, 1678, 3349, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 2314, 13, 13, 1678, 285, 353, 3497, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 1402, 4464, 543, 29874, 1159, 13, 1678, 285, 29889, 5358, 580, 13, 1678, 4974, 338, 29918, 5464, 1610, 29918, 3318, 29918, 12322, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 2314, 13, 1678, 3349, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 2314, 13, 13, 1678, 285, 353, 3497, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 1402, 4464, 543, 29874, 1159, 13, 1678, 285, 29889, 5358, 580, 13, 1678, 4974, 338, 29918, 5464, 1610, 29918, 3318, 29918, 12322, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 2314, 13, 1678, 3349, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 2314, 13, 13, 1678, 6230, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 1822, 11256, 3972, 29898, 862, 1237, 29922, 5574, 29897, 13, 1678, 411, 11451, 1688, 29889, 336, 4637, 29898, 7944, 2392, 1125, 13, 4706, 285, 353, 3497, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 1402, 4464, 543, 29893, 1159, 13, 13, 1678, 3349, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 2314, 13, 13, 1678, 903, 3258, 29918, 3318, 29918, 12322, 29898, 2084, 1982, 29889, 2605, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 11724, 429, 711, 3032, 4381, 29918, 19635, 29898, 25832, 8127, 29911, 29918, 15631, 29925, 1430, 25797, 876, 13, 1678, 411, 11451, 1688, 29889, 336, 4637, 29898, 7944, 2392, 1125, 13, 4706, 285, 353, 3497, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 1402, 4464, 543, 29893, 1159, 13, 13, 1678, 3349, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 2314, 13, 13, 1678, 411, 11451, 1688, 29889, 336, 4637, 29898, 7944, 2392, 1125, 13, 4706, 285, 353, 3497, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 1402, 4464, 543, 29878, 1159, 13, 1678, 411, 11451, 1688, 29889, 336, 4637, 29898, 7944, 2392, 1125, 13, 4706, 285, 353, 3497, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 1402, 4464, 543, 29878, 29974, 1159, 13, 13, 1678, 903, 3258, 29918, 3318, 29918, 12322, 29898, 2084, 1982, 29889, 2605, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 11724, 429, 711, 3032, 4381, 29918, 19635, 29898, 7724, 29918, 15631, 29925, 1430, 25797, 876, 13, 13, 1678, 411, 11451, 1688, 29889, 336, 4637, 29898, 7944, 2392, 1125, 13, 4706, 285, 353, 3497, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 1402, 4464, 543, 29893, 1159, 13, 13, 1678, 3349, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 2314, 13, 13, 1678, 903, 3258, 29918, 3318, 29918, 12322, 29898, 2084, 1982, 29889, 2605, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 11724, 429, 711, 3032, 4381, 29918, 19635, 29898, 7724, 29918, 15631, 29925, 1430, 25797, 876, 13, 1678, 285, 353, 3497, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 1402, 4464, 543, 29893, 613, 2758, 29918, 5992, 29922, 5574, 29897, 13, 1678, 3349, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 2314, 13, 13, 1678, 903, 3258, 29918, 3318, 29918, 12322, 29898, 2084, 1982, 29889, 2605, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 11724, 429, 711, 3032, 4381, 29918, 19635, 29898, 7724, 29918, 15631, 29925, 1430, 25797, 876, 13, 13, 1678, 411, 11451, 1688, 29889, 336, 4637, 29898, 7944, 2392, 1125, 13, 4706, 285, 353, 3497, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 1402, 4464, 543, 29893, 29899, 1159, 13, 13, 1678, 411, 11451, 1688, 29889, 336, 4637, 29898, 7944, 2392, 1125, 13, 4706, 285, 353, 3497, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 1402, 4464, 543, 29916, 1159, 13, 13, 1678, 411, 11451, 1688, 29889, 336, 4637, 29898, 1917, 2392, 1125, 13, 4706, 285, 353, 3497, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 1402, 4464, 543, 1333, 5923, 1159, 13, 13, 13, 1753, 1243, 29918, 3258, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 1125, 13, 1678, 9995, 6818, 525, 29893, 29915, 13246, 934, 297, 26556, 4464, 1213, 15945, 13, 1678, 285, 353, 3497, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 1402, 525, 29893, 1495, 13, 1678, 4974, 338, 8758, 29898, 29888, 29892, 3497, 29897, 13, 1678, 285, 29889, 3258, 29918, 2972, 877, 5431, 1495, 13, 1678, 285, 29889, 5358, 580, 13, 13, 1678, 285, 353, 3497, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 1402, 525, 29893, 742, 2758, 29918, 5992, 29922, 5574, 29897, 13, 1678, 4974, 525, 5431, 29915, 451, 297, 285, 13, 1678, 285, 29889, 5358, 580, 13, 1678, 411, 11451, 1688, 29889, 336, 4637, 29898, 7944, 2392, 1125, 13, 4706, 285, 353, 3497, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 1402, 525, 29893, 1495, 13, 13, 13, 1753, 1243, 29918, 3258, 29918, 735, 7009, 573, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 1125, 13, 1678, 9995, 6818, 525, 29893, 29899, 29915, 13246, 934, 297, 29192, 4464, 1213, 15945, 13, 13, 1678, 285, 353, 3497, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 1402, 525, 29893, 29899, 1495, 13, 1678, 4974, 338, 8758, 29898, 29888, 29892, 3497, 29897, 13, 1678, 285, 29889, 5358, 580, 13, 1678, 411, 11451, 1688, 29889, 336, 4637, 29898, 7944, 2392, 1125, 13, 4706, 3497, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 1402, 525, 29893, 29899, 1495, 13, 13, 13, 1753, 1243, 29918, 4397, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 1125, 13, 1678, 9995, 6818, 525, 29874, 29915, 13246, 934, 297, 9773, 29914, 949, 3539, 4464, 29892, 4969, 565, 5181, 1213, 15945, 13, 13, 1678, 285, 353, 3497, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 1402, 525, 29874, 1495, 13, 1678, 4974, 338, 8758, 29898, 29888, 29892, 3497, 29897, 13, 1678, 285, 29889, 3258, 29918, 2972, 877, 5431, 1495, 13, 1678, 4974, 525, 5431, 29915, 297, 285, 13, 13, 1678, 285, 353, 3497, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 1402, 525, 29874, 1495, 13, 1678, 4974, 525, 5431, 29915, 297, 285, 13, 1678, 285, 29889, 3258, 29918, 2972, 877, 1646, 1495, 13, 1678, 4974, 525, 1646, 29915, 297, 285, 13, 13, 13, 1753, 1243, 29918, 949, 6194, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 1125, 13, 1678, 9995, 6818, 525, 29878, 29915, 13246, 934, 297, 20623, 4464, 1213, 15945, 13, 13, 1678, 285, 353, 3497, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 1402, 525, 29893, 1495, 13, 1678, 285, 29889, 5358, 580, 13, 1678, 4974, 451, 285, 13, 1678, 285, 353, 3497, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 1402, 525, 29878, 1495, 13, 1678, 4974, 338, 8758, 29898, 29888, 29892, 3497, 29897, 13, 1678, 411, 11451, 1688, 29889, 336, 4637, 29898, 5971, 2392, 1125, 13, 4706, 285, 29889, 3258, 29918, 2972, 877, 5431, 1495, 13, 4706, 285, 29889, 3258, 29918, 24713, 703, 1646, 613, 313, 29906, 876, 13, 1678, 285, 29889, 5358, 580, 13, 13, 13, 1753, 1243, 29918, 949, 3539, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 1125, 13, 1678, 9995, 6818, 525, 29878, 23097, 13246, 5923, 934, 297, 1303, 3539, 4464, 1213, 15945, 13, 13, 1678, 285, 353, 3497, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 1402, 525, 29893, 1495, 13, 1678, 285, 29889, 3258, 29918, 2972, 877, 5431, 1495, 13, 1678, 285, 29889, 5358, 580, 13, 1678, 285, 353, 3497, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 1402, 525, 29878, 29974, 1495, 13, 1678, 4974, 525, 5431, 29915, 297, 285, 13, 1678, 285, 29889, 3258, 29918, 2972, 877, 1646, 1495, 13, 1678, 4974, 525, 1646, 29915, 297, 285, 13, 1678, 285, 29889, 5358, 580, 13, 13, 13, 1753, 1243, 29918, 9290, 29916, 9696, 29918, 1445, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 1125, 13, 1678, 9995, 2111, 267, 525, 29878, 29915, 322, 525, 29878, 23097, 437, 451, 1653, 2066, 1213, 15945, 13, 13, 1678, 411, 11451, 1688, 29889, 336, 4637, 29898, 7944, 2392, 1125, 13, 4706, 3497, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 1402, 525, 29878, 1495, 13, 1678, 411, 11451, 1688, 29889, 336, 4637, 29898, 7944, 2392, 1125, 13, 4706, 3497, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 1402, 525, 29878, 29974, 1495, 13, 13, 13, 1753, 1243, 29918, 20965, 29918, 8513, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 1125, 13, 1678, 9995, 13919, 18893, 12020, 7865, 2392, 1213, 15945, 13, 1678, 411, 11451, 1688, 29889, 336, 4637, 29898, 1917, 2392, 1125, 13, 4706, 3497, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 1402, 525, 2392, 4464, 1495, 13, 13, 13, 1753, 1243, 29918, 1445, 29918, 5358, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 1125, 13, 1678, 9995, 29907, 5409, 292, 263, 934, 1213, 15945, 13, 1678, 285, 353, 3497, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 1402, 4464, 543, 29893, 1159, 13, 1678, 285, 29889, 5358, 580, 13, 13, 13, 1753, 1243, 29918, 15480, 29918, 978, 29918, 386, 272, 820, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 1125, 13, 1678, 9995, 3057, 22006, 5751, 17826, 1213, 15945, 13, 1678, 285, 353, 3497, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29900, 29962, 847, 376, 1688, 29889, 735, 3972, 613, 1024, 29918, 18157, 29922, 29888, 29894, 29889, 386, 272, 820, 29897, 13, 1678, 285, 29889, 5358, 580, 13, 13, 1678, 411, 11451, 1688, 29889, 336, 4637, 29898, 7944, 2392, 1125, 13, 4706, 3497, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29900, 29962, 847, 376, 3057, 29889, 735, 3972, 613, 1024, 29918, 18157, 29922, 29888, 29894, 29889, 386, 272, 820, 29897, 13, 1678, 411, 11451, 1688, 29889, 336, 4637, 29898, 1170, 2392, 1125, 13, 4706, 3497, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29900, 29962, 847, 376, 2167, 29937, 29889, 735, 3972, 613, 1024, 29918, 18157, 29922, 29888, 29894, 29889, 386, 272, 820, 29897, 13, 13, 13, 1753, 1243, 29918, 15480, 29918, 978, 29918, 710, 919, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 1125, 13, 1678, 9995, 3057, 22006, 5751, 9406, 1213, 15945, 13, 1678, 285, 353, 3497, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 1402, 1024, 29918, 18157, 29922, 29888, 29894, 29889, 710, 919, 29897, 13, 1678, 285, 29889, 5358, 580, 13, 13, 1678, 411, 11451, 1688, 29889, 336, 4637, 29898, 1170, 2392, 1125, 13, 4706, 3497, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 1822, 2541, 29918, 2146, 600, 861, 17350, 735, 3972, 29909, 4968, 1024, 29918, 18157, 29922, 29888, 29894, 29889, 710, 919, 29897, 13, 13, 13, 1753, 1243, 29918, 15480, 29918, 978, 29918, 2704, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 1125, 13, 1678, 9995, 3057, 22006, 5751, 411, 1059, 1213, 15945, 13, 13, 1678, 411, 11451, 1688, 29889, 336, 4637, 29898, 1917, 2392, 1125, 13, 4706, 3497, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 1402, 1024, 29918, 18157, 2433, 2392, 5751, 1495, 13, 13, 13, 1753, 1243, 29918, 15480, 29918, 978, 29918, 9290, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 1125, 13, 1678, 9995, 3057, 22006, 5751, 411, 1059, 1213, 15945, 13, 13, 1678, 3497, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 1822, 2541, 29918, 978, 703, 1688, 29987, 2141, 735, 3972, 4968, 1024, 29918, 18157, 29922, 29888, 29894, 29889, 9290, 29897, 13, 13, 13, 1753, 1243, 29918, 3150, 292, 29918, 2541, 29918, 29881, 15622, 29918, 15480, 29918, 978, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 1125, 13, 1678, 9995, 3057, 8718, 411, 2743, 22006, 5751, 1213, 15945, 13, 13, 1678, 285, 353, 3497, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 1402, 376, 29893, 613, 1024, 29918, 18157, 29922, 29888, 29894, 29889, 9290, 29897, 13, 1678, 285, 29889, 3258, 29918, 2972, 703, 6344, 29909, 1159, 13, 1678, 285, 29889, 5358, 580, 13, 13, 1678, 396, 14402, 6480, 1024, 8845, 881, 1121, 297, 9177, 29914, 2704, 13, 1678, 285, 353, 3497, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 1402, 376, 29874, 613, 1024, 29918, 18157, 29922, 29888, 29894, 29889, 386, 272, 820, 29897, 13, 1678, 411, 11451, 1688, 29889, 336, 4637, 29898, 7944, 2392, 1125, 13, 4706, 285, 29889, 3258, 29918, 2972, 703, 7340, 29874, 1159, 13, 1678, 285, 29889, 5358, 580, 13, 13, 13, 1753, 1243, 29918, 11516, 29898, 14669, 29918, 371, 538, 776, 29918, 1445, 1125, 13, 1678, 9995, 10303, 2318, 313, 1609, 3528, 29897, 338, 11122, 1213, 15945, 13, 1678, 285, 353, 6230, 29918, 371, 538, 776, 29918, 1445, 29961, 29941, 29962, 13, 1678, 285, 29889, 3258, 29918, 2972, 703, 1688, 1159, 13, 13, 1678, 4974, 5591, 29908, 297, 285, 13, 1678, 4974, 5591, 1688, 29908, 297, 285, 13, 13, 13, 1753, 1243, 29918, 3258, 29918, 2972, 29898, 14669, 29918, 371, 538, 776, 29918, 1445, 1125, 13, 1678, 9995, 10303, 2318, 313, 1609, 3528, 29897, 338, 11122, 1213, 15945, 13, 1678, 285, 353, 6230, 29918, 371, 538, 776, 29918, 1445, 29961, 29941, 29962, 13, 1678, 867, 29886, 353, 285, 29889, 3258, 29918, 2972, 11974, 1688, 1159, 13, 13, 1678, 4974, 338, 8758, 29898, 629, 29886, 29892, 6431, 29897, 13, 13, 13, 1753, 1243, 29918, 12277, 29918, 2972, 29898, 14669, 29918, 371, 538, 776, 29918, 1445, 1125, 13, 1678, 9995, 10303, 2318, 313, 1609, 3528, 29897, 338, 11122, 1213, 15945, 13, 1678, 285, 353, 6230, 29918, 371, 538, 776, 29918, 1445, 29961, 29941, 29962, 13, 13, 1678, 867, 29886, 353, 285, 29889, 12277, 29918, 2972, 11974, 5431, 1159, 13, 1678, 4974, 338, 8758, 29898, 629, 29886, 29892, 6431, 29897, 13, 13, 13, 1753, 1243, 29918, 3150, 29898, 14669, 29918, 371, 538, 776, 29918, 1445, 1125, 13, 1678, 9995, 386, 272, 820, 5446, 29961, 978, 29962, 8718, 1213, 15945, 13, 1678, 285, 353, 6230, 29918, 371, 538, 776, 29918, 1445, 29961, 29941, 29962, 13, 1678, 867, 29886, 353, 285, 29889, 3258, 29918, 2972, 703, 5431, 1159, 13, 13, 1678, 867, 29886, 29906, 353, 285, 3366, 5431, 3108, 13, 1678, 867, 29886, 29941, 353, 285, 3366, 29914, 5431, 3108, 13, 1678, 285, 353, 285, 3366, 29914, 3108, 13, 13, 1678, 4974, 867, 29886, 1275, 867, 29886, 29906, 13, 1678, 4974, 867, 29886, 29906, 1275, 867, 29886, 29941, 13, 1678, 4974, 285, 1275, 285, 13, 13, 13, 1753, 1243, 29918, 3150, 29918, 8513, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 1125, 13, 1678, 396, 1818, 1863, 13, 1678, 363, 4464, 297, 6796, 29878, 29974, 613, 376, 29878, 3108, 29901, 13, 4706, 411, 11451, 1688, 29889, 336, 4637, 29898, 7944, 2392, 1125, 13, 9651, 285, 353, 3497, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 1402, 4464, 29897, 13, 1678, 396, 1653, 565, 451, 1863, 13, 1678, 363, 4464, 297, 6796, 29874, 613, 376, 29893, 613, 376, 29893, 29899, 3108, 29901, 13, 4706, 3349, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 2314, 13, 4706, 285, 353, 3497, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 1402, 4464, 29897, 13, 4706, 285, 29889, 12277, 29918, 24713, 877, 29881, 842, 742, 7442, 29889, 279, 927, 29898, 29896, 29900, 876, 13, 4706, 285, 29889, 5552, 29879, 1839, 3068, 29918, 957, 3539, 2033, 353, 29871, 29946, 29906, 13, 4706, 285, 29889, 5552, 29879, 1839, 3068, 29918, 957, 3539, 2033, 353, 29871, 29896, 29946, 13, 4706, 285, 29889, 12277, 29918, 2972, 877, 1357, 2972, 1495, 13, 13, 1678, 3349, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 2314, 13, 1678, 285, 353, 3497, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 1402, 525, 29893, 1495, 13, 1678, 285, 29889, 5358, 580, 29871, 396, 20254, 3802, 13, 1678, 396, 1303, 2436, 565, 1863, 13, 1678, 285, 353, 3497, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 1402, 376, 29878, 29974, 1159, 13, 1678, 285, 29889, 12277, 29918, 2972, 877, 1357, 2972, 1495, 13, 1678, 285, 29889, 12277, 29918, 24713, 877, 29881, 842, 742, 7442, 29889, 279, 927, 29898, 29896, 29900, 876, 13, 1678, 285, 29889, 5552, 29879, 1839, 3068, 29918, 957, 3539, 2033, 353, 29871, 29946, 29906, 13, 1678, 285, 29889, 5552, 29879, 1839, 3068, 29918, 957, 3539, 2033, 353, 29871, 29896, 29946, 13, 13, 1678, 396, 1303, 871, 29892, 508, 451, 2436, 13, 1678, 285, 353, 3497, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 29961, 29896, 1402, 525, 29878, 1495, 13, 1678, 411, 11451, 1688, 29889, 336, 4637, 29898, 5971, 2392, 1125, 13, 4706, 285, 29889, 12277, 29918, 24713, 877, 29881, 842, 742, 7442, 29889, 279, 927, 29898, 29896, 29900, 876, 13, 4706, 285, 29889, 5552, 29879, 1839, 3068, 29918, 1333, 29918, 3539, 2033, 353, 29871, 29946, 29906, 13, 4706, 285, 29889, 3258, 29918, 2972, 877, 1357, 2972, 1495, 13, 13, 13, 1753, 1243, 29918, 3150, 29918, 10184, 29918, 5552, 29879, 29898, 14669, 29918, 371, 538, 776, 29918, 1445, 1125, 13, 1678, 285, 353, 6230, 29918, 371, 538, 776, 29918, 1445, 29961, 29941, 29962, 13, 13, 1678, 285, 29889, 5552, 29879, 1839, 3068, 29918, 957, 3539, 2033, 353, 29871, 29946, 29906, 13, 1678, 285, 29889, 5552, 29879, 1839, 23327, 29918, 271, 2666, 2033, 353, 29871, 29896, 29946, 13, 13, 13, 1753, 1243, 29918, 735, 29883, 29898, 14669, 29918, 371, 538, 776, 29918, 1445, 1125, 13, 1678, 9995, 29915, 262, 29915, 373, 5764, 2318, 3639, 7700, 1213, 15945, 13, 1678, 285, 353, 6230, 29918, 371, 538, 776, 29918, 1445, 29961, 29941, 29962, 13, 13, 1678, 285, 29889, 3258, 29918, 2972, 703, 29874, 1159, 13, 1678, 285, 29889, 5358, 580, 13, 13, 1678, 4974, 451, 285, 13, 1678, 4974, 376, 29874, 29908, 451, 297, 285, 13, 13, 13, 1753, 1243, 29918, 5358, 29918, 2972, 29898, 14669, 29918, 371, 538, 776, 29918, 1445, 1125, 13, 1678, 9995, 29915, 15603, 934, 338, 9368, 304, 4386, 1213, 15945, 13, 1678, 285, 353, 6230, 29918, 371, 538, 776, 29918, 1445, 29961, 29941, 29962, 13, 13, 1678, 867, 29886, 353, 285, 29889, 3258, 29918, 2972, 703, 2972, 1159, 13, 13, 1678, 285, 29889, 5358, 580, 13, 1678, 4974, 451, 285, 13, 1678, 4974, 376, 2972, 29908, 451, 297, 285, 13, 1678, 4974, 525, 24713, 29915, 451, 297, 285, 13, 13, 1678, 396, 9368, 304, 1653, 716, 6433, 13, 1678, 1993, 353, 376, 2525, 519, 304, 21994, 373, 5764, 3497, 2777, 1213, 13, 1678, 411, 11451, 1688, 29889, 336, 4637, 29898, 5971, 2392, 29892, 1993, 29922, 4352, 1125, 13, 4706, 285, 29889, 3258, 29918, 2972, 703, 2972, 1159, 13, 1678, 411, 11451, 1688, 29889, 336, 4637, 29898, 5971, 2392, 29892, 1993, 29922, 4352, 1125, 13, 4706, 867, 29886, 29889, 3258, 29918, 2972, 703, 2972, 1159, 13, 1678, 411, 11451, 1688, 29889, 336, 4637, 29898, 5971, 2392, 29892, 1993, 29922, 4352, 1125, 13, 4706, 867, 29886, 29889, 5552, 29879, 353, 11117, 2972, 2396, 525, 5552, 29879, 10827, 13, 13, 13, 1753, 1243, 29918, 5358, 29918, 5552, 29879, 29898, 14669, 29918, 371, 538, 776, 29918, 1445, 1125, 13, 1678, 9995, 29915, 15603, 934, 338, 9368, 304, 4386, 1213, 15945, 13, 1678, 285, 353, 6230, 29918, 371, 538, 776, 29918, 1445, 29961, 29941, 29962, 13, 13, 1678, 867, 29886, 353, 285, 29889, 3258, 29918, 2972, 703, 2972, 1159, 13, 1678, 270, 842, 353, 285, 29889, 3258, 29918, 24713, 877, 24713, 742, 848, 29922, 9302, 29889, 2378, 4197, 29896, 29892, 29906, 29892, 29941, 12622, 13, 1678, 10650, 353, 285, 29889, 3258, 29918, 1610, 877, 1610, 1495, 13, 1678, 285, 29889, 5552, 29879, 353, 11117, 1445, 2396, 525, 5552, 29879, 10827, 13, 1678, 934, 29918, 5552, 29879, 353, 285, 29889, 5552, 29879, 13, 1678, 285, 29889, 5358, 580, 13, 13, 1678, 1993, 353, 376, 2525, 519, 304, 21994, 373, 5764, 3497, 2777, 1213, 13, 1678, 411, 11451, 1688, 29889, 336, 4637, 29898, 5971, 2392, 29892, 1993, 29922, 4352, 1125, 13, 4706, 285, 29889, 5552, 29879, 353, 11117, 1445, 2396, 525, 5552, 29879, 10827, 13, 1678, 411, 11451, 1688, 29889, 336, 4637, 29898, 5971, 2392, 29892, 1993, 29922, 4352, 1125, 13, 4706, 934, 29918, 5552, 29879, 1839, 1482, 2033, 353, 525, 9029, 29915, 13, 13, 1678, 396, 9368, 304, 10563, 6433, 13, 1678, 411, 11451, 1688, 29889, 336, 4637, 29898, 5971, 2392, 29892, 1993, 29922, 4352, 1125, 13, 4706, 934, 29918, 5552, 29879, 1839, 1445, 2033, 13, 1678, 411, 11451, 1688, 29889, 336, 4637, 29898, 5971, 2392, 29892, 1993, 29922, 4352, 1125, 13, 4706, 285, 29889, 5552, 29879, 13, 1678, 4974, 525, 1445, 29915, 451, 297, 934, 29918, 5552, 29879, 13, 13, 13, 1753, 1243, 29918, 5358, 29918, 1610, 29898, 14669, 29918, 371, 538, 776, 29918, 1445, 1125, 13, 1678, 9995, 29915, 15603, 934, 338, 9368, 304, 4386, 1213, 15945, 13, 1678, 285, 353, 6230, 29918, 371, 538, 776, 29918, 1445, 29961, 29941, 29962, 13, 13, 1678, 10650, 353, 285, 29889, 3258, 29918, 1610, 877, 1610, 1495, 13, 1678, 285, 29889, 5358, 580, 13, 13, 1678, 4974, 376, 1610, 29908, 451, 297, 285, 13, 13, 1678, 396, 9368, 304, 1653, 716, 6433, 13, 1678, 1993, 353, 376, 2525, 519, 304, 21994, 373, 5764, 3497, 2777, 1213, 13, 1678, 411, 11451, 1688, 29889, 336, 4637, 29898, 5971, 2392, 29892, 1993, 29922, 4352, 1125, 13, 4706, 285, 29889, 3258, 29918, 1610, 877, 1610, 1495, 13, 13, 1678, 396, 9368, 304, 10563, 13, 1678, 411, 11451, 1688, 29889, 336, 4637, 29898, 5971, 2392, 29892, 1993, 29922, 4352, 1125, 13, 4706, 285, 1839, 1610, 2033, 13, 13, 13, 1753, 1243, 29918, 5358, 29918, 24713, 29898, 14669, 29918, 371, 538, 776, 29918, 1445, 1125, 13, 1678, 9995, 29915, 15603, 934, 338, 9368, 304, 4386, 1213, 15945, 13, 1678, 285, 353, 6230, 29918, 371, 538, 776, 29918, 1445, 29961, 29941, 29962, 13, 13, 1678, 867, 29886, 353, 285, 29889, 3258, 29918, 2972, 703, 2972, 1159, 13, 1678, 270, 842, 353, 285, 29889, 3258, 29918, 24713, 877, 24713, 742, 848, 29922, 9302, 29889, 2378, 4197, 29896, 29892, 29906, 29892, 29941, 12622, 13, 1678, 270, 842, 29889, 5552, 29879, 353, 11117, 24713, 2396, 525, 5552, 29879, 10827, 13, 1678, 270, 842, 29918, 5552, 29879, 353, 270, 842, 29889, 5552, 29879, 13, 1678, 848, 353, 270, 842, 29889, 1272, 13, 1678, 285, 29889, 5358, 580, 13, 13, 1678, 4974, 525, 24713, 29915, 451, 297, 285, 13, 13, 1678, 396, 9368, 304, 1653, 716, 6433, 13, 1678, 1993, 353, 376, 2525, 519, 304, 21994, 373, 5764, 3497, 2777, 1213, 13, 13, 1678, 411, 11451, 1688, 29889, 336, 4637, 29898, 5971, 2392, 29892, 1993, 29922, 4352, 1125, 13, 4706, 285, 29889, 3258, 29918, 24713, 877, 24713, 742, 848, 29922, 9302, 29889, 2378, 4197, 29896, 29892, 29906, 29892, 29941, 12622, 13, 1678, 411, 11451, 1688, 29889, 336, 4637, 29898, 5971, 2392, 29892, 1993, 29922, 4352, 1125, 13, 4706, 867, 29886, 29889, 3258, 29918, 24713, 877, 24713, 742, 848, 29922, 9302, 29889, 2378, 4197, 29896, 29892, 29906, 29892, 29941, 12622, 13, 1678, 411, 11451, 1688, 29889, 336, 4637, 29898, 5971, 2392, 29892, 1993, 29922, 4352, 1125, 13, 4706, 270, 842, 29889, 5552, 29879, 353, 11117, 24713, 2396, 525, 5552, 29879, 10827, 13, 1678, 411, 11451, 1688, 29889, 336, 4637, 29898, 5971, 2392, 29892, 1993, 29922, 4352, 1125, 13, 4706, 270, 842, 29918, 5552, 29879, 1839, 1482, 2033, 353, 525, 9029, 29915, 13, 13, 1678, 396, 9368, 304, 10563, 6433, 13, 1678, 411, 11451, 1688, 29889, 336, 4637, 29898, 5971, 2392, 29892, 1993, 29922, 4352, 1125, 13, 4706, 270, 842, 29889, 1272, 13, 1678, 411, 11451, 1688, 29889, 336, 4637, 29898, 5971, 2392, 29892, 1993, 29922, 4352, 1125, 13, 4706, 270, 842, 29889, 12181, 13, 1678, 411, 11451, 1688, 29889, 336, 4637, 29898, 5971, 2392, 29892, 1993, 29922, 4352, 1125, 13, 4706, 270, 842, 29889, 29881, 1853, 13, 1678, 411, 11451, 1688, 29889, 336, 4637, 29898, 5971, 2392, 29892, 1993, 29922, 4352, 1125, 13, 4706, 270, 842, 29889, 5552, 29879, 13, 13, 1678, 4974, 525, 24713, 29915, 451, 297, 270, 842, 29918, 5552, 29879, 13, 13, 1678, 396, 14402, 9368, 304, 3802, 20035, 29901, 443, 9342, 746, 2309, 13, 1678, 396, 4974, 29871, 29896, 451, 297, 848, 13, 1678, 396, 848, 7503, 29962, 353, 7442, 29889, 2378, 4197, 29941, 29892, 29906, 29892, 29896, 2314, 396, 14402, 881, 2367, 1059, 13, 1678, 396, 285, 29889, 601, 29918, 8513, 353, 29871, 29896, 13, 1678, 396, 4974, 7442, 29889, 2378, 29918, 11745, 29898, 29881, 842, 29889, 1272, 29892, 7442, 29889, 2378, 4197, 29896, 29892, 29906, 29892, 29941, 12622, 13, 13, 13, 29937, 5169, 1535, 29901, 3497, 3618, 508, 367, 1304, 408, 3030, 767, 18150, 13, 1753, 1243, 29918, 4703, 29918, 12847, 29898, 14669, 29918, 371, 538, 776, 29918, 12083, 1125, 13, 1678, 9995, 2283, 3618, 508, 367, 1304, 297, 411, 9506, 1213, 15945, 13, 13, 1678, 694, 29918, 735, 3972, 353, 6230, 29918, 371, 538, 776, 29918, 12083, 29961, 29906, 29962, 13, 13, 1678, 411, 3497, 29898, 1217, 29918, 735, 3972, 29892, 4464, 543, 29893, 1159, 408, 285, 29901, 13, 4706, 4974, 338, 8758, 29898, 29888, 29892, 3497, 29897, 13, 13, 1678, 4974, 451, 285, 13, 2 ]
codegen.py
EXXETA/k8s-python-tools
1
35383
# # Copyright (c) 2019 EXXETA AG and others. # # This file is part of k8s-python-tools # (see https://github.com/EXXETA/k8s-python-tools). # # Licensed to the Apache Software Foundation (ASF) under one # or more contributor license agreements. See the NOTICE file # distributed with this work for additional information # regarding copyright ownership. The ASF licenses this file # to you under the Apache License, Version 2.0 (the # "License"); you may not use this file except in compliance # with the License. You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, # software distributed under the License is distributed on an # "AS IS" BASIS, WITHOUT WARRANTIES OR CONDITIONS OF ANY # KIND, either express or implied. See the License for the # specific language governing permissions and limitations # under the License. # import os import re from jinja2 import Environment, FileSystemLoader """load self-defined generated_library.yml and use this information to generate api methods. using jinja2 templating engine to generate python files """ __location__ = os.path.join(os.getcwd(), os.path.dirname(__file__)) try: from yaml import CLoader as Loader, CDumper as Dumper, load except ImportError: from yaml import Loader, Dumper text_io = open(os.path.join(__location__, 'generated_library.yml'), 'r') data = load(text_io, Loader=Loader) text_io.close() env = Environment( loader=FileSystemLoader(os.path.join(__location__, "templates")), # autoescape=select_autoescape(['html']) ) def camelcase_to_snake_case(name): s1 = re.sub('(.)([A-Z][a-z]+)', r'\1_\2', name) return re.sub('([a-z0-9])([A-Z])', r'\1_\2', s1).lower() env.filters['normalize'] = camelcase_to_snake_case # generating api methods for i in data["lib_def"]: file_name = data["lib_def"][i]["file"] template_name = data["lib_def"][i]["template"] entries = data["lib_def"][i]["entries"] print("generated", "./lib/" + file_name) template = env.get_template(template_name) rendered = template.render(entries=entries) f = open(os.path.join(__location__, "./lib/" + file_name), "w") f.write(rendered) f.close() # generating api actions for i in data["actions"]: base_path = data["actions"][i]["destination"] template_name = data["actions"][i]["template"] entries = data["actions"][i]["entries"] print("auto-generated", len(entries), "actions in destination", base_path) template = env.get_template(template_name) for item in entries: rendered = template.render(item=item) f = open(os.path.join(__location__, "./lib/" + base_path + "/" + camelcase_to_snake_case(item["name"]) + ".py"), "w") f.write(rendered) f.close() print("OK")
[ 1, 396, 13, 29937, 14187, 1266, 313, 29883, 29897, 29871, 29906, 29900, 29896, 29929, 382, 6247, 2544, 29909, 16369, 322, 4045, 29889, 13, 29937, 13, 29937, 910, 934, 338, 760, 310, 413, 29947, 29879, 29899, 4691, 29899, 8504, 13, 29937, 313, 4149, 2045, 597, 3292, 29889, 510, 29914, 5746, 29990, 2544, 29909, 29914, 29895, 29947, 29879, 29899, 4691, 29899, 8504, 467, 13, 29937, 13, 29937, 10413, 21144, 304, 278, 13380, 18540, 10606, 313, 3289, 29943, 29897, 1090, 697, 13, 29937, 470, 901, 17737, 3406, 19405, 8571, 4110, 29889, 29871, 2823, 278, 6058, 12107, 934, 13, 29937, 13235, 411, 445, 664, 363, 5684, 2472, 13, 29937, 11211, 3509, 1266, 27428, 29889, 29871, 450, 3339, 29943, 7794, 11259, 445, 934, 13, 29937, 304, 366, 1090, 278, 13380, 19245, 29892, 10079, 29871, 29906, 29889, 29900, 313, 1552, 13, 29937, 376, 29931, 293, 1947, 1496, 366, 1122, 451, 671, 445, 934, 5174, 297, 752, 13036, 13, 29937, 411, 278, 19245, 29889, 29871, 887, 1122, 4017, 263, 3509, 310, 278, 19245, 472, 13, 29937, 13, 29937, 259, 1732, 597, 1636, 29889, 4288, 29889, 990, 29914, 506, 11259, 29914, 27888, 1430, 1660, 29899, 29906, 29889, 29900, 13, 29937, 13, 29937, 25870, 3734, 491, 22903, 4307, 470, 15502, 304, 297, 5007, 29892, 13, 29937, 7047, 13235, 1090, 278, 19245, 338, 13235, 373, 385, 13, 29937, 376, 3289, 8519, 29908, 350, 3289, 3235, 29892, 399, 1806, 8187, 2692, 399, 1718, 29934, 13566, 29059, 6323, 8707, 29928, 22122, 29903, 8079, 13764, 29979, 13, 29937, 476, 22255, 29892, 2845, 4653, 470, 2411, 2957, 29889, 29871, 2823, 278, 19245, 363, 278, 13, 29937, 2702, 4086, 14765, 1076, 11239, 322, 27028, 13, 29937, 1090, 278, 19245, 29889, 13, 29937, 13, 5215, 2897, 13, 5215, 337, 13, 13, 3166, 432, 262, 1764, 29906, 1053, 16738, 29892, 3497, 3924, 10036, 13, 13, 15945, 29908, 1359, 1583, 29899, 12119, 5759, 29918, 5258, 29889, 21053, 322, 671, 445, 2472, 304, 5706, 7882, 3519, 29889, 13, 259, 773, 432, 262, 1764, 29906, 1350, 572, 1218, 6012, 304, 5706, 3017, 2066, 13, 15945, 29908, 13, 13, 1649, 5479, 1649, 353, 2897, 29889, 2084, 29889, 7122, 29898, 359, 29889, 657, 29883, 9970, 3285, 2897, 29889, 2084, 29889, 25721, 22168, 1445, 1649, 876, 13, 13, 2202, 29901, 13, 1678, 515, 343, 8807, 1053, 315, 10036, 408, 4309, 1664, 29892, 7307, 398, 546, 408, 21139, 546, 29892, 2254, 13, 19499, 16032, 2392, 29901, 13, 1678, 515, 343, 8807, 1053, 4309, 1664, 29892, 21139, 546, 13, 13, 726, 29918, 601, 353, 1722, 29898, 359, 29889, 2084, 29889, 7122, 22168, 5479, 1649, 29892, 525, 13525, 29918, 5258, 29889, 21053, 5477, 525, 29878, 1495, 13, 1272, 353, 2254, 29898, 726, 29918, 601, 29892, 4309, 1664, 29922, 10036, 29897, 13, 726, 29918, 601, 29889, 5358, 580, 13, 13, 6272, 353, 16738, 29898, 13, 1678, 23466, 29922, 2283, 3924, 10036, 29898, 359, 29889, 2084, 29889, 7122, 22168, 5479, 1649, 29892, 376, 20943, 1159, 511, 13, 1678, 396, 4469, 21587, 29922, 2622, 29918, 6921, 21587, 18959, 1420, 11287, 13, 29897, 13, 13, 13, 1753, 3949, 295, 4878, 29918, 517, 29918, 29879, 21040, 29918, 4878, 29898, 978, 1125, 13, 1678, 269, 29896, 353, 337, 29889, 1491, 877, 29898, 1846, 4197, 29909, 29899, 29999, 3816, 29874, 29899, 29920, 10062, 29897, 742, 364, 12764, 29896, 3187, 29906, 742, 1024, 29897, 13, 1678, 736, 337, 29889, 1491, 877, 4197, 29874, 29899, 29920, 29900, 29899, 29929, 2314, 4197, 29909, 29899, 29999, 2314, 742, 364, 12764, 29896, 3187, 29906, 742, 269, 29896, 467, 13609, 580, 13, 13, 13, 6272, 29889, 26705, 1839, 8945, 675, 2033, 353, 3949, 295, 4878, 29918, 517, 29918, 29879, 21040, 29918, 4878, 13, 13, 13, 29937, 14655, 7882, 3519, 13, 1454, 474, 297, 848, 3366, 1982, 29918, 1753, 3108, 29901, 13, 1678, 934, 29918, 978, 353, 848, 3366, 1982, 29918, 1753, 3108, 29961, 29875, 29962, 3366, 1445, 3108, 13, 1678, 4472, 29918, 978, 353, 848, 3366, 1982, 29918, 1753, 3108, 29961, 29875, 29962, 3366, 6886, 3108, 13, 1678, 9976, 353, 848, 3366, 1982, 29918, 1753, 3108, 29961, 29875, 29962, 3366, 26586, 3108, 13, 1678, 1596, 703, 13525, 613, 376, 6904, 1982, 12975, 718, 934, 29918, 978, 29897, 13, 13, 1678, 4472, 353, 8829, 29889, 657, 29918, 6886, 29898, 6886, 29918, 978, 29897, 13, 1678, 13751, 353, 4472, 29889, 9482, 29898, 26586, 29922, 26586, 29897, 13, 13, 1678, 285, 353, 1722, 29898, 359, 29889, 2084, 29889, 7122, 22168, 5479, 1649, 29892, 376, 6904, 1982, 12975, 718, 934, 29918, 978, 511, 376, 29893, 1159, 13, 1678, 285, 29889, 3539, 29898, 9482, 287, 29897, 13, 1678, 285, 29889, 5358, 580, 13, 13, 29937, 14655, 7882, 8820, 13, 1454, 474, 297, 848, 3366, 7387, 3108, 29901, 13, 1678, 2967, 29918, 2084, 353, 848, 3366, 7387, 3108, 29961, 29875, 29962, 3366, 23848, 3108, 13, 1678, 4472, 29918, 978, 353, 848, 3366, 7387, 3108, 29961, 29875, 29962, 3366, 6886, 3108, 13, 1678, 9976, 353, 848, 3366, 7387, 3108, 29961, 29875, 29962, 3366, 26586, 3108, 13, 1678, 1596, 703, 6921, 29899, 13525, 613, 7431, 29898, 26586, 511, 376, 7387, 297, 12551, 613, 2967, 29918, 2084, 29897, 13, 13, 1678, 4472, 353, 8829, 29889, 657, 29918, 6886, 29898, 6886, 29918, 978, 29897, 13, 1678, 363, 2944, 297, 9976, 29901, 13, 4706, 13751, 353, 4472, 29889, 9482, 29898, 667, 29922, 667, 29897, 13, 4706, 285, 353, 1722, 29898, 359, 29889, 2084, 29889, 7122, 22168, 5479, 1649, 29892, 376, 6904, 1982, 12975, 718, 2967, 29918, 2084, 718, 5591, 29908, 718, 13, 462, 795, 3949, 295, 4878, 29918, 517, 29918, 29879, 21040, 29918, 4878, 29898, 667, 3366, 978, 20068, 718, 11393, 2272, 4968, 376, 29893, 1159, 13, 4706, 285, 29889, 3539, 29898, 9482, 287, 29897, 13, 4706, 285, 29889, 5358, 580, 13, 13, 2158, 703, 8949, 1159, 13, 2 ]
gw_bot/api/commands/OSS_Bot_Commands.py
filetrust/GW-Bot
1
171506
from osbot_aws.apis.Lambda import Lambda from gw_bot.api.Slack_Commands_Helper import Slack_Commands_Helper from gw_bot.api.commands.Maps_Commands import Maps_Commands from osbot_utils.utils import Misc def use_command_class(slack_event, params, target_class): channel = Misc.get_value(slack_event, 'channel') user = Misc.get_value(slack_event, 'user') text,attachments = Slack_Commands_Helper(target_class).invoke(team_id=user, channel=channel, params=params) if channel: return None,None return text,attachments class OSS_Bot_Commands: # move to separate class gsbot_version = 'v0.40 (GW Bot)' @staticmethod def aws(slack_event=None, params=None): Lambda('gw_bot.lambdas.aws.commands').invoke_async({'params': params, 'data': slack_event}), [] return None, None @staticmethod def browser(slack_event=None, params=None): Lambda('osbot_browser.lambdas.lambda_browser').invoke_async({'params':params, 'data':slack_event}),[] return None,None @staticmethod def docs(slack_event=None, params=None): Lambda('osbot_gsuite.lambdas.gdocs').invoke_async({'params': params, 'data': slack_event}), [] return None, None # @staticmethod # def dev(slack_event=None, params=None): # return use_command_class(slack_event, params, Dev_Commands) @staticmethod def gw(slack_event=None, params=None): #return use_command_class(slack_event, params, GW_Commands) Lambda('gw_bot.lambdas.gw.commands').invoke_async({'params': params, 'data': slack_event}), [] return None, None @staticmethod def graph(slack_event, params=None): Lambda('osbot_jira.lambdas.graph').invoke_async({'params': params, 'data': slack_event}), [] return None, None @staticmethod def jira(slack_event, params=None): Lambda('osbot_jira.lambdas.jira').invoke_async({"params" : params, "user": slack_event.get('user'), "channel": slack_event.get('channel'), 'team_id': slack_event.get('team_id')}, ) return None, None @staticmethod def jp(slack_event=None, params=None): return OSS_Bot_Commands.jupyter(slack_event,params) @staticmethod def jupyter(slack_event=None, params=None): Lambda('osbot_jupyter.lambdas.osbot').invoke_async({'params': params, 'data': slack_event}), [] return None, None @staticmethod def hello(slack_event=None, params=None): user = Misc.get_value(slack_event, 'user') return 'Hello <@{0}>, how can I help you?'.format(user), [] @staticmethod def help(*params): commands = [func for func in dir(OSS_Bot_Commands) if callable(getattr(OSS_Bot_Commands, func)) and not func.startswith("__")] title = "*Here are the commands available*" attachment_text = "" for command in commands: if command is not 'bad_cmd': attachment_text += " • {0}\n".format(command) return title,[{'text': attachment_text, 'color': 'good'}] @staticmethod def screenshot(slack_event=None, params=None): params.insert(0,'screenshot') Lambda('osbot_browser.lambdas.lambda_browser').invoke_async({'params': params, 'data': slack_event}), [] return None, None # @staticmethod # def site(slack_event=None, params=None): # return use_command_class(slack_event, params, Site_Commands) @staticmethod def store(slack_event=None, params=None): Lambda('gw_bot.lambdas.gw.store.commands').invoke_async({'params': params, 'data': slack_event}), [] return None, None # @staticmethod # def faq(slack_event=None, params=None): # return use_command_class(slack_event, params, FAQ_Commands) @staticmethod def maps(slack_event=None, params=None): return use_command_class(slack_event, params, Maps_Commands) # @staticmethod # def participant(slack_event=None, params=None): # return use_command_class(slack_event,params,Participant_Commands) # # @staticmethod # def schedule(slack_event=None, params=None): # return use_command_class(slack_event, params, Schedule_Commands) # # @staticmethod # def sessions(slack_event=None, params=None): # return use_command_class(slack_event, params, Sessions_Commands) @staticmethod def version(*params): return OSS_Bot_Commands.gsbot_version,[]
[ 1, 515, 2897, 7451, 29918, 10467, 29889, 11355, 29889, 9099, 1053, 365, 2269, 13, 13, 3166, 330, 29893, 29918, 7451, 29889, 2754, 29889, 29903, 2364, 29918, 5261, 4167, 29918, 10739, 3986, 1053, 317, 2364, 29918, 5261, 4167, 29918, 10739, 13, 3166, 330, 29893, 29918, 7451, 29889, 2754, 29889, 26381, 29889, 29924, 2547, 29918, 5261, 4167, 308, 1053, 25846, 29918, 5261, 4167, 13, 3166, 2897, 7451, 29918, 13239, 29889, 13239, 1053, 341, 10669, 13, 13, 13, 1753, 671, 29918, 6519, 29918, 1990, 29898, 29879, 2364, 29918, 3696, 29892, 8636, 29892, 3646, 29918, 1990, 1125, 13, 1678, 8242, 3986, 353, 341, 10669, 29889, 657, 29918, 1767, 29898, 29879, 2364, 29918, 3696, 29892, 525, 12719, 1495, 13, 1678, 1404, 632, 353, 341, 10669, 29889, 657, 29918, 1767, 29898, 29879, 2364, 29918, 3696, 29892, 525, 1792, 1495, 13, 1678, 1426, 29892, 14930, 1860, 353, 29871, 317, 2364, 29918, 5261, 4167, 29918, 10739, 29898, 5182, 29918, 1990, 467, 9772, 29898, 14318, 29918, 333, 29922, 1792, 29892, 8242, 29922, 12719, 29892, 8636, 29922, 7529, 29897, 13, 1678, 565, 8242, 29901, 13, 4706, 736, 6213, 29892, 8516, 13, 1678, 736, 1426, 29892, 14930, 1860, 13, 13, 1990, 438, 1799, 29918, 29933, 327, 29918, 5261, 4167, 29901, 462, 462, 418, 396, 4337, 304, 5004, 770, 13, 13, 1678, 330, 29879, 7451, 29918, 3259, 353, 525, 29894, 29900, 29889, 29946, 29900, 313, 29954, 29956, 11273, 16029, 13, 13, 1678, 732, 7959, 5696, 13, 1678, 822, 25879, 29898, 29879, 2364, 29918, 3696, 29922, 8516, 29892, 8636, 29922, 8516, 1125, 13, 4706, 365, 2269, 877, 29887, 29893, 29918, 7451, 29889, 29880, 1117, 17370, 29889, 10467, 29889, 26381, 2824, 9772, 29918, 12674, 3319, 29915, 7529, 2396, 8636, 29892, 525, 1272, 2396, 269, 2364, 29918, 3696, 9594, 5159, 13, 4706, 736, 6213, 29892, 6213, 13, 13, 1678, 732, 7959, 5696, 13, 1678, 822, 4714, 29898, 29879, 2364, 29918, 3696, 29922, 8516, 29892, 8636, 29922, 8516, 1125, 13, 4706, 365, 2269, 877, 359, 7451, 29918, 15965, 29889, 29880, 1117, 17370, 29889, 2892, 29918, 15965, 2824, 9772, 29918, 12674, 3319, 29915, 7529, 2396, 7529, 29892, 525, 1272, 2396, 29879, 2364, 29918, 3696, 9594, 2636, 13, 4706, 736, 6213, 29892, 8516, 13, 13, 1678, 732, 7959, 5696, 13, 1678, 822, 10561, 29898, 29879, 2364, 29918, 3696, 29922, 8516, 29892, 8636, 29922, 8516, 1125, 13, 4706, 365, 2269, 877, 359, 7451, 29918, 29887, 13495, 29889, 29880, 1117, 17370, 29889, 29887, 2640, 2824, 9772, 29918, 12674, 3319, 29915, 7529, 2396, 8636, 29892, 525, 1272, 2396, 269, 2364, 29918, 3696, 9594, 5159, 13, 4706, 736, 6213, 29892, 6213, 13, 13, 1678, 396, 732, 7959, 5696, 13, 1678, 396, 822, 2906, 29898, 29879, 2364, 29918, 3696, 29922, 8516, 29892, 8636, 29922, 8516, 1125, 13, 1678, 396, 268, 736, 671, 29918, 6519, 29918, 1990, 29898, 29879, 2364, 29918, 3696, 29892, 8636, 29892, 9481, 29918, 5261, 4167, 29897, 13, 13, 1678, 732, 7959, 5696, 13, 1678, 822, 330, 29893, 29898, 29879, 2364, 29918, 3696, 29922, 8516, 29892, 8636, 29922, 8516, 1125, 13, 4706, 396, 2457, 671, 29918, 6519, 29918, 1990, 29898, 29879, 2364, 29918, 3696, 29892, 8636, 29892, 402, 29956, 29918, 5261, 4167, 29897, 13, 4706, 365, 2269, 877, 29887, 29893, 29918, 7451, 29889, 29880, 1117, 17370, 29889, 29887, 29893, 29889, 26381, 2824, 9772, 29918, 12674, 3319, 29915, 7529, 2396, 8636, 29892, 525, 1272, 2396, 269, 2364, 29918, 3696, 9594, 5159, 13, 4706, 736, 6213, 29892, 6213, 13, 13, 1678, 732, 7959, 5696, 13, 1678, 822, 3983, 29898, 29879, 2364, 29918, 3696, 29892, 8636, 29922, 8516, 1125, 13, 4706, 365, 2269, 877, 359, 7451, 29918, 2397, 336, 29889, 29880, 1117, 17370, 29889, 4262, 2824, 9772, 29918, 12674, 3319, 29915, 7529, 2396, 8636, 29892, 525, 1272, 2396, 269, 2364, 29918, 3696, 9594, 5159, 13, 4706, 736, 6213, 29892, 6213, 13, 13, 1678, 732, 7959, 5696, 13, 1678, 822, 432, 3055, 29898, 29879, 2364, 29918, 3696, 29892, 8636, 29922, 8516, 1125, 13, 4706, 365, 2269, 877, 359, 7451, 29918, 2397, 336, 29889, 29880, 1117, 17370, 29889, 2397, 336, 2824, 9772, 29918, 12674, 3319, 29908, 7529, 29908, 584, 8636, 29892, 376, 1792, 1115, 269, 2364, 29918, 3696, 29889, 657, 877, 1792, 5477, 376, 12719, 1115, 269, 2364, 29918, 3696, 29889, 657, 877, 12719, 5477, 13, 462, 462, 462, 18884, 525, 14318, 29918, 333, 2396, 269, 2364, 29918, 3696, 29889, 657, 877, 14318, 29918, 333, 1495, 1118, 1723, 13, 4706, 736, 6213, 29892, 6213, 13, 1678, 732, 7959, 5696, 13, 1678, 822, 432, 29886, 29898, 29879, 2364, 29918, 3696, 29922, 8516, 29892, 8636, 29922, 8516, 1125, 13, 4706, 736, 438, 1799, 29918, 29933, 327, 29918, 5261, 4167, 29889, 29926, 786, 25547, 29898, 29879, 2364, 29918, 3696, 29892, 7529, 29897, 13, 13, 1678, 732, 7959, 5696, 13, 1678, 822, 432, 786, 25547, 29898, 29879, 2364, 29918, 3696, 29922, 8516, 29892, 8636, 29922, 8516, 1125, 13, 4706, 365, 2269, 877, 359, 7451, 29918, 29926, 786, 25547, 29889, 29880, 1117, 17370, 29889, 359, 7451, 2824, 9772, 29918, 12674, 3319, 29915, 7529, 2396, 8636, 29892, 525, 1272, 2396, 269, 2364, 29918, 3696, 9594, 5159, 13, 4706, 736, 6213, 29892, 6213, 13, 13, 1678, 732, 7959, 5696, 13, 1678, 822, 22172, 29898, 29879, 2364, 29918, 3696, 29922, 8516, 29892, 8636, 29922, 8516, 1125, 13, 4706, 1404, 353, 341, 10669, 29889, 657, 29918, 1767, 29898, 29879, 2364, 29918, 3696, 29892, 525, 1792, 1495, 13, 4706, 736, 525, 10994, 529, 28312, 29900, 29913, 10202, 920, 508, 306, 1371, 366, 29973, 4286, 4830, 29898, 1792, 511, 5159, 13, 13, 1678, 732, 7959, 5696, 13, 1678, 822, 1371, 10456, 7529, 1125, 13, 4706, 8260, 4706, 353, 518, 9891, 363, 3653, 297, 4516, 29898, 29949, 1799, 29918, 29933, 327, 29918, 5261, 4167, 29897, 565, 1246, 519, 29898, 657, 5552, 29898, 29949, 1799, 29918, 29933, 327, 29918, 5261, 4167, 29892, 3653, 876, 322, 451, 3653, 29889, 27382, 2541, 703, 1649, 13531, 13, 4706, 3611, 965, 353, 26345, 10605, 526, 278, 8260, 3625, 20605, 13, 4706, 26305, 29918, 726, 353, 5124, 13, 4706, 363, 1899, 297, 8260, 29901, 13, 9651, 565, 1899, 338, 451, 525, 12313, 29918, 9006, 2396, 13, 18884, 26305, 29918, 726, 4619, 376, 10266, 426, 29900, 1012, 29876, 1642, 4830, 29898, 6519, 29897, 13, 4706, 736, 3611, 17094, 10998, 726, 2396, 26305, 29918, 726, 29892, 525, 2780, 2396, 525, 16773, 29915, 6525, 13, 13, 1678, 732, 7959, 5696, 13, 1678, 822, 17286, 29898, 29879, 2364, 29918, 3696, 29922, 8516, 29892, 8636, 29922, 8516, 1125, 13, 4706, 8636, 29889, 7851, 29898, 29900, 5501, 29879, 24546, 8711, 1495, 13, 4706, 365, 2269, 877, 359, 7451, 29918, 15965, 29889, 29880, 1117, 17370, 29889, 2892, 29918, 15965, 2824, 9772, 29918, 12674, 3319, 29915, 7529, 2396, 8636, 29892, 525, 1272, 2396, 269, 2364, 29918, 3696, 9594, 5159, 13, 4706, 736, 6213, 29892, 6213, 13, 13, 1678, 396, 732, 7959, 5696, 13, 1678, 396, 822, 3268, 29898, 29879, 2364, 29918, 3696, 29922, 8516, 29892, 8636, 29922, 8516, 1125, 13, 1678, 396, 268, 736, 671, 29918, 6519, 29918, 1990, 29898, 29879, 2364, 29918, 3696, 29892, 8636, 29892, 10781, 29918, 5261, 4167, 29897, 13, 13, 1678, 732, 7959, 5696, 13, 1678, 822, 3787, 29898, 29879, 2364, 29918, 3696, 29922, 8516, 29892, 8636, 29922, 8516, 1125, 13, 4706, 365, 2269, 877, 29887, 29893, 29918, 7451, 29889, 29880, 1117, 17370, 29889, 29887, 29893, 29889, 8899, 29889, 26381, 2824, 9772, 29918, 12674, 3319, 29915, 7529, 2396, 8636, 29892, 525, 1272, 2396, 269, 2364, 29918, 3696, 9594, 5159, 13, 4706, 736, 6213, 29892, 6213, 13, 13, 1678, 396, 732, 7959, 5696, 13, 1678, 396, 822, 2258, 29939, 29898, 29879, 2364, 29918, 3696, 29922, 8516, 29892, 8636, 29922, 8516, 1125, 13, 1678, 396, 268, 736, 671, 29918, 6519, 29918, 1990, 29898, 29879, 2364, 29918, 3696, 29892, 8636, 29892, 13515, 29984, 29918, 5261, 4167, 29897, 13, 13, 1678, 732, 7959, 5696, 13, 1678, 822, 11053, 29898, 29879, 2364, 29918, 3696, 29922, 8516, 29892, 8636, 29922, 8516, 1125, 13, 4706, 736, 671, 29918, 6519, 29918, 1990, 29898, 29879, 2364, 29918, 3696, 29892, 8636, 29892, 25846, 29918, 5261, 4167, 29897, 13, 13, 1678, 396, 732, 7959, 5696, 13, 1678, 396, 822, 5221, 424, 29898, 29879, 2364, 29918, 3696, 29922, 8516, 29892, 8636, 29922, 8516, 1125, 13, 1678, 396, 268, 736, 671, 29918, 6519, 29918, 1990, 29898, 29879, 2364, 29918, 3696, 29892, 7529, 29892, 7439, 12654, 424, 29918, 5261, 4167, 29897, 13, 1678, 396, 13, 1678, 396, 732, 7959, 5696, 13, 1678, 396, 822, 20410, 29898, 29879, 2364, 29918, 3696, 29922, 8516, 29892, 8636, 29922, 8516, 1125, 13, 1678, 396, 268, 736, 671, 29918, 6519, 29918, 1990, 29898, 29879, 2364, 29918, 3696, 29892, 8636, 29892, 1102, 11272, 29918, 5261, 4167, 29897, 13, 1678, 396, 13, 1678, 396, 732, 7959, 5696, 13, 1678, 396, 822, 21396, 29898, 29879, 2364, 29918, 3696, 29922, 8516, 29892, 8636, 29922, 8516, 1125, 13, 1678, 396, 268, 736, 671, 29918, 6519, 29918, 1990, 29898, 29879, 2364, 29918, 3696, 29892, 8636, 29892, 317, 10964, 29918, 5261, 4167, 29897, 13, 13, 1678, 732, 7959, 5696, 13, 1678, 822, 1873, 10456, 7529, 1125, 13, 4706, 736, 438, 1799, 29918, 29933, 327, 29918, 5261, 4167, 29889, 3174, 7451, 29918, 3259, 29892, 2636, 13, 13, 13, 13, 13, 2 ]
main/migrations/0006_auto_20201231_0458.py
AyushHazard/Samskritam
0
102137
<gh_stars>0 # Generated by Django 3.1.4 on 2020-12-31 04:58 from django.db import migrations, models class Migration(migrations.Migration): dependencies = [ ('main', '0005_auto_20201230_1633'), ] operations = [ migrations.AlterField( model_name='competition', name='end_time', field=models.DateTimeField(null=True), ), migrations.AlterField( model_name='competition', name='start_time', field=models.DateTimeField(null=True), ), ]
[ 1, 529, 12443, 29918, 303, 1503, 29958, 29900, 13, 29937, 3251, 630, 491, 15337, 29871, 29941, 29889, 29896, 29889, 29946, 373, 29871, 29906, 29900, 29906, 29900, 29899, 29896, 29906, 29899, 29941, 29896, 29871, 29900, 29946, 29901, 29945, 29947, 13, 13, 3166, 9557, 29889, 2585, 1053, 9725, 800, 29892, 4733, 13, 13, 13, 1990, 341, 16783, 29898, 26983, 800, 29889, 29924, 16783, 1125, 13, 13, 1678, 9962, 353, 518, 13, 4706, 6702, 3396, 742, 525, 29900, 29900, 29900, 29945, 29918, 6921, 29918, 29906, 29900, 29906, 29900, 29896, 29906, 29941, 29900, 29918, 29896, 29953, 29941, 29941, 5477, 13, 1678, 4514, 13, 13, 1678, 6931, 353, 518, 13, 4706, 9725, 800, 29889, 2499, 357, 3073, 29898, 13, 9651, 1904, 29918, 978, 2433, 2388, 300, 654, 742, 13, 9651, 1024, 2433, 355, 29918, 2230, 742, 13, 9651, 1746, 29922, 9794, 29889, 11384, 3073, 29898, 4304, 29922, 5574, 511, 13, 4706, 10353, 13, 4706, 9725, 800, 29889, 2499, 357, 3073, 29898, 13, 9651, 1904, 29918, 978, 2433, 2388, 300, 654, 742, 13, 9651, 1024, 2433, 2962, 29918, 2230, 742, 13, 9651, 1746, 29922, 9794, 29889, 11384, 3073, 29898, 4304, 29922, 5574, 511, 13, 4706, 10353, 13, 1678, 4514, 13, 2 ]
neutron/objects/local_ip.py
congnt95/neutron
1,080
1607081
<reponame>congnt95/neutron # Copyright 2021 Huawei, Inc. # 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 netaddr from neutron_lib.objects import common_types from oslo_versionedobjects import fields as obj_fields from neutron.db.models import local_ip as lip_db from neutron.objects import base @base.NeutronObjectRegistry.register class LocalIP(base.NeutronDbObject): # Version 1.0: Initial version VERSION = '1.0' db_model = lip_db.LocalIP fields = { 'id': common_types.UUIDField(), 'name': obj_fields.StringField(nullable=True), 'description': obj_fields.StringField(nullable=True), 'project_id': obj_fields.StringField(nullable=True), 'local_port_id': common_types.UUIDField(), 'network_id': common_types.UUIDField(), 'local_ip_address': obj_fields.IPAddressField(), 'ip_mode': obj_fields.StringField(), } foreign_keys = {'Port': {'local_port_id': 'id'}, 'LocalIPAssociation': {'id': 'local_ip_id'}} fields_no_update = ['project_id', 'local_ip_address', 'network_id', 'local_port_id'] synthetic_fields = [] @classmethod def modify_fields_to_db(cls, fields): result = super(LocalIP, cls).modify_fields_to_db(fields) if 'local_ip_address' in result: result['local_ip_address'] = cls.filter_to_str( result['local_ip_address']) return result @classmethod def modify_fields_from_db(cls, db_obj): fields = super(LocalIP, cls).modify_fields_from_db(db_obj) if 'local_ip_address' in fields: fields['local_ip_address'] = netaddr.IPAddress( fields['local_ip_address']) return fields @base.NeutronObjectRegistry.register class LocalIPAssociation(base.NeutronDbObject): # Version 1.0: Initial version VERSION = '1.0' db_model = lip_db.LocalIPAssociation fields = { 'id': obj_fields.StringField(), 'local_ip_id': common_types.UUIDField(nullable=False), 'fixed_port_id': common_types.UUIDField(nullable=False), 'fixed_ip': obj_fields.IPAddressField(nullable=False), 'local_ip': obj_fields.ObjectField('LocalIP'), } primary_keys = ['local_ip_id', 'fixed_port_id'] foreign_keys = {'LocalIP': {'local_ip_id': 'id'}, 'Port': {'fixed_port_id': 'id'}} fields_no_update = ['local_ip_id', 'fixed_port_id', 'fixed_ip'] synthetic_fields = ['id', 'local_ip'] @classmethod def modify_fields_to_db(cls, fields): result = super(LocalIPAssociation, cls).modify_fields_to_db(fields) if 'fixed_ip' in result: result['fixed_ip'] = cls.filter_to_str(result['fixed_ip']) return result @classmethod def modify_fields_from_db(cls, db_obj): fields = super(LocalIPAssociation, cls).modify_fields_from_db(db_obj) if 'fixed_ip' in fields: fields['fixed_ip'] = netaddr.IPAddress(fields['fixed_ip']) return fields def obj_load_attr(self, attrname): if attrname in ['id']: self._set_id() super(LocalIPAssociation, self).obj_load_attr(attrname) def from_db_object(self, db_obj): super(LocalIPAssociation, self).from_db_object(db_obj) self._set_id() def _set_id(self): self.id = self.local_ip_id + '_' + self.fixed_port_id self.obj_reset_changes(['id'])
[ 1, 529, 276, 1112, 420, 29958, 21015, 593, 29929, 29945, 29914, 17821, 1617, 13, 29937, 14187, 1266, 29871, 29906, 29900, 29906, 29896, 379, 3357, 26599, 29892, 9266, 29889, 13, 29937, 2178, 10462, 21676, 29889, 13, 29937, 13, 29937, 1678, 10413, 21144, 1090, 278, 13380, 19245, 29892, 10079, 29871, 29906, 29889, 29900, 313, 1552, 376, 29931, 293, 1947, 1496, 366, 1122, 13, 29937, 1678, 451, 671, 445, 934, 5174, 297, 752, 13036, 411, 278, 19245, 29889, 887, 1122, 4017, 13, 29937, 1678, 263, 3509, 310, 278, 19245, 472, 13, 29937, 13, 29937, 308, 1732, 597, 1636, 29889, 4288, 29889, 990, 29914, 506, 11259, 29914, 27888, 1430, 1660, 29899, 29906, 29889, 29900, 13, 29937, 13, 29937, 1678, 25870, 3734, 491, 22903, 4307, 470, 15502, 304, 297, 5007, 29892, 7047, 13, 29937, 1678, 13235, 1090, 278, 19245, 338, 13235, 373, 385, 376, 3289, 8519, 29908, 350, 3289, 3235, 29892, 399, 1806, 8187, 2692, 13, 29937, 1678, 399, 1718, 29934, 13566, 29059, 6323, 8707, 29928, 22122, 29903, 8079, 13764, 29979, 476, 22255, 29892, 2845, 4653, 470, 2411, 2957, 29889, 2823, 278, 13, 29937, 1678, 19245, 363, 278, 2702, 4086, 14765, 1076, 11239, 322, 27028, 13, 29937, 1678, 1090, 278, 19245, 29889, 13, 13, 5215, 7787, 10030, 13, 13, 3166, 11553, 1617, 29918, 1982, 29889, 12650, 1053, 3619, 29918, 8768, 13, 3166, 2897, 417, 29918, 3259, 287, 12650, 1053, 4235, 408, 5446, 29918, 9621, 13, 13, 3166, 11553, 1617, 29889, 2585, 29889, 9794, 1053, 1887, 29918, 666, 408, 17441, 29918, 2585, 13, 3166, 11553, 1617, 29889, 12650, 1053, 2967, 13, 13, 13, 29992, 3188, 29889, 8139, 329, 1617, 2061, 22579, 29889, 9573, 13, 1990, 9959, 5690, 29898, 3188, 29889, 8139, 329, 1617, 10234, 2061, 1125, 13, 1678, 396, 10079, 29871, 29896, 29889, 29900, 29901, 17250, 1873, 13, 1678, 478, 1001, 13381, 353, 525, 29896, 29889, 29900, 29915, 13, 13, 1678, 4833, 29918, 4299, 353, 17441, 29918, 2585, 29889, 7717, 5690, 13, 13, 1678, 4235, 353, 426, 13, 4706, 525, 333, 2396, 3619, 29918, 8768, 29889, 29965, 11150, 3073, 3285, 13, 4706, 525, 978, 2396, 5446, 29918, 9621, 29889, 1231, 3073, 29898, 4304, 519, 29922, 5574, 511, 13, 4706, 525, 8216, 2396, 5446, 29918, 9621, 29889, 1231, 3073, 29898, 4304, 519, 29922, 5574, 511, 13, 4706, 525, 4836, 29918, 333, 2396, 5446, 29918, 9621, 29889, 1231, 3073, 29898, 4304, 519, 29922, 5574, 511, 13, 4706, 525, 2997, 29918, 637, 29918, 333, 2396, 3619, 29918, 8768, 29889, 29965, 11150, 3073, 3285, 13, 4706, 525, 11618, 29918, 333, 2396, 3619, 29918, 8768, 29889, 29965, 11150, 3073, 3285, 13, 4706, 525, 2997, 29918, 666, 29918, 7328, 2396, 5446, 29918, 9621, 29889, 5690, 7061, 3073, 3285, 13, 4706, 525, 666, 29918, 8513, 2396, 5446, 29918, 9621, 29889, 1231, 3073, 3285, 13, 1678, 500, 13, 1678, 9117, 29918, 8149, 353, 11117, 2290, 2396, 11117, 2997, 29918, 637, 29918, 333, 2396, 525, 333, 16675, 13, 462, 1678, 525, 7717, 5690, 29254, 362, 2396, 11117, 333, 2396, 525, 2997, 29918, 666, 29918, 333, 29915, 930, 13, 13, 1678, 4235, 29918, 1217, 29918, 5504, 353, 6024, 4836, 29918, 333, 742, 525, 2997, 29918, 666, 29918, 7328, 742, 13, 462, 4706, 525, 11618, 29918, 333, 742, 525, 2997, 29918, 637, 29918, 333, 2033, 13, 1678, 14710, 7492, 29918, 9621, 353, 5159, 13, 13, 1678, 732, 1990, 5696, 13, 1678, 822, 6623, 29918, 9621, 29918, 517, 29918, 2585, 29898, 25932, 29892, 4235, 1125, 13, 4706, 1121, 353, 2428, 29898, 7717, 5690, 29892, 1067, 29879, 467, 1545, 1598, 29918, 9621, 29918, 517, 29918, 2585, 29898, 9621, 29897, 13, 4706, 565, 525, 2997, 29918, 666, 29918, 7328, 29915, 297, 1121, 29901, 13, 9651, 1121, 1839, 2997, 29918, 666, 29918, 7328, 2033, 353, 1067, 29879, 29889, 4572, 29918, 517, 29918, 710, 29898, 13, 18884, 1121, 1839, 2997, 29918, 666, 29918, 7328, 11287, 13, 4706, 736, 1121, 13, 13, 1678, 732, 1990, 5696, 13, 1678, 822, 6623, 29918, 9621, 29918, 3166, 29918, 2585, 29898, 25932, 29892, 4833, 29918, 5415, 1125, 13, 4706, 4235, 353, 2428, 29898, 7717, 5690, 29892, 1067, 29879, 467, 1545, 1598, 29918, 9621, 29918, 3166, 29918, 2585, 29898, 2585, 29918, 5415, 29897, 13, 4706, 565, 525, 2997, 29918, 666, 29918, 7328, 29915, 297, 4235, 29901, 13, 9651, 4235, 1839, 2997, 29918, 666, 29918, 7328, 2033, 353, 7787, 10030, 29889, 5690, 7061, 29898, 13, 18884, 4235, 1839, 2997, 29918, 666, 29918, 7328, 11287, 13, 4706, 736, 4235, 13, 13, 13, 29992, 3188, 29889, 8139, 329, 1617, 2061, 22579, 29889, 9573, 13, 1990, 9959, 5690, 29254, 362, 29898, 3188, 29889, 8139, 329, 1617, 10234, 2061, 1125, 13, 1678, 396, 10079, 29871, 29896, 29889, 29900, 29901, 17250, 1873, 13, 1678, 478, 1001, 13381, 353, 525, 29896, 29889, 29900, 29915, 13, 13, 1678, 4833, 29918, 4299, 353, 17441, 29918, 2585, 29889, 7717, 5690, 29254, 362, 13, 13, 1678, 4235, 353, 426, 13, 4706, 525, 333, 2396, 5446, 29918, 9621, 29889, 1231, 3073, 3285, 13, 4706, 525, 2997, 29918, 666, 29918, 333, 2396, 3619, 29918, 8768, 29889, 29965, 11150, 3073, 29898, 4304, 519, 29922, 8824, 511, 13, 4706, 525, 20227, 29918, 637, 29918, 333, 2396, 3619, 29918, 8768, 29889, 29965, 11150, 3073, 29898, 4304, 519, 29922, 8824, 511, 13, 4706, 525, 20227, 29918, 666, 2396, 5446, 29918, 9621, 29889, 5690, 7061, 3073, 29898, 4304, 519, 29922, 8824, 511, 13, 4706, 525, 2997, 29918, 666, 2396, 5446, 29918, 9621, 29889, 2061, 3073, 877, 7717, 5690, 5477, 13, 1678, 500, 13, 13, 1678, 7601, 29918, 8149, 353, 6024, 2997, 29918, 666, 29918, 333, 742, 525, 20227, 29918, 637, 29918, 333, 2033, 13, 1678, 9117, 29918, 8149, 353, 11117, 7717, 5690, 2396, 11117, 2997, 29918, 666, 29918, 333, 2396, 525, 333, 16675, 13, 462, 1678, 525, 2290, 2396, 11117, 20227, 29918, 637, 29918, 333, 2396, 525, 333, 29915, 930, 13, 1678, 4235, 29918, 1217, 29918, 5504, 353, 6024, 2997, 29918, 666, 29918, 333, 742, 525, 20227, 29918, 637, 29918, 333, 742, 525, 20227, 29918, 666, 2033, 13, 1678, 14710, 7492, 29918, 9621, 353, 6024, 333, 742, 525, 2997, 29918, 666, 2033, 13, 13, 1678, 732, 1990, 5696, 13, 1678, 822, 6623, 29918, 9621, 29918, 517, 29918, 2585, 29898, 25932, 29892, 4235, 1125, 13, 4706, 1121, 353, 2428, 29898, 7717, 5690, 29254, 362, 29892, 1067, 29879, 467, 1545, 1598, 29918, 9621, 29918, 517, 29918, 2585, 29898, 9621, 29897, 13, 4706, 565, 525, 20227, 29918, 666, 29915, 297, 1121, 29901, 13, 9651, 1121, 1839, 20227, 29918, 666, 2033, 353, 1067, 29879, 29889, 4572, 29918, 517, 29918, 710, 29898, 2914, 1839, 20227, 29918, 666, 11287, 13, 4706, 736, 1121, 13, 13, 1678, 732, 1990, 5696, 13, 1678, 822, 6623, 29918, 9621, 29918, 3166, 29918, 2585, 29898, 25932, 29892, 4833, 29918, 5415, 1125, 13, 4706, 4235, 353, 2428, 29898, 7717, 5690, 29254, 362, 29892, 1067, 29879, 467, 1545, 1598, 29918, 9621, 29918, 3166, 29918, 2585, 29898, 2585, 29918, 5415, 29897, 13, 4706, 565, 525, 20227, 29918, 666, 29915, 297, 4235, 29901, 13, 9651, 4235, 1839, 20227, 29918, 666, 2033, 353, 7787, 10030, 29889, 5690, 7061, 29898, 9621, 1839, 20227, 29918, 666, 11287, 13, 4706, 736, 4235, 13, 13, 1678, 822, 5446, 29918, 1359, 29918, 5552, 29898, 1311, 29892, 12421, 978, 1125, 13, 4706, 565, 12421, 978, 297, 6024, 333, 2033, 29901, 13, 9651, 1583, 3032, 842, 29918, 333, 580, 13, 4706, 2428, 29898, 7717, 5690, 29254, 362, 29892, 1583, 467, 5415, 29918, 1359, 29918, 5552, 29898, 5552, 978, 29897, 13, 13, 1678, 822, 515, 29918, 2585, 29918, 3318, 29898, 1311, 29892, 4833, 29918, 5415, 1125, 13, 4706, 2428, 29898, 7717, 5690, 29254, 362, 29892, 1583, 467, 3166, 29918, 2585, 29918, 3318, 29898, 2585, 29918, 5415, 29897, 13, 4706, 1583, 3032, 842, 29918, 333, 580, 13, 13, 1678, 822, 903, 842, 29918, 333, 29898, 1311, 1125, 13, 4706, 1583, 29889, 333, 353, 1583, 29889, 2997, 29918, 666, 29918, 333, 718, 22868, 29915, 718, 1583, 29889, 20227, 29918, 637, 29918, 333, 13, 4706, 1583, 29889, 5415, 29918, 12071, 29918, 25990, 18959, 333, 11287, 13, 2 ]
pygimli/core/math.py
JuliusHen/gimli
0
114553
# -*- coding: utf-8 -*- """Collection of mathematical functions.""" import numpy as np from .core import (angle, besselI0, besselI1, besselK0, besselK1, cos, cot, det, dot, exp, exp10, imag, log, log10, max, median, min, pow, rand, randn, real, rms, round, rrms, sign, sin, sqrt, sum, toComplex, unique) def symlog(x, tol=None, linearSpread=0): """Symmetric bi-logarithmic transformation (as used in matplotlib). Transforms a signed values in a logarithmic way preserving the sign. All absolute values below a certain threshold are treated zero or linearly distributed (if linearSpread>0). Parameters ---------- x : iterable array to be transformed tol : float [None] tolerance for minimum values to be treated zero (or linear) linearSpread : float define how wide linear transformation is done (0-not, 1-one decade) """ if tol is None: tol = np.min(np.abs(x)) return np.sign(x) * (np.log10(1 + np.abs(x/tol))+linearSpread/2)
[ 1, 396, 448, 29930, 29899, 14137, 29901, 23616, 29899, 29947, 448, 29930, 29899, 13, 15945, 29908, 7196, 310, 19475, 3168, 1213, 15945, 13, 13, 5215, 12655, 408, 7442, 13, 3166, 869, 3221, 1053, 313, 2521, 29892, 289, 25583, 29902, 29900, 29892, 289, 25583, 29902, 29896, 29892, 289, 25583, 29968, 29900, 29892, 289, 25583, 29968, 29896, 29892, 6776, 29892, 13, 462, 259, 20118, 29892, 1439, 29892, 8329, 29892, 1518, 29892, 1518, 29896, 29900, 29892, 6382, 29892, 1480, 29892, 1480, 29896, 29900, 29892, 4236, 29892, 19194, 29892, 13, 462, 259, 1375, 29892, 4764, 29892, 20088, 29892, 20088, 29876, 29892, 1855, 29892, 364, 1516, 29892, 4513, 29892, 364, 29878, 1516, 29892, 1804, 29892, 13, 462, 259, 4457, 29892, 18074, 2273, 29892, 2533, 29892, 304, 8909, 29916, 29892, 5412, 29897, 13, 13, 13, 1753, 5016, 1188, 29898, 29916, 29892, 304, 29880, 29922, 8516, 29892, 5608, 5592, 949, 29922, 29900, 1125, 13, 1678, 9995, 25548, 16414, 4768, 29899, 1188, 23830, 13076, 13852, 313, 294, 1304, 297, 22889, 467, 13, 13, 1678, 4103, 9514, 263, 8794, 1819, 297, 263, 1480, 23830, 13076, 982, 2225, 29530, 278, 1804, 29889, 13, 1678, 2178, 8380, 1819, 2400, 263, 3058, 16897, 526, 14914, 5225, 470, 5608, 368, 13, 1678, 13235, 313, 361, 5608, 5592, 949, 29958, 29900, 467, 13, 13, 1678, 12662, 2699, 13, 1678, 448, 1378, 29899, 13, 1678, 921, 584, 4256, 519, 13, 4706, 1409, 304, 367, 27615, 13, 1678, 304, 29880, 584, 5785, 518, 8516, 29962, 13, 4706, 20341, 749, 363, 9212, 1819, 304, 367, 14914, 5225, 313, 272, 5608, 29897, 13, 1678, 5608, 5592, 949, 584, 5785, 13, 4706, 4529, 920, 9377, 5608, 13852, 338, 2309, 313, 29900, 29899, 1333, 29892, 29871, 29896, 29899, 650, 316, 6332, 29897, 13, 1678, 9995, 13, 1678, 565, 304, 29880, 338, 6213, 29901, 13, 4706, 304, 29880, 353, 7442, 29889, 1195, 29898, 9302, 29889, 6897, 29898, 29916, 876, 13, 13, 1678, 736, 7442, 29889, 4530, 29898, 29916, 29897, 334, 313, 9302, 29889, 1188, 29896, 29900, 29898, 29896, 718, 7442, 29889, 6897, 29898, 29916, 29914, 25027, 876, 29974, 10660, 5592, 949, 29914, 29906, 29897, 13, 2 ]
{{cookiecutter.project_slug}}/{{cookiecutter.project_slug}}/{{cookiecutter.project_slug}}.py
farooq-teqniqly/cookiecutter-databricks-notebook
0
108792
""" The Notebook module. """ class Notebook: """ This notebook does... """ def run(self): """ Your notebook code goes here. """ notebook = Notebook() notebook.run()
[ 1, 9995, 13, 1576, 2216, 19273, 3883, 29889, 13, 15945, 29908, 13, 13, 13, 1990, 2216, 19273, 29901, 13, 1678, 9995, 13, 1678, 910, 451, 19273, 947, 856, 13, 1678, 9995, 13, 1678, 822, 1065, 29898, 1311, 1125, 13, 4706, 9995, 13, 4706, 3575, 451, 19273, 775, 5771, 1244, 29889, 13, 4706, 9995, 13, 13, 13, 1333, 19273, 353, 2216, 19273, 580, 13, 1333, 19273, 29889, 3389, 580, 13, 2 ]
critters/views.py
cfletcher1856/acnhcritters
0
88751
<gh_stars>0 from django.shortcuts import render from django.http import HttpResponse from django.core import serializers from .models import Fish, Bug from annoying.decorators import render_to @render_to('index.html') def index(request): return {} @render_to('critters.html') def bugs(request): bugs = Bug.objects.all() bugs_json = serializers.serialize("json", bugs) return { 'critters_json': bugs_json, 'critter_type': 'Bugs', } @render_to('critters.html') def fishes(request): fishes = Fish.objects.all() fishes_json = serializers.serialize("json", fishes) return { 'critters_json': fishes_json, 'critter_type': 'Fishes', } @render_to('bug.html') def bug(request, entity_id): bug = Bug.objects.get(entity_id=entity_id) return { 'bug': bug } @render_to('fish.html') def fish(request, entity_id): return {}
[ 1, 529, 12443, 29918, 303, 1503, 29958, 29900, 13, 3166, 9557, 29889, 12759, 7582, 29879, 1053, 4050, 13, 3166, 9557, 29889, 1124, 1053, 9056, 5103, 13, 3166, 9557, 29889, 3221, 1053, 7797, 19427, 13, 3166, 869, 9794, 1053, 12030, 29892, 28209, 13, 13, 3166, 12327, 5414, 29889, 19557, 4097, 1053, 4050, 29918, 517, 13, 13, 29992, 9482, 29918, 517, 877, 2248, 29889, 1420, 1495, 13, 1753, 2380, 29898, 3827, 1125, 13, 1678, 736, 6571, 13, 13, 29992, 9482, 29918, 517, 877, 9695, 2153, 29889, 1420, 1495, 13, 1753, 24557, 29898, 3827, 1125, 13, 1678, 24557, 353, 28209, 29889, 12650, 29889, 497, 580, 13, 1678, 24557, 29918, 3126, 353, 7797, 19427, 29889, 643, 6646, 703, 3126, 613, 24557, 29897, 13, 1678, 736, 426, 13, 4706, 525, 9695, 2153, 29918, 3126, 2396, 24557, 29918, 3126, 29892, 13, 4706, 525, 9695, 357, 29918, 1853, 2396, 525, 29933, 16926, 742, 13, 1678, 500, 13, 13, 29992, 9482, 29918, 517, 877, 9695, 2153, 29889, 1420, 1495, 13, 1753, 9427, 267, 29898, 3827, 1125, 13, 1678, 9427, 267, 353, 12030, 29889, 12650, 29889, 497, 580, 13, 1678, 9427, 267, 29918, 3126, 353, 7797, 19427, 29889, 643, 6646, 703, 3126, 613, 9427, 267, 29897, 13, 13, 1678, 736, 426, 13, 4706, 525, 9695, 2153, 29918, 3126, 2396, 9427, 267, 29918, 3126, 29892, 13, 4706, 525, 9695, 357, 29918, 1853, 2396, 525, 29943, 17006, 742, 13, 1678, 500, 13, 13, 29992, 9482, 29918, 517, 877, 6152, 29889, 1420, 1495, 13, 1753, 6494, 29898, 3827, 29892, 7855, 29918, 333, 1125, 13, 1678, 6494, 353, 28209, 29889, 12650, 29889, 657, 29898, 10041, 29918, 333, 29922, 10041, 29918, 333, 29897, 13, 1678, 736, 426, 13, 4706, 525, 6152, 2396, 6494, 13, 1678, 500, 13, 13, 29992, 9482, 29918, 517, 877, 15161, 29889, 1420, 1495, 13, 1753, 9427, 29898, 3827, 29892, 7855, 29918, 333, 1125, 13, 1678, 736, 6571, 13, 2 ]
wafextras/lyx2tex.py
tjhunter/phd-thesis-tjhunter
1
32764
""" Converts some lyx files to the latex format. Note: everything in the file is thrown away until a section or the workd "stopskip" is found. This way, all the preamble added by lyx is removed. """ from waflib import Logs from waflib import TaskGen,Task from waflib import Utils from waflib.Configure import conf def postprocess_lyx(src, tgt): Logs.debug("post-processing %s into %s" % (src,tgt)) f_src = open(src,'r') f_tgt = open(tgt,'w') toks = ['\\documentclass','\\usepackage','\\begin{document}','\\end{document}','\\geometry','\\PassOptionsToPackage'] keep = False for l in f_src: this_keep = ("stopskip" in l) or ("\\section" in l) or ("\\chapter" in l) if this_keep: print "start to keep" keep = keep or this_keep local_skip = False for tok in toks: local_skip = local_skip or l.startswith(tok) local_keep = False if local_skip else keep if local_keep: f_tgt.write(l) f_src.close() f_tgt.close() return 0 def process_lyx(task): input0 = task.inputs[0] src = input0.abspath() input1 = input0.change_ext("_tmp.lyx") output0 =task.outputs[0] tgt = output0.abspath() print "processing lyx file %s" % src t = task.exec_command("cp %s %s" % (input0.abspath(), input1.abspath())) if t != 0: return t t = task.exec_command("%s --export pdflatex %s" % (task.env.LYX, input1.abspath())) if t != 0: return t t = postprocess_lyx(input1.change_ext(".tex").abspath(),output0.abspath()) return t class PostprocessLyx(Task.Task): def run(self): #Logs.debug("in post process") return postprocess_lyx(self.inputs[0].abspath(),self.outputs[0].abspath()) @conf def lyx2tex(bld, lyx_file): lyx_files = Utils.to_list(lyx_file) for a in lyx_files: b = a.change_ext("_tmp.lyx") c = a.change_ext("_tmp.tex") d = a.change_ext(".tex") bld(rule="cp ${SRC} ${TGT}",source=a,target=b) tsk0 = bld(rule="${LYX} --export pdflatex ${SRC}",source=b,target=c) tsk = tsk0.create_task("PostprocessLyx") tsk.set_inputs(c) tsk.set_outputs(d) def configure(conf): conf.find_program('lyx',var='LYX')
[ 1, 9995, 1281, 369, 1372, 777, 21261, 29916, 2066, 304, 278, 5683, 29916, 3402, 29889, 13, 13, 9842, 29901, 4129, 297, 278, 934, 338, 12005, 3448, 2745, 263, 4004, 470, 278, 664, 29881, 376, 9847, 11014, 29908, 338, 1476, 29889, 13, 4013, 982, 29892, 599, 278, 758, 314, 569, 2715, 491, 21261, 29916, 338, 6206, 29889, 13, 15945, 29908, 13, 3166, 281, 2142, 1982, 1053, 4522, 29879, 13, 3166, 281, 2142, 1982, 1053, 9330, 15462, 29892, 5398, 13, 3166, 281, 2142, 1982, 1053, 22310, 29879, 13, 3166, 281, 2142, 1982, 29889, 3991, 545, 1053, 1970, 13, 13, 1753, 1400, 5014, 29918, 368, 29916, 29898, 4351, 29892, 260, 4141, 1125, 13, 29871, 4522, 29879, 29889, 8382, 703, 2490, 29899, 19170, 1273, 29879, 964, 1273, 29879, 29908, 1273, 313, 4351, 29892, 29873, 4141, 876, 13, 29871, 285, 29918, 4351, 353, 1722, 29898, 4351, 5501, 29878, 1495, 13, 29871, 285, 29918, 29873, 4141, 353, 1722, 29898, 29873, 4141, 5501, 29893, 1495, 13, 29871, 304, 2039, 353, 6024, 1966, 18329, 3788, 1966, 9096, 3788, 1966, 463, 29912, 3225, 29913, 3788, 1966, 355, 29912, 3225, 29913, 3788, 1966, 19156, 3788, 1966, 7129, 5856, 1762, 14459, 2033, 13, 29871, 3013, 353, 7700, 13, 29871, 363, 301, 297, 285, 29918, 4351, 29901, 13, 1678, 445, 29918, 17462, 353, 4852, 9847, 11014, 29908, 297, 301, 29897, 470, 4852, 1966, 2042, 29908, 297, 301, 29897, 470, 4852, 1966, 27349, 29908, 297, 301, 29897, 13, 1678, 565, 445, 29918, 17462, 29901, 13, 418, 1596, 376, 2962, 304, 3013, 29908, 13, 1678, 3013, 353, 3013, 470, 445, 29918, 17462, 13, 1678, 1887, 29918, 11014, 353, 7700, 13, 1678, 363, 304, 29895, 297, 304, 2039, 29901, 13, 418, 1887, 29918, 11014, 353, 1887, 29918, 11014, 470, 301, 29889, 27382, 2541, 29898, 17082, 29897, 13, 1678, 1887, 29918, 17462, 353, 7700, 565, 1887, 29918, 11014, 1683, 3013, 13, 1678, 565, 1887, 29918, 17462, 29901, 13, 418, 285, 29918, 29873, 4141, 29889, 3539, 29898, 29880, 29897, 13, 29871, 285, 29918, 4351, 29889, 5358, 580, 13, 29871, 285, 29918, 29873, 4141, 29889, 5358, 580, 13, 29871, 736, 29871, 29900, 13, 13, 1753, 1889, 29918, 368, 29916, 29898, 7662, 1125, 13, 29871, 1881, 29900, 353, 3414, 29889, 2080, 29879, 29961, 29900, 29962, 13, 29871, 4765, 353, 1881, 29900, 29889, 370, 1028, 493, 580, 13, 29871, 1881, 29896, 353, 1881, 29900, 29889, 3167, 29918, 1062, 703, 29918, 7050, 29889, 368, 29916, 1159, 13, 29871, 1962, 29900, 353, 7662, 29889, 4905, 29879, 29961, 29900, 29962, 29871, 13, 29871, 260, 4141, 353, 1962, 29900, 29889, 370, 1028, 493, 580, 13, 29871, 1596, 376, 19170, 21261, 29916, 934, 1273, 29879, 29908, 1273, 4765, 13, 29871, 260, 353, 3414, 29889, 4258, 29918, 6519, 703, 6814, 1273, 29879, 1273, 29879, 29908, 1273, 313, 2080, 29900, 29889, 370, 1028, 493, 3285, 1881, 29896, 29889, 370, 1028, 493, 22130, 13, 29871, 565, 260, 2804, 29871, 29900, 29901, 13, 1678, 736, 260, 13, 29871, 260, 353, 3414, 29889, 4258, 29918, 6519, 11702, 29879, 1192, 15843, 10518, 1579, 403, 29916, 1273, 29879, 29908, 1273, 313, 7662, 29889, 6272, 29889, 16786, 29990, 29892, 1881, 29896, 29889, 370, 1028, 493, 22130, 13, 29871, 565, 260, 2804, 29871, 29900, 29901, 13, 1678, 736, 260, 13, 29871, 260, 353, 1400, 5014, 29918, 368, 29916, 29898, 2080, 29896, 29889, 3167, 29918, 1062, 17350, 4776, 2564, 370, 1028, 493, 3285, 4905, 29900, 29889, 370, 1028, 493, 3101, 13, 29871, 736, 260, 13, 13, 1990, 4918, 5014, 29931, 29891, 29916, 29898, 5398, 29889, 5398, 1125, 13, 29871, 822, 1065, 29898, 1311, 1125, 13, 1678, 396, 3403, 29879, 29889, 8382, 703, 262, 1400, 1889, 1159, 13, 1678, 736, 1400, 5014, 29918, 368, 29916, 29898, 1311, 29889, 2080, 29879, 29961, 29900, 1822, 370, 1028, 493, 3285, 1311, 29889, 4905, 29879, 29961, 29900, 1822, 370, 1028, 493, 3101, 13, 13, 29992, 5527, 13, 1753, 21261, 29916, 29906, 4776, 29898, 29890, 430, 29892, 21261, 29916, 29918, 1445, 1125, 13, 29871, 21261, 29916, 29918, 5325, 353, 22310, 29879, 29889, 517, 29918, 1761, 29898, 368, 29916, 29918, 1445, 29897, 13, 29871, 363, 263, 297, 21261, 29916, 29918, 5325, 29901, 13, 1678, 289, 353, 263, 29889, 3167, 29918, 1062, 703, 29918, 7050, 29889, 368, 29916, 1159, 13, 1678, 274, 353, 263, 29889, 3167, 29918, 1062, 703, 29918, 7050, 29889, 4776, 1159, 29871, 13, 1678, 270, 353, 263, 29889, 3167, 29918, 1062, 17350, 4776, 1159, 29871, 13, 1678, 289, 430, 29898, 7491, 543, 6814, 6435, 29903, 10363, 29913, 6435, 29911, 23799, 17671, 4993, 29922, 29874, 29892, 5182, 29922, 29890, 29897, 13, 1678, 260, 808, 29900, 353, 289, 430, 29898, 7491, 19070, 16786, 29990, 29913, 1192, 15843, 10518, 1579, 403, 29916, 6435, 29903, 10363, 17671, 4993, 29922, 29890, 29892, 5182, 29922, 29883, 29897, 13, 1678, 260, 808, 353, 260, 808, 29900, 29889, 3258, 29918, 7662, 703, 6747, 5014, 29931, 29891, 29916, 1159, 13, 1678, 260, 808, 29889, 842, 29918, 2080, 29879, 29898, 29883, 29897, 13, 1678, 260, 808, 29889, 842, 29918, 4905, 29879, 29898, 29881, 29897, 13, 13, 1753, 10822, 29898, 5527, 1125, 13, 29871, 1970, 29889, 2886, 29918, 8860, 877, 368, 29916, 742, 1707, 2433, 16786, 29990, 1495, 13, 2 ]
main.py
mehmet-karagoz/RPG-Battle-Game
1
71953
import pygame import random import button from pygame import mixer pygame.init() clock = pygame.time.Clock() fps = 60 #game window screen_width = 800 screen_height = 400 #game variables current_fighter = 1 total_fighter = 2 action_cooldown = 0 action_wait_time = 90 attack = False potion = False potion_effect = 30 clicked = False game_over = 0 victory_sound = 0 defeat_sound = 0 #fonts font = pygame.font.SysFont("Times New Roman", 26) font_potion = pygame.font.SysFont("Times New Roman", 15) #colors red = (255, 0, 0) green = (0, 255, 0) screen = pygame.display.set_mode((screen_width, screen_height)) pygame.display.set_caption("RPG Battle") icon = pygame.image.load("img/Icons/rpg-game.png").convert_alpha() pygame.display.set_icon(icon) #sound effect mixer.music.load("sounds/Battle.mp3") mixer.music.play(-1) #load images #background image background_img = pygame.image.load("img/Background/background.png").convert_alpha() potion_img = pygame.image.load("img/Potions/h0.png").convert_alpha() sword_img = pygame.image.load("img/Icons/sword.png").convert_alpha() victory_img = pygame.image.load("img/Icons/victory.png").convert_alpha() defeat_img = pygame.image.load("img/Icons/defeat.png").convert_alpha() restart_img = pygame.image.load("img/Icons/restart.png").convert_alpha() # functions #draw text def draw(text, font, text_color, x ,y): img = font.render(text, True, text_color) screen.blit(img,( x, y)) #draw background def draw_background(): screen.blit(background_img, (0,0)) #classes class Fighter(): def __init__(self, x, y, name , max_hp, strength, potions): self.x = x self.y = y self.name = name self.max_hp = max_hp self.hp = max_hp self.strength = strength self.start_potions = potions self.potions = potions self.alive = True self.animation_list = [] self.frame_index = 0 self.action = 0 self.update_time = pygame.time.get_ticks() #Idle if self.name == "Priestess": range_num = 8 else: range_num = 4 temp_list = [] for i in range(range_num): img = pygame.image.load(f"img/{self.name}/Idle/{i}.png") img = pygame.transform.scale(img, (img.get_width() * 3, img.get_height() * 3)) temp_list.append(img) self.animation_list.append(temp_list) #Attack temp_list = [] for i in range(7): img = pygame.image.load(f"img/{self.name}/Attack/{i}.png") img = pygame.transform.scale(img, (img.get_width() * 3, img.get_height() * 3)) temp_list.append(img) self.animation_list.append(temp_list) #Hurt temp_list = [] if self.name == "Priestess": range_num = 7 else: range_num = 2 for i in range(range_num): img = pygame.image.load(f"img/{self.name}/Hurt/{i}.png") img = pygame.transform.scale(img, (img.get_width() * 3, img.get_height() * 3)) temp_list.append(img) self.animation_list.append(temp_list) #Death temp_list = [] if self.name == "Priestess": range_num = 16 else: range_num = 8 for i in range(range_num): img = pygame.image.load(f"img/{self.name}/Death/{i}.png") img = pygame.transform.scale(img, (img.get_width() * 3, img.get_height() * 3)) temp_list.append(img) self.animation_list.append(temp_list) #Heal temp_list = [] for i in range(12): img = pygame.image.load(f"img/Priestess/Heal/{i}.png") img = pygame.transform.scale(img, (img.get_width() * 3, img.get_height() * 3)) temp_list.append(img) self.animation_list.append(temp_list) #Walk temp_list = [] for i in range(8): img = pygame.image.load(f"img/Priestess/Walk/{i}.png") img = pygame.transform.scale(img, (img.get_width() * 3, img.get_height() * 3)) temp_list.append(img) self.animation_list.append(temp_list) self.image = self.animation_list[self.action][self.frame_index] self.rect = self.image.get_rect() self.rect.center = (x, y) def update(self): animation_cooldown = 100 self.image = self.animation_list[self.action][self.frame_index] if pygame.time.get_ticks() - self.update_time > animation_cooldown: self.update_time = pygame.time.get_ticks() self.frame_index += 1 if self.frame_index >= len(self.animation_list[self.action]): if self.action == 3: self.frame_index = len(self.animation_list[self.action])-1 else: self.idle() def idle(self): self.action = 0 self.frame_index = 0 self.update_time = pygame.time.get_ticks() def attack(self, target): distance = abs(self.rect.centerx - target.rect.centerx) if target.name == "Priestess": distance += 45 if distance <= 179: rand = random.randint(-5, 5) damage = self.strength + rand target.hp -= damage target.hurt() mixer.Sound("sounds/bandit_hurt.mp3").play() if target.hp <= 0: target.alive = False target.death() mixer.Sound("sounds/bandit_death.mp3").play() #animate damage_text = Damage_Text(target.rect.centerx, target.rect.centery,str(damage), red) damage_text_group.add(damage_text) self.action = 1 self.frame_index = 0 self.update_time = pygame.time.get_ticks() def hurt(self): self.action = 2 self.frame_index = 0 self.update_time = pygame.time.get_ticks() def heal(self): self.action = 4 self.frame_index = 0 self.update_time = pygame.time.get_ticks() def walk(self): self.action = 5 self.frame_index = 0 self.update_time = pygame.time.get_ticks() def death(self): self.action = 3 self.frame_index = 0 self.update_time = pygame.time.get_ticks() def reset(self): self.alive = True self.potions = self.start_potions self.frame_index = 0 self.action = 0 self.hp = self.max_hp self.update_time = pygame.time.get_ticks() self.rect.centerx = self.x self.rect.centery = self.y def draw(self): screen.blit(self.image, self.rect) class HealthBar(): def __init__(self, x, y, hp, max_hp): self.x = x self.y = y self.hp = hp self.max_hp = max_hp img = pygame.image.load("img/Icons/health_bar.png") self.image = pygame.transform.scale(img, (img.get_width() * 4, img.get_height() * 2)) self.rect = self.image.get_rect() self.rect.center = (x, y) def draw(self, hp): self.hp = hp ratio = self.hp / self.max_hp screen.blit(self.image, self.rect) pygame.draw.rect(screen, red, (self.x - 126, self.y - 5, 258 * ratio, 11)) class Damage_Text(pygame.sprite.Sprite): def __init__(self, x , y, damage , color): pygame.sprite.Sprite.__init__(self) self.image = font.render(damage, True, color) self.rect = self.image.get_rect() self.rect.center = (x, y) self.counter = 0 def update(self): self.rect.y -= 1 self.counter += 1 if self.counter > 30: self.kill() damage_text_group = pygame.sprite.Group() priestess = Fighter(220, 130, "Priestess", 80, 30, 3) bandit = Fighter(540, 230, "Bandit", 80, 25, 2) priestess_health_bar = HealthBar(200, 30, priestess.hp, priestess.max_hp) bandit_health_bar = HealthBar(600, 30, bandit.hp, bandit.max_hp) potion_button = button.Button(screen, 30, 300, potion_img, 32,32) restart_button = button.Button(screen, 280, 300, restart_img, 220,60) run = True priestess_x_change = 0 while run: clock.tick(fps) draw_background() # draw fighters priestess.update() priestess.draw() bandit.update() bandit.draw() damage_text_group.update() damage_text_group.draw(screen) #fighter stats priestess_health_bar.draw(priestess.hp) bandit_health_bar.draw(bandit.hp) #control actions attack = False potion = False position = pygame.mouse.get_pos() pygame.mouse.set_visible(True) if bandit.rect.collidepoint(position): pygame.mouse.set_visible(False) screen.blit(sword_img, position) if clicked and bandit.alive: attack = True if potion_button.draw(): potion = True draw(str(priestess.potions), font_potion, green, 63, 313) if game_over == 0: #attack if priestess.alive: if current_fighter == 1: action_cooldown += 1 if action_cooldown >= action_wait_time: if attack: priestess.attack(bandit) mixer.Sound("sounds/priestess_attack.mp3").play() current_fighter += 1 action_cooldown = 0 if potion: if priestess.potions > 0: if priestess.max_hp - priestess.hp > potion_effect: heal_amount = potion_effect else: heal_amount = priestess.max_hp - priestess.hp priestess.hp += heal_amount priestess.heal() heal_text = Damage_Text(priestess.rect.centerx, priestess.rect.centery,str(heal_amount), green) damage_text_group.add(heal_text) priestess.potions -= 1 current_fighter += 1 action_cooldown = 0 else: game_over = -1 if bandit.alive: if current_fighter == 2: action_cooldown += 1 if action_cooldown >= action_wait_time: bandit.attack(priestess) mixer.Sound("sounds/bandit_attack.wav").play() current_fighter += 1 action_cooldown = 0 else: current_fighter += 1 game_over = 1 if current_fighter > total_fighter: current_fighter = 1 if game_over != 0: if game_over == 1: screen.blit(victory_img, (125, 50)) victory_sound += 1 if victory_sound == 1: mixer.Sound("sounds/victory.wav").play() else: screen.blit(defeat_img, (186, 40)) defeat_sound += 1 if defeat_sound == 1: mixer.Sound("sounds/defeat.mp3").play() if restart_button.draw(): priestess.reset() bandit.reset() current_fighter = 1 action_cooldown = 0 game_over = 0 victory_sound = 0 defeat_sound = 0 priestess.rect.centerx += priestess_x_change if priestess.rect.centerx <= 85: priestess.rect.centerx = 85 elif priestess.rect.centerx >= 478: priestess.rect.centerx = 478 for event in pygame.event.get(): if event.type == pygame.QUIT: run = False if event.type == pygame.KEYDOWN: if event.key == pygame.K_LEFT: priestess_x_change = -3 priestess.walk() if event.key == pygame.K_RIGHT: priestess_x_change = 3 priestess.walk() else: priestess_x_change = 0 if event.type == pygame.MOUSEBUTTONDOWN: clicked = True else: clicked = False pygame.display.update() pygame.quit()
[ 1, 1053, 22028, 13, 5215, 4036, 13, 5215, 2826, 13, 3166, 22028, 1053, 6837, 261, 13, 13, 2272, 11802, 29889, 2344, 580, 13, 13, 13058, 353, 22028, 29889, 2230, 29889, 29907, 908, 580, 13, 29888, 567, 353, 29871, 29953, 29900, 13, 13, 29937, 11802, 3474, 13, 10525, 29918, 2103, 353, 29871, 29947, 29900, 29900, 13, 10525, 29918, 3545, 353, 29871, 29946, 29900, 29900, 13, 13, 29937, 11802, 3651, 13, 3784, 29918, 1003, 29882, 357, 353, 29871, 29896, 13, 7827, 29918, 1003, 29882, 357, 353, 29871, 29906, 13, 2467, 29918, 1111, 1025, 776, 353, 29871, 29900, 13, 2467, 29918, 10685, 29918, 2230, 353, 29871, 29929, 29900, 13, 1131, 547, 353, 7700, 13, 29886, 8194, 353, 7700, 13, 29886, 8194, 29918, 15987, 353, 29871, 29941, 29900, 13, 3808, 287, 353, 7700, 13, 11802, 29918, 957, 353, 29871, 29900, 13, 29894, 919, 706, 29918, 29802, 353, 29871, 29900, 13, 311, 1725, 271, 29918, 29802, 353, 29871, 29900, 13, 13, 29937, 28586, 13, 5657, 353, 22028, 29889, 5657, 29889, 29903, 952, 9824, 703, 29164, 1570, 5917, 613, 29871, 29906, 29953, 29897, 13, 5657, 29918, 29886, 8194, 353, 22028, 29889, 5657, 29889, 29903, 952, 9824, 703, 29164, 1570, 5917, 613, 29871, 29896, 29945, 29897, 13, 13, 29937, 27703, 13, 1127, 353, 313, 29906, 29945, 29945, 29892, 29871, 29900, 29892, 29871, 29900, 29897, 13, 12692, 353, 313, 29900, 29892, 29871, 29906, 29945, 29945, 29892, 29871, 29900, 29897, 13, 13, 10525, 353, 22028, 29889, 4990, 29889, 842, 29918, 8513, 3552, 10525, 29918, 2103, 29892, 4315, 29918, 3545, 876, 13, 2272, 11802, 29889, 4990, 29889, 842, 29918, 6671, 703, 29934, 16903, 12788, 1159, 13, 13, 4144, 353, 22028, 29889, 3027, 29889, 1359, 703, 2492, 29914, 29902, 3200, 29914, 29878, 4061, 29899, 11802, 29889, 2732, 2564, 13441, 29918, 2312, 580, 13, 2272, 11802, 29889, 4990, 29889, 842, 29918, 4144, 29898, 4144, 29897, 13, 13, 29937, 29802, 2779, 13, 28084, 261, 29889, 23596, 29889, 1359, 703, 29879, 3885, 29914, 29933, 5315, 29889, 1526, 29941, 1159, 13, 28084, 261, 29889, 23596, 29889, 1456, 6278, 29896, 29897, 13, 13, 29937, 1359, 4558, 13, 29937, 7042, 1967, 13, 7042, 29918, 2492, 353, 22028, 29889, 3027, 29889, 1359, 703, 2492, 29914, 10581, 29914, 7042, 29889, 2732, 2564, 13441, 29918, 2312, 580, 13, 29886, 8194, 29918, 2492, 353, 22028, 29889, 3027, 29889, 1359, 703, 2492, 29914, 29925, 327, 1080, 29914, 29882, 29900, 29889, 2732, 2564, 13441, 29918, 2312, 580, 13, 29879, 1742, 29918, 2492, 353, 22028, 29889, 3027, 29889, 1359, 703, 2492, 29914, 29902, 3200, 29914, 29879, 1742, 29889, 2732, 2564, 13441, 29918, 2312, 580, 13, 29894, 919, 706, 29918, 2492, 353, 22028, 29889, 3027, 29889, 1359, 703, 2492, 29914, 29902, 3200, 29914, 29894, 919, 706, 29889, 2732, 2564, 13441, 29918, 2312, 580, 13, 311, 1725, 271, 29918, 2492, 353, 22028, 29889, 3027, 29889, 1359, 703, 2492, 29914, 29902, 3200, 29914, 311, 1725, 271, 29889, 2732, 2564, 13441, 29918, 2312, 580, 13, 5060, 442, 29918, 2492, 353, 22028, 29889, 3027, 29889, 1359, 703, 2492, 29914, 29902, 3200, 29914, 5060, 442, 29889, 2732, 2564, 13441, 29918, 2312, 580, 13, 13, 13, 29937, 3168, 13, 13, 29937, 4012, 1426, 13, 1753, 4216, 29898, 726, 29892, 4079, 29892, 1426, 29918, 2780, 29892, 921, 1919, 29891, 1125, 13, 1678, 10153, 353, 4079, 29889, 9482, 29898, 726, 29892, 5852, 29892, 1426, 29918, 2780, 29897, 13, 1678, 4315, 29889, 2204, 277, 29898, 2492, 22657, 921, 29892, 343, 876, 13, 13, 29937, 4012, 3239, 13, 1753, 4216, 29918, 7042, 7295, 13, 1678, 4315, 29889, 2204, 277, 29898, 7042, 29918, 2492, 29892, 313, 29900, 29892, 29900, 876, 13, 13, 29937, 13203, 13, 1990, 383, 14643, 7295, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 921, 29892, 343, 29892, 1024, 1919, 4236, 29918, 28887, 29892, 9324, 29892, 3104, 1080, 1125, 13, 4706, 1583, 29889, 29916, 353, 921, 13, 4706, 1583, 29889, 29891, 353, 343, 13, 4706, 1583, 29889, 978, 353, 1024, 13, 4706, 1583, 29889, 3317, 29918, 28887, 353, 4236, 29918, 28887, 13, 4706, 1583, 29889, 28887, 353, 4236, 29918, 28887, 13, 4706, 1583, 29889, 710, 1477, 353, 9324, 13, 4706, 1583, 29889, 2962, 29918, 17765, 1080, 353, 3104, 1080, 13, 4706, 1583, 29889, 17765, 1080, 353, 3104, 1080, 13, 4706, 1583, 29889, 284, 573, 353, 5852, 13, 4706, 1583, 29889, 18962, 29918, 1761, 353, 5159, 13, 4706, 1583, 29889, 2557, 29918, 2248, 353, 29871, 29900, 13, 4706, 1583, 29889, 2467, 353, 29871, 29900, 13, 4706, 1583, 29889, 5504, 29918, 2230, 353, 22028, 29889, 2230, 29889, 657, 29918, 29873, 7358, 580, 13, 4706, 396, 1204, 280, 13, 4706, 565, 1583, 29889, 978, 1275, 376, 29925, 374, 342, 404, 1115, 13, 9651, 3464, 29918, 1949, 353, 29871, 29947, 13, 4706, 1683, 29901, 13, 9651, 3464, 29918, 1949, 353, 29871, 29946, 13, 4706, 5694, 29918, 1761, 353, 5159, 13, 4706, 363, 474, 297, 3464, 29898, 3881, 29918, 1949, 1125, 13, 9651, 10153, 353, 22028, 29889, 3027, 29889, 1359, 29898, 29888, 29908, 2492, 19248, 1311, 29889, 978, 6822, 1204, 280, 19248, 29875, 1836, 2732, 1159, 13, 9651, 10153, 353, 22028, 29889, 9067, 29889, 7052, 29898, 2492, 29892, 313, 2492, 29889, 657, 29918, 2103, 580, 334, 29871, 29941, 29892, 10153, 29889, 657, 29918, 3545, 580, 334, 29871, 29941, 876, 13, 9651, 5694, 29918, 1761, 29889, 4397, 29898, 2492, 29897, 13, 4706, 1583, 29889, 18962, 29918, 1761, 29889, 4397, 29898, 7382, 29918, 1761, 29897, 13, 4706, 396, 4165, 547, 13, 4706, 5694, 29918, 1761, 353, 5159, 13, 4706, 363, 474, 297, 3464, 29898, 29955, 1125, 13, 9651, 10153, 353, 22028, 29889, 3027, 29889, 1359, 29898, 29888, 29908, 2492, 19248, 1311, 29889, 978, 6822, 4165, 547, 19248, 29875, 1836, 2732, 1159, 13, 9651, 10153, 353, 22028, 29889, 9067, 29889, 7052, 29898, 2492, 29892, 313, 2492, 29889, 657, 29918, 2103, 580, 334, 29871, 29941, 29892, 10153, 29889, 657, 29918, 3545, 580, 334, 29871, 29941, 876, 13, 9651, 5694, 29918, 1761, 29889, 4397, 29898, 2492, 29897, 13, 4706, 1583, 29889, 18962, 29918, 1761, 29889, 4397, 29898, 7382, 29918, 1761, 29897, 13, 4706, 396, 29950, 4227, 13, 4706, 5694, 29918, 1761, 353, 5159, 13, 4706, 565, 1583, 29889, 978, 1275, 376, 29925, 374, 342, 404, 1115, 13, 9651, 3464, 29918, 1949, 353, 29871, 29955, 13, 4706, 1683, 29901, 13, 9651, 3464, 29918, 1949, 353, 29871, 29906, 13, 4706, 363, 474, 297, 3464, 29898, 3881, 29918, 1949, 1125, 13, 9651, 10153, 353, 22028, 29889, 3027, 29889, 1359, 29898, 29888, 29908, 2492, 19248, 1311, 29889, 978, 6822, 29950, 4227, 19248, 29875, 1836, 2732, 1159, 13, 9651, 10153, 353, 22028, 29889, 9067, 29889, 7052, 29898, 2492, 29892, 313, 2492, 29889, 657, 29918, 2103, 580, 334, 29871, 29941, 29892, 10153, 29889, 657, 29918, 3545, 580, 334, 29871, 29941, 876, 13, 9651, 5694, 29918, 1761, 29889, 4397, 29898, 2492, 29897, 13, 4706, 1583, 29889, 18962, 29918, 1761, 29889, 4397, 29898, 7382, 29918, 1761, 29897, 13, 4706, 396, 2772, 493, 13, 4706, 5694, 29918, 1761, 353, 5159, 13, 4706, 565, 1583, 29889, 978, 1275, 376, 29925, 374, 342, 404, 1115, 13, 9651, 3464, 29918, 1949, 353, 29871, 29896, 29953, 13, 4706, 1683, 29901, 13, 9651, 3464, 29918, 1949, 353, 29871, 29947, 13, 4706, 363, 474, 297, 3464, 29898, 3881, 29918, 1949, 1125, 13, 9651, 10153, 353, 22028, 29889, 3027, 29889, 1359, 29898, 29888, 29908, 2492, 19248, 1311, 29889, 978, 6822, 2772, 493, 19248, 29875, 1836, 2732, 1159, 13, 9651, 10153, 353, 22028, 29889, 9067, 29889, 7052, 29898, 2492, 29892, 313, 2492, 29889, 657, 29918, 2103, 580, 334, 29871, 29941, 29892, 10153, 29889, 657, 29918, 3545, 580, 334, 29871, 29941, 876, 13, 9651, 5694, 29918, 1761, 29889, 4397, 29898, 2492, 29897, 13, 4706, 1583, 29889, 18962, 29918, 1761, 29889, 4397, 29898, 7382, 29918, 1761, 29897, 13, 4706, 396, 3868, 284, 13, 4706, 5694, 29918, 1761, 353, 5159, 13, 4706, 363, 474, 297, 3464, 29898, 29896, 29906, 1125, 13, 9651, 10153, 353, 22028, 29889, 3027, 29889, 1359, 29898, 29888, 29908, 2492, 29914, 29925, 374, 342, 404, 29914, 3868, 284, 19248, 29875, 1836, 2732, 1159, 13, 9651, 10153, 353, 22028, 29889, 9067, 29889, 7052, 29898, 2492, 29892, 313, 2492, 29889, 657, 29918, 2103, 580, 334, 29871, 29941, 29892, 10153, 29889, 657, 29918, 3545, 580, 334, 29871, 29941, 876, 13, 9651, 5694, 29918, 1761, 29889, 4397, 29898, 2492, 29897, 13, 4706, 1583, 29889, 18962, 29918, 1761, 29889, 4397, 29898, 7382, 29918, 1761, 29897, 13, 4706, 396, 29956, 2235, 13, 4706, 5694, 29918, 1761, 353, 5159, 13, 4706, 363, 474, 297, 3464, 29898, 29947, 1125, 13, 9651, 10153, 353, 22028, 29889, 3027, 29889, 1359, 29898, 29888, 29908, 2492, 29914, 29925, 374, 342, 404, 29914, 29956, 2235, 19248, 29875, 1836, 2732, 1159, 13, 9651, 10153, 353, 22028, 29889, 9067, 29889, 7052, 29898, 2492, 29892, 313, 2492, 29889, 657, 29918, 2103, 580, 334, 29871, 29941, 29892, 10153, 29889, 657, 29918, 3545, 580, 334, 29871, 29941, 876, 13, 9651, 5694, 29918, 1761, 29889, 4397, 29898, 2492, 29897, 13, 4706, 1583, 29889, 18962, 29918, 1761, 29889, 4397, 29898, 7382, 29918, 1761, 29897, 13, 4706, 1583, 29889, 3027, 353, 1583, 29889, 18962, 29918, 1761, 29961, 1311, 29889, 2467, 3816, 1311, 29889, 2557, 29918, 2248, 29962, 13, 4706, 1583, 29889, 1621, 353, 1583, 29889, 3027, 29889, 657, 29918, 1621, 580, 13, 4706, 1583, 29889, 1621, 29889, 5064, 353, 313, 29916, 29892, 343, 29897, 13, 13, 1678, 822, 2767, 29898, 1311, 1125, 13, 4706, 9612, 29918, 1111, 1025, 776, 353, 29871, 29896, 29900, 29900, 13, 4706, 1583, 29889, 3027, 353, 1583, 29889, 18962, 29918, 1761, 29961, 1311, 29889, 2467, 3816, 1311, 29889, 2557, 29918, 2248, 29962, 13, 4706, 565, 22028, 29889, 2230, 29889, 657, 29918, 29873, 7358, 580, 448, 1583, 29889, 5504, 29918, 2230, 1405, 9612, 29918, 1111, 1025, 776, 29901, 13, 9651, 1583, 29889, 5504, 29918, 2230, 353, 22028, 29889, 2230, 29889, 657, 29918, 29873, 7358, 580, 13, 9651, 1583, 29889, 2557, 29918, 2248, 4619, 29871, 29896, 13, 4706, 565, 1583, 29889, 2557, 29918, 2248, 6736, 7431, 29898, 1311, 29889, 18962, 29918, 1761, 29961, 1311, 29889, 2467, 29962, 1125, 13, 9651, 565, 1583, 29889, 2467, 1275, 29871, 29941, 29901, 13, 18884, 1583, 29889, 2557, 29918, 2248, 353, 7431, 29898, 1311, 29889, 18962, 29918, 1761, 29961, 1311, 29889, 2467, 2314, 29899, 29896, 13, 9651, 1683, 29901, 13, 18884, 1583, 29889, 333, 280, 580, 13, 13, 1678, 822, 28132, 29898, 1311, 1125, 13, 4706, 1583, 29889, 2467, 353, 29871, 29900, 13, 4706, 1583, 29889, 2557, 29918, 2248, 353, 29871, 29900, 13, 4706, 1583, 29889, 5504, 29918, 2230, 353, 22028, 29889, 2230, 29889, 657, 29918, 29873, 7358, 580, 13, 13, 1678, 822, 5337, 29898, 1311, 29892, 3646, 1125, 13, 4706, 5418, 353, 6425, 29898, 1311, 29889, 1621, 29889, 5064, 29916, 448, 3646, 29889, 1621, 29889, 5064, 29916, 29897, 13, 4706, 565, 3646, 29889, 978, 1275, 376, 29925, 374, 342, 404, 1115, 13, 9651, 5418, 4619, 29871, 29946, 29945, 13, 4706, 565, 5418, 5277, 29871, 29896, 29955, 29929, 29901, 13, 9651, 20088, 353, 4036, 29889, 9502, 524, 6278, 29945, 29892, 29871, 29945, 29897, 13, 9651, 18658, 353, 1583, 29889, 710, 1477, 718, 20088, 13, 9651, 3646, 29889, 28887, 22361, 18658, 13, 9651, 3646, 29889, 29882, 4227, 580, 13, 9651, 6837, 261, 29889, 29456, 703, 29879, 3885, 29914, 4980, 277, 29918, 29882, 4227, 29889, 1526, 29941, 2564, 1456, 580, 13, 9651, 565, 3646, 29889, 28887, 5277, 29871, 29900, 29901, 13, 18884, 3646, 29889, 284, 573, 353, 7700, 13, 18884, 3646, 29889, 311, 493, 580, 13, 18884, 6837, 261, 29889, 29456, 703, 29879, 3885, 29914, 4980, 277, 29918, 311, 493, 29889, 1526, 29941, 2564, 1456, 580, 13, 9651, 396, 20131, 13, 9651, 18658, 29918, 726, 353, 9865, 482, 29918, 1626, 29898, 5182, 29889, 1621, 29889, 5064, 29916, 29892, 3646, 29889, 1621, 29889, 1760, 708, 29892, 710, 29898, 16846, 482, 511, 2654, 29897, 13, 9651, 18658, 29918, 726, 29918, 2972, 29889, 1202, 29898, 16846, 482, 29918, 726, 29897, 13, 4706, 1583, 29889, 2467, 353, 29871, 29896, 13, 4706, 1583, 29889, 2557, 29918, 2248, 353, 29871, 29900, 13, 4706, 1583, 29889, 5504, 29918, 2230, 353, 22028, 29889, 2230, 29889, 657, 29918, 29873, 7358, 580, 13, 13, 1678, 822, 21682, 29898, 1311, 1125, 13, 4706, 1583, 29889, 2467, 353, 29871, 29906, 13, 4706, 1583, 29889, 2557, 29918, 2248, 353, 29871, 29900, 13, 4706, 1583, 29889, 5504, 29918, 2230, 353, 22028, 29889, 2230, 29889, 657, 29918, 29873, 7358, 580, 13, 13, 1678, 822, 540, 284, 29898, 1311, 1125, 13, 4706, 1583, 29889, 2467, 353, 29871, 29946, 13, 4706, 1583, 29889, 2557, 29918, 2248, 353, 29871, 29900, 13, 4706, 1583, 29889, 5504, 29918, 2230, 353, 22028, 29889, 2230, 29889, 657, 29918, 29873, 7358, 580, 13, 13, 1678, 822, 6686, 29898, 1311, 1125, 13, 4706, 1583, 29889, 2467, 353, 29871, 29945, 13, 4706, 1583, 29889, 2557, 29918, 2248, 353, 29871, 29900, 13, 4706, 1583, 29889, 5504, 29918, 2230, 353, 22028, 29889, 2230, 29889, 657, 29918, 29873, 7358, 580, 13, 13, 13, 1678, 822, 4892, 29898, 1311, 1125, 13, 4706, 1583, 29889, 2467, 353, 29871, 29941, 13, 4706, 1583, 29889, 2557, 29918, 2248, 353, 29871, 29900, 13, 4706, 1583, 29889, 5504, 29918, 2230, 353, 22028, 29889, 2230, 29889, 657, 29918, 29873, 7358, 580, 13, 13, 1678, 822, 10092, 29898, 1311, 1125, 13, 4706, 1583, 29889, 284, 573, 353, 5852, 13, 4706, 1583, 29889, 17765, 1080, 353, 1583, 29889, 2962, 29918, 17765, 1080, 13, 4706, 1583, 29889, 2557, 29918, 2248, 353, 29871, 29900, 13, 4706, 1583, 29889, 2467, 353, 29871, 29900, 13, 4706, 1583, 29889, 28887, 353, 1583, 29889, 3317, 29918, 28887, 13, 4706, 1583, 29889, 5504, 29918, 2230, 353, 22028, 29889, 2230, 29889, 657, 29918, 29873, 7358, 580, 13, 4706, 1583, 29889, 1621, 29889, 5064, 29916, 353, 1583, 29889, 29916, 13, 4706, 1583, 29889, 1621, 29889, 1760, 708, 353, 1583, 29889, 29891, 13, 13, 13, 1678, 822, 4216, 29898, 1311, 1125, 13, 4706, 4315, 29889, 2204, 277, 29898, 1311, 29889, 3027, 29892, 1583, 29889, 1621, 29897, 13, 13, 13, 1990, 15202, 4297, 7295, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 921, 29892, 343, 29892, 298, 29886, 29892, 4236, 29918, 28887, 1125, 13, 4706, 1583, 29889, 29916, 353, 921, 13, 4706, 1583, 29889, 29891, 353, 343, 13, 4706, 1583, 29889, 28887, 353, 298, 29886, 13, 4706, 1583, 29889, 3317, 29918, 28887, 353, 4236, 29918, 28887, 13, 4706, 10153, 353, 22028, 29889, 3027, 29889, 1359, 703, 2492, 29914, 29902, 3200, 29914, 354, 4298, 29918, 1646, 29889, 2732, 1159, 13, 4706, 1583, 29889, 3027, 353, 22028, 29889, 9067, 29889, 7052, 29898, 2492, 29892, 313, 2492, 29889, 657, 29918, 2103, 580, 334, 29871, 29946, 29892, 10153, 29889, 657, 29918, 3545, 580, 334, 29871, 29906, 876, 13, 4706, 1583, 29889, 1621, 353, 1583, 29889, 3027, 29889, 657, 29918, 1621, 580, 13, 4706, 1583, 29889, 1621, 29889, 5064, 353, 313, 29916, 29892, 343, 29897, 13, 13, 1678, 822, 4216, 29898, 1311, 29892, 298, 29886, 1125, 13, 4706, 1583, 29889, 28887, 353, 298, 29886, 13, 4706, 11959, 353, 1583, 29889, 28887, 847, 1583, 29889, 3317, 29918, 28887, 13, 4706, 4315, 29889, 2204, 277, 29898, 1311, 29889, 3027, 29892, 1583, 29889, 1621, 29897, 13, 4706, 22028, 29889, 4012, 29889, 1621, 29898, 10525, 29892, 2654, 29892, 313, 1311, 29889, 29916, 448, 29871, 29896, 29906, 29953, 29892, 1583, 29889, 29891, 448, 29871, 29945, 29892, 29871, 29906, 29945, 29947, 334, 11959, 29892, 29871, 29896, 29896, 876, 13, 13, 1990, 9865, 482, 29918, 1626, 29898, 2272, 11802, 29889, 15099, 568, 29889, 29903, 558, 568, 1125, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 921, 1919, 343, 29892, 18658, 1919, 2927, 1125, 13, 4706, 22028, 29889, 15099, 568, 29889, 29903, 558, 568, 17255, 2344, 12035, 1311, 29897, 13, 4706, 1583, 29889, 3027, 353, 4079, 29889, 9482, 29898, 16846, 482, 29892, 5852, 29892, 2927, 29897, 13, 4706, 1583, 29889, 1621, 353, 1583, 29889, 3027, 29889, 657, 29918, 1621, 580, 13, 4706, 1583, 29889, 1621, 29889, 5064, 353, 313, 29916, 29892, 343, 29897, 13, 4706, 1583, 29889, 11808, 353, 29871, 29900, 13, 13, 1678, 822, 2767, 29898, 1311, 1125, 13, 4706, 1583, 29889, 1621, 29889, 29891, 22361, 29871, 29896, 13, 4706, 1583, 29889, 11808, 4619, 29871, 29896, 13, 4706, 565, 1583, 29889, 11808, 1405, 29871, 29941, 29900, 29901, 13, 9651, 1583, 29889, 21174, 580, 13, 13, 16846, 482, 29918, 726, 29918, 2972, 353, 22028, 29889, 15099, 568, 29889, 4782, 580, 13, 13, 29886, 374, 342, 404, 353, 383, 14643, 29898, 29906, 29906, 29900, 29892, 29871, 29896, 29941, 29900, 29892, 376, 29925, 374, 342, 404, 613, 29871, 29947, 29900, 29892, 29871, 29941, 29900, 29892, 29871, 29941, 29897, 13, 4980, 277, 353, 383, 14643, 29898, 29945, 29946, 29900, 29892, 29871, 29906, 29941, 29900, 29892, 376, 29933, 392, 277, 613, 29871, 29947, 29900, 29892, 29871, 29906, 29945, 29892, 29871, 29906, 29897, 13, 13, 29886, 374, 342, 404, 29918, 354, 4298, 29918, 1646, 353, 15202, 4297, 29898, 29906, 29900, 29900, 29892, 29871, 29941, 29900, 29892, 18781, 404, 29889, 28887, 29892, 18781, 404, 29889, 3317, 29918, 28887, 29897, 13, 4980, 277, 29918, 354, 4298, 29918, 1646, 353, 15202, 4297, 29898, 29953, 29900, 29900, 29892, 29871, 29941, 29900, 29892, 3719, 277, 29889, 28887, 29892, 3719, 277, 29889, 3317, 29918, 28887, 29897, 13, 13, 29886, 8194, 29918, 3092, 353, 2826, 29889, 3125, 29898, 10525, 29892, 29871, 29941, 29900, 29892, 29871, 29941, 29900, 29900, 29892, 3104, 291, 29918, 2492, 29892, 29871, 29941, 29906, 29892, 29941, 29906, 29897, 13, 5060, 442, 29918, 3092, 353, 2826, 29889, 3125, 29898, 10525, 29892, 29871, 29906, 29947, 29900, 29892, 29871, 29941, 29900, 29900, 29892, 10715, 29918, 2492, 29892, 29871, 29906, 29906, 29900, 29892, 29953, 29900, 29897, 13, 13, 3389, 353, 5852, 13, 13, 29886, 374, 342, 404, 29918, 29916, 29918, 3167, 353, 29871, 29900, 13, 13, 8000, 1065, 29901, 13, 13, 1678, 12006, 29889, 24667, 29898, 29888, 567, 29897, 13, 1678, 4216, 29918, 7042, 580, 13, 13, 1678, 396, 4216, 285, 1141, 2153, 13, 1678, 18781, 404, 29889, 5504, 580, 13, 1678, 18781, 404, 29889, 4012, 580, 13, 1678, 3719, 277, 29889, 5504, 580, 13, 1678, 3719, 277, 29889, 4012, 580, 13, 13, 1678, 18658, 29918, 726, 29918, 2972, 29889, 5504, 580, 13, 1678, 18658, 29918, 726, 29918, 2972, 29889, 4012, 29898, 10525, 29897, 13, 13, 1678, 396, 1003, 29882, 357, 22663, 13, 1678, 18781, 404, 29918, 354, 4298, 29918, 1646, 29889, 4012, 29898, 29886, 374, 342, 404, 29889, 28887, 29897, 13, 1678, 3719, 277, 29918, 354, 4298, 29918, 1646, 29889, 4012, 29898, 4980, 277, 29889, 28887, 29897, 13, 13, 1678, 396, 6451, 8820, 13, 1678, 5337, 353, 7700, 13, 1678, 3104, 291, 353, 7700, 13, 1678, 2602, 353, 22028, 29889, 15769, 29889, 657, 29918, 1066, 580, 13, 1678, 22028, 29889, 15769, 29889, 842, 29918, 12872, 29898, 5574, 29897, 13, 1678, 565, 3719, 277, 29889, 1621, 29889, 1054, 7459, 3149, 29898, 3283, 1125, 13, 4706, 22028, 29889, 15769, 29889, 842, 29918, 12872, 29898, 8824, 29897, 13, 13, 4706, 4315, 29889, 2204, 277, 29898, 29879, 1742, 29918, 2492, 29892, 2602, 29897, 13, 13, 4706, 565, 11484, 322, 3719, 277, 29889, 284, 573, 29901, 13, 9651, 5337, 353, 5852, 13, 268, 13, 1678, 565, 3104, 291, 29918, 3092, 29889, 4012, 7295, 13, 4706, 3104, 291, 353, 5852, 13, 1678, 4216, 29898, 710, 29898, 29886, 374, 342, 404, 29889, 17765, 1080, 511, 4079, 29918, 29886, 8194, 29892, 7933, 29892, 29871, 29953, 29941, 29892, 29871, 29941, 29896, 29941, 29897, 13, 13, 1678, 565, 3748, 29918, 957, 1275, 29871, 29900, 29901, 13, 4706, 396, 1131, 547, 29871, 13, 4706, 565, 18781, 404, 29889, 284, 573, 29901, 13, 9651, 565, 1857, 29918, 1003, 29882, 357, 1275, 29871, 29896, 29901, 13, 18884, 3158, 29918, 1111, 1025, 776, 4619, 29871, 29896, 13, 18884, 565, 3158, 29918, 1111, 1025, 776, 6736, 3158, 29918, 10685, 29918, 2230, 29901, 13, 462, 1678, 565, 5337, 29901, 13, 462, 4706, 18781, 404, 29889, 1131, 547, 29898, 4980, 277, 29897, 13, 462, 4706, 6837, 261, 29889, 29456, 703, 29879, 3885, 29914, 29886, 374, 342, 404, 29918, 1131, 547, 29889, 1526, 29941, 2564, 1456, 580, 13, 462, 4706, 1857, 29918, 1003, 29882, 357, 4619, 29871, 29896, 13, 462, 4706, 3158, 29918, 1111, 1025, 776, 353, 29871, 29900, 13, 462, 1678, 565, 3104, 291, 29901, 13, 462, 4706, 565, 18781, 404, 29889, 17765, 1080, 1405, 29871, 29900, 29901, 13, 462, 9651, 565, 18781, 404, 29889, 3317, 29918, 28887, 448, 18781, 404, 29889, 28887, 1405, 3104, 291, 29918, 15987, 29901, 13, 462, 18884, 540, 284, 29918, 14506, 353, 3104, 291, 29918, 15987, 13, 462, 9651, 1683, 29901, 13, 462, 18884, 540, 284, 29918, 14506, 353, 18781, 404, 29889, 3317, 29918, 28887, 448, 18781, 404, 29889, 28887, 13, 462, 9651, 18781, 404, 29889, 28887, 4619, 540, 284, 29918, 14506, 13, 462, 9651, 18781, 404, 29889, 354, 284, 580, 13, 462, 9651, 540, 284, 29918, 726, 353, 9865, 482, 29918, 1626, 29898, 29886, 374, 342, 404, 29889, 1621, 29889, 5064, 29916, 29892, 18781, 404, 29889, 1621, 29889, 1760, 708, 29892, 710, 29898, 354, 284, 29918, 14506, 511, 7933, 29897, 13, 462, 9651, 18658, 29918, 726, 29918, 2972, 29889, 1202, 29898, 354, 284, 29918, 726, 29897, 13, 462, 9651, 18781, 404, 29889, 17765, 1080, 22361, 29871, 29896, 13, 462, 9651, 1857, 29918, 1003, 29882, 357, 4619, 29871, 29896, 13, 462, 9651, 3158, 29918, 1111, 1025, 776, 353, 29871, 29900, 13, 4706, 1683, 29901, 13, 9651, 3748, 29918, 957, 353, 448, 29896, 13, 13, 4706, 565, 3719, 277, 29889, 284, 573, 29901, 13, 9651, 565, 1857, 29918, 1003, 29882, 357, 1275, 29871, 29906, 29901, 13, 18884, 3158, 29918, 1111, 1025, 776, 4619, 29871, 29896, 13, 18884, 565, 3158, 29918, 1111, 1025, 776, 6736, 3158, 29918, 10685, 29918, 2230, 29901, 13, 462, 1678, 3719, 277, 29889, 1131, 547, 29898, 29886, 374, 342, 404, 29897, 13, 462, 1678, 6837, 261, 29889, 29456, 703, 29879, 3885, 29914, 4980, 277, 29918, 1131, 547, 29889, 29893, 485, 2564, 1456, 580, 13, 462, 1678, 1857, 29918, 1003, 29882, 357, 4619, 29871, 29896, 13, 462, 1678, 3158, 29918, 1111, 1025, 776, 353, 29871, 29900, 13, 4706, 1683, 29901, 13, 9651, 1857, 29918, 1003, 29882, 357, 4619, 29871, 29896, 13, 9651, 3748, 29918, 957, 353, 29871, 29896, 13, 13, 4706, 565, 1857, 29918, 1003, 29882, 357, 1405, 3001, 29918, 1003, 29882, 357, 29901, 13, 9651, 1857, 29918, 1003, 29882, 357, 353, 29871, 29896, 13, 268, 13, 1678, 565, 3748, 29918, 957, 2804, 29871, 29900, 29901, 13, 4706, 565, 3748, 29918, 957, 1275, 29871, 29896, 29901, 13, 9651, 4315, 29889, 2204, 277, 29898, 29894, 919, 706, 29918, 2492, 29892, 313, 29896, 29906, 29945, 29892, 29871, 29945, 29900, 876, 13, 9651, 15354, 29918, 29802, 4619, 29871, 29896, 13, 9651, 565, 15354, 29918, 29802, 1275, 29871, 29896, 29901, 13, 18884, 6837, 261, 29889, 29456, 703, 29879, 3885, 29914, 29894, 919, 706, 29889, 29893, 485, 2564, 1456, 580, 13, 4706, 1683, 29901, 13, 9651, 4315, 29889, 2204, 277, 29898, 311, 1725, 271, 29918, 2492, 29892, 313, 29896, 29947, 29953, 29892, 29871, 29946, 29900, 876, 13, 9651, 20653, 29918, 29802, 4619, 29871, 29896, 13, 9651, 565, 20653, 29918, 29802, 1275, 29871, 29896, 29901, 13, 18884, 6837, 261, 29889, 29456, 703, 29879, 3885, 29914, 311, 1725, 271, 29889, 1526, 29941, 2564, 1456, 580, 13, 4706, 565, 10715, 29918, 3092, 29889, 4012, 7295, 13, 9651, 18781, 404, 29889, 12071, 580, 13, 9651, 3719, 277, 29889, 12071, 580, 13, 9651, 1857, 29918, 1003, 29882, 357, 353, 29871, 29896, 13, 9651, 3158, 29918, 1111, 1025, 776, 353, 29871, 29900, 13, 9651, 3748, 29918, 957, 353, 29871, 29900, 13, 9651, 15354, 29918, 29802, 353, 29871, 29900, 13, 9651, 20653, 29918, 29802, 353, 29871, 29900, 13, 268, 13, 13, 1678, 18781, 404, 29889, 1621, 29889, 5064, 29916, 4619, 18781, 404, 29918, 29916, 29918, 3167, 13, 13, 1678, 565, 18781, 404, 29889, 1621, 29889, 5064, 29916, 5277, 29871, 29947, 29945, 29901, 13, 4706, 18781, 404, 29889, 1621, 29889, 5064, 29916, 353, 29871, 29947, 29945, 13, 1678, 25342, 18781, 404, 29889, 1621, 29889, 5064, 29916, 6736, 29871, 29946, 29955, 29947, 29901, 13, 4706, 18781, 404, 29889, 1621, 29889, 5064, 29916, 353, 29871, 29946, 29955, 29947, 13, 13, 1678, 363, 1741, 297, 22028, 29889, 3696, 29889, 657, 7295, 13, 4706, 565, 1741, 29889, 1853, 1275, 22028, 29889, 13356, 1806, 29901, 13, 9651, 1065, 353, 7700, 13, 308, 13, 4706, 565, 1741, 29889, 1853, 1275, 22028, 29889, 10818, 3970, 16048, 29901, 13, 9651, 565, 1741, 29889, 1989, 1275, 22028, 29889, 29968, 29918, 28024, 29901, 13, 18884, 18781, 404, 29918, 29916, 29918, 3167, 353, 448, 29941, 13, 18884, 18781, 404, 29889, 20919, 580, 1669, 13, 9651, 565, 1741, 29889, 1989, 1275, 22028, 29889, 29968, 29918, 22789, 3912, 29901, 13, 18884, 18781, 404, 29918, 29916, 29918, 3167, 353, 29871, 29941, 13, 18884, 18781, 404, 29889, 20919, 580, 13, 4706, 1683, 29901, 13, 9651, 18781, 404, 29918, 29916, 29918, 3167, 353, 29871, 29900, 13, 308, 13, 4706, 565, 1741, 29889, 1853, 1275, 22028, 29889, 6720, 17171, 29933, 2692, 29911, 1164, 3970, 16048, 29901, 13, 9651, 11484, 353, 5852, 13, 4706, 1683, 29901, 13, 9651, 11484, 353, 7700, 13, 13, 1678, 22028, 29889, 4990, 29889, 5504, 580, 13, 13, 2272, 11802, 29889, 28358, 580, 2 ]
functions/aurora_check_status.py
aws-samples/aws-stepfunctions-aurora-clone
7
14346
import boto3 client = boto3.client('rds') def lambda_handler(event, context): target_db_cluster_identifier=event['TargetDBClusterIdentifier'] payload = event.copy() try: response = client.describe_db_clusters(DBClusterIdentifier=target_db_cluster_identifier) payload['status'] = response['DBClusters'][0]['Status'] return payload except client.exceptions.DBClusterNotFoundFault as e: print(e) payload['status'] = 'not-found' payload['message'] = 'There is no cluster to remove...' return payload
[ 1, 1053, 289, 3747, 29941, 13, 13, 4645, 353, 289, 3747, 29941, 29889, 4645, 877, 5499, 29879, 1495, 13, 13, 1753, 14013, 29918, 13789, 29898, 3696, 29892, 3030, 1125, 13, 268, 13, 1678, 3646, 29918, 2585, 29918, 19594, 29918, 25378, 29922, 3696, 1839, 8667, 4051, 6821, 5402, 12889, 2033, 13, 268, 13, 1678, 20092, 353, 1741, 29889, 8552, 580, 13, 268, 13, 1678, 1018, 29901, 13, 4706, 2933, 353, 3132, 29889, 2783, 29581, 29918, 2585, 29918, 695, 504, 414, 29898, 4051, 6821, 5402, 12889, 29922, 5182, 29918, 2585, 29918, 19594, 29918, 25378, 29897, 13, 308, 13, 4706, 20092, 1839, 4882, 2033, 353, 2933, 1839, 4051, 6821, 504, 414, 2033, 29961, 29900, 22322, 5709, 2033, 13, 268, 13, 4706, 736, 20092, 13, 308, 13, 1678, 5174, 3132, 29889, 11739, 29879, 29889, 4051, 6821, 5402, 17413, 29943, 1292, 408, 321, 29901, 13, 4706, 1596, 29898, 29872, 29897, 13, 308, 13, 4706, 20092, 1839, 4882, 2033, 353, 525, 1333, 29899, 11940, 29915, 13, 4706, 20092, 1839, 4906, 2033, 353, 525, 8439, 338, 694, 9867, 304, 3349, 856, 29915, 13, 308, 13, 4706, 736, 20092, 13, 2 ]
yolo/evaluate.py
antcc/proyecto-vc
0
188695
import numpy as np import os from .utils.utils import get_yolo_boxes, makedirs def evaluate_full(model, generator, obj_thresh = 0.5, nms_thresh = 0.5, net_h = 416, net_w = 416, save_path = ""): # Predict boxes all_detections, all_annotations = predict_boxes( model, generator, obj_thresh, nms_thresh, net_h, net_w, save_path) # Compute mAP m_ap, ap = evaluate_coco( model, generator, all_detections, all_annotations) return m_ap[0], ap[0] def predict_boxes(model, generator, obj_thresh = 0.5, nms_thresh = 0.5, net_h = 416, net_w = 416, save_path = ""): # gather all detections and annotations all_detections = [[None for i in range(generator.num_classes())] for j in range(generator.size())] all_annotations = [[None for i in range(generator.num_classes())] for j in range(generator.size())] # Open file for output save = len(save_path) > 0 f = None if save: dir_path = os.path.split(save_path)[0] + "/" if not os.path.isdir(dir_path): makedirs(dir_path) f = open(save_path, "w") for i in range(generator.size()): raw_image = [generator.load_image(i)] # Write image name to file if save: f.write("# " + generator.img_filename(i) + "\n") # make the boxes and the labels pred_boxes = get_yolo_boxes(model, raw_image, net_h, net_w, generator.get_anchors(), obj_thresh, nms_thresh)[0] score = np.array([box.get_score() for box in pred_boxes]) pred_labels = np.array([box.label for box in pred_boxes]) if len(pred_boxes) > 0: pred_boxes = np.array([[box.xmin, box.ymin, box.xmax, box.ymax, box.get_score()] for box in pred_boxes]) else: pred_boxes = np.array([[]]) # sort the boxes and the labels according to scores score_sort = np.argsort(-score) pred_labels = pred_labels[score_sort] pred_boxes = pred_boxes[score_sort] # copy detections to all_detections for label in range(generator.num_classes()): all_detections[i][label] = pred_boxes[pred_labels == label, :] # Write detection to file if save: for d in all_detections[i][label]: face_str = '{:.1f} {:.1f} {:.1f} {:.1f} {:f}\n'.format(d[0], d[1], d[2] - d[0], d[3] - d[1], d[4]) f.write(face_str) annotations = generator.load_annotation(i) # copy detections to all_annotations for label in range(generator.num_classes()): all_annotations[i][label] = annotations[annotations[:, 4] == label, :4].copy() return all_detections, all_annotations def evaluate_coco(model, generator, all_detections, all_annotations, iou_start = 0.5, iou_step = 0.05, num_iou = 10): # Avergage AP overmany IoU thresholds iou_thresh_lst = np.array([iou_start + i * iou_step for i in range(num_iou)]) # compute mAP by comparing all detections and all annotations mean_average_precisions = {} average_precisions = {} for label in range(generator.num_classes()): false_positives = [np.zeros((0,)) for j in range(num_iou)] true_positives = [np.zeros((0,)) for j in range(num_iou)] scores = np.zeros((0,)) num_annotations = 0.0 for i in range(generator.size()): detections = all_detections[i][label] annotations = all_annotations[i][label] num_annotations += annotations.shape[0] detected_annotations = [] for d in detections: scores = np.append(scores, d[4]) if annotations.shape[0] == 0: for j in range(num_iou): false_positives[j] = np.append(false_positives[j], 1) true_positives[j] = np.append(true_positives[j], 0) continue overlaps = compute_overlap(np.expand_dims(d, axis=0), annotations) assigned_annotation = np.argmax(overlaps, axis=1) max_overlap = overlaps[0, assigned_annotation] if assigned_annotation in detected_annotations: for j in range(num_iou): false_positives[j] = np.append(false_positives[j], 1) true_positives[j] = np.append(true_positives[j], 0) else: for j, iou_thresh in enumerate(iou_thresh_lst): if max_overlap >= iou_thresh: false_positives[j] = np.append(false_positives[j], 0) true_positives[j] = np.append(true_positives[j], 1) else: false_positives[j] = np.append(false_positives[j], 1) true_positives[j] = np.append(true_positives[j], 0) if (max_overlap >= iou_thresh_lst).any(): detected_annotations.append(assigned_annotation) # no annotations -> AP for this class is 0 (is this correct?) if num_annotations == 0: mean_average_precisions[label] = 0 average_precisions[label] = 0 continue # sort by score indices = np.argsort(-scores) recall = [np.zeros((0,)) for j in range(num_iou)] precision = [np.zeros((0,)) for j in range(num_iou)] average_precision = 0.0 for j in range(num_iou): false_positives[j] = false_positives[j][indices] true_positives[j] = true_positives[j][indices] # compute false positives and true positives false_positives[j] = np.cumsum(false_positives[j]) true_positives[j] = np.cumsum(true_positives[j]) # compute recall and precision recall[j] = true_positives[j] / num_annotations precision[j] = true_positives[j] / np.maximum(true_positives[j] + false_positives[j], np.finfo(np.float64).eps) # compute average precision average_precision = average_precision + compute_ap(recall[j], precision[j]) if j == 0: average_precisions[label] = average_precision mean_average_precisions[label] = average_precision / float(num_iou) return mean_average_precisions, average_precisions def evaluate_pascal(model, generator, all_detections, all_annotations, iou_threshold = 0.5): """ Evaluate a given dataset using a given model. code originally from https://github.com/fizyr/keras-retinanet # Arguments model : The model to evaluate. generator : The generator that represents the dataset to evaluate. iou_threshold : The threshold used to consider when a detection is positive or negative. obj_thresh : The threshold used to distinguish between object and non-object nms_thresh : The threshold used to determine whether two detections are duplicates net_h : The height of the input image to the model, higher value results in better accuracy net_w : The width of the input image to the model save_path : The path to save images with visualized detections to. # Returns A dict mapping class names to mAP scores. """ # compute mAP by comparing all detections and all annotations average_precisions = {} for label in range(generator.num_classes()): false_positives = np.zeros((0,)) true_positives = np.zeros((0,)) scores = np.zeros((0,)) num_annotations = 0.0 for i in range(generator.size()): detections = all_detections[i][label] annotations = all_annotations[i][label] num_annotations += annotations.shape[0] detected_annotations = [] for d in detections: scores = np.append(scores, d[4]) if annotations.shape[0] == 0: false_positives = np.append(false_positives, 1) true_positives = np.append(true_positives, 0) continue overlaps = compute_overlap(np.expand_dims(d, axis=0), annotations) assigned_annotation = np.argmax(overlaps, axis=1) max_overlap = overlaps[0, assigned_annotation] if max_overlap >= iou_threshold and assigned_annotation not in detected_annotations: false_positives = np.append(false_positives, 0) true_positives = np.append(true_positives, 1) detected_annotations.append(assigned_annotation) else: false_positives = np.append(false_positives, 1) true_positives = np.append(true_positives, 0) # no annotations -> AP for this class is 0 (is this correct?) if num_annotations == 0: average_precisions[label] = 0 continue # sort by score indices = np.argsort(-scores) false_positives = false_positives[indices] true_positives = true_positives[indices] # compute false positives and true positives false_positives = np.cumsum(false_positives) true_positives = np.cumsum(true_positives) # compute recall and precision recall = true_positives / num_annotations precision = true_positives / np.maximum(true_positives + false_positives, np.finfo(np.float64).eps) # compute average precision average_precision = compute_ap(recall, precision) average_precisions[label] = average_precision return average_precisions def compute_overlap(a, b): """ Code originally from https://github.com/rbgirshick/py-faster-rcnn. Parameters ---------- a: (N, 4) ndarray of float b: (K, 4) ndarray of float Returns ------- overlaps: (N, K) ndarray of overlap between boxes and query_boxes """ area = (b[:, 2] - b[:, 0]) * (b[:, 3] - b[:, 1]) iw = np.minimum(np.expand_dims(a[:, 2], axis=1), b[:, 2]) - np.maximum(np.expand_dims(a[:, 0], 1), b[:, 0]) ih = np.minimum(np.expand_dims(a[:, 3], axis=1), b[:, 3]) - np.maximum(np.expand_dims(a[:, 1], 1), b[:, 1]) iw = np.maximum(iw, 0) ih = np.maximum(ih, 0) ua = np.expand_dims((a[:, 2] - a[:, 0]) * (a[:, 3] - a[:, 1]), axis=1) + area - iw * ih ua = np.maximum(ua, np.finfo(float).eps) intersection = iw * ih return intersection / ua def compute_ap(recall, precision): """ Compute the average precision, given the recall and precision curves. Code originally from https://github.com/rbgirshick/py-faster-rcnn. # Arguments recall: The recall curve (list). precision: The precision curve (list). # Returns The average precision as computed in py-faster-rcnn. """ # correct AP calculation # first append sentinel values at the end mrec = np.concatenate(([0.], recall, [1.])) mpre = np.concatenate(([0.], precision, [0.])) # compute the precision envelope for i in range(mpre.size - 1, 0, -1): mpre[i - 1] = np.maximum(mpre[i - 1], mpre[i]) # to calculate area under PR curve, look for points # where X axis (recall) changes value i = np.where(mrec[1:] != mrec[:-1])[0] # and sum (\Delta recall) * prec ap = np.sum((mrec[i + 1] - mrec[i]) * mpre[i + 1]) #another way: interpolating r in {0,0.01,0.02,...,1} # ap = 1/101. * np.sum_{r=0,0.01,...,1} (mpre[r]) return ap
[ 1, 1053, 12655, 408, 7442, 13, 5215, 2897, 13, 3166, 869, 13239, 29889, 13239, 1053, 679, 29918, 29891, 3543, 29918, 1884, 267, 29892, 2136, 287, 12935, 13, 13, 1753, 14707, 29918, 8159, 29898, 4299, 29892, 13, 462, 29871, 15299, 29892, 13, 462, 29871, 5446, 29918, 386, 3781, 353, 29871, 29900, 29889, 29945, 29892, 13, 462, 29871, 302, 1516, 29918, 386, 3781, 353, 29871, 29900, 29889, 29945, 29892, 13, 462, 29871, 7787, 29918, 29882, 353, 29871, 29946, 29896, 29953, 29892, 13, 462, 29871, 7787, 29918, 29893, 353, 29871, 29946, 29896, 29953, 29892, 13, 462, 29871, 4078, 29918, 2084, 353, 5124, 1125, 13, 1678, 396, 21099, 919, 16273, 13, 1678, 599, 29918, 29881, 2650, 1953, 29892, 599, 29918, 6735, 800, 353, 8500, 29918, 1884, 267, 29898, 13, 4706, 1904, 29892, 13, 4706, 15299, 29892, 13, 4706, 5446, 29918, 386, 3781, 29892, 13, 4706, 302, 1516, 29918, 386, 3781, 29892, 13, 4706, 7787, 29918, 29882, 29892, 13, 4706, 7787, 29918, 29893, 29892, 13, 4706, 4078, 29918, 2084, 29897, 13, 13, 1678, 396, 11796, 29872, 286, 3301, 13, 1678, 286, 29918, 481, 29892, 3095, 353, 14707, 29918, 29883, 6235, 29898, 13, 4706, 1904, 29892, 13, 4706, 15299, 29892, 13, 4706, 599, 29918, 29881, 2650, 1953, 29892, 13, 4706, 599, 29918, 6735, 800, 29897, 13, 13, 1678, 736, 286, 29918, 481, 29961, 29900, 1402, 3095, 29961, 29900, 29962, 13, 13, 1753, 8500, 29918, 1884, 267, 29898, 4299, 29892, 13, 462, 29871, 15299, 29892, 13, 462, 29871, 5446, 29918, 386, 3781, 353, 29871, 29900, 29889, 29945, 29892, 13, 462, 29871, 302, 1516, 29918, 386, 3781, 353, 29871, 29900, 29889, 29945, 29892, 13, 462, 29871, 7787, 29918, 29882, 353, 29871, 29946, 29896, 29953, 29892, 13, 462, 29871, 7787, 29918, 29893, 353, 29871, 29946, 29896, 29953, 29892, 13, 462, 29871, 4078, 29918, 2084, 353, 5124, 1125, 13, 13, 1678, 396, 11705, 599, 1439, 29872, 1953, 322, 25495, 13, 1678, 599, 29918, 29881, 2650, 1953, 268, 353, 5519, 8516, 363, 474, 297, 3464, 29898, 27959, 29889, 1949, 29918, 13203, 3101, 29962, 363, 432, 297, 3464, 29898, 27959, 29889, 2311, 3101, 29962, 13, 1678, 599, 29918, 6735, 800, 1678, 353, 5519, 8516, 363, 474, 297, 3464, 29898, 27959, 29889, 1949, 29918, 13203, 3101, 29962, 363, 432, 297, 3464, 29898, 27959, 29889, 2311, 3101, 29962, 13, 13, 1678, 396, 4673, 934, 363, 1962, 13, 1678, 4078, 353, 7431, 29898, 7620, 29918, 2084, 29897, 1405, 29871, 29900, 13, 1678, 285, 353, 6213, 13, 1678, 565, 4078, 29901, 13, 4706, 4516, 29918, 2084, 353, 2897, 29889, 2084, 29889, 5451, 29898, 7620, 29918, 2084, 9601, 29900, 29962, 718, 5591, 29908, 13, 4706, 565, 451, 2897, 29889, 2084, 29889, 275, 3972, 29898, 3972, 29918, 2084, 1125, 13, 9651, 2136, 287, 12935, 29898, 3972, 29918, 2084, 29897, 13, 4706, 285, 353, 1722, 29898, 7620, 29918, 2084, 29892, 376, 29893, 1159, 13, 13, 1678, 363, 474, 297, 3464, 29898, 27959, 29889, 2311, 580, 1125, 13, 4706, 10650, 29918, 3027, 353, 518, 27959, 29889, 1359, 29918, 3027, 29898, 29875, 4638, 13, 13, 4706, 396, 14350, 1967, 1024, 304, 934, 13, 4706, 565, 4078, 29901, 13, 9651, 285, 29889, 3539, 14822, 376, 718, 15299, 29889, 2492, 29918, 9507, 29898, 29875, 29897, 718, 6634, 29876, 1159, 13, 13, 4706, 396, 1207, 278, 16273, 322, 278, 11073, 13, 4706, 4450, 29918, 1884, 267, 353, 679, 29918, 29891, 3543, 29918, 1884, 267, 29898, 4299, 29892, 10650, 29918, 3027, 29892, 7787, 29918, 29882, 29892, 7787, 29918, 29893, 29892, 15299, 29889, 657, 29918, 14588, 943, 3285, 5446, 29918, 386, 3781, 29892, 302, 1516, 29918, 386, 3781, 9601, 29900, 29962, 13, 13, 4706, 8158, 353, 7442, 29889, 2378, 4197, 1884, 29889, 657, 29918, 13628, 580, 363, 3800, 297, 4450, 29918, 1884, 267, 2314, 13, 4706, 4450, 29918, 21134, 353, 7442, 29889, 2378, 4197, 1884, 29889, 1643, 363, 3800, 297, 4450, 29918, 1884, 267, 2314, 13, 13, 4706, 565, 7431, 29898, 11965, 29918, 1884, 267, 29897, 1405, 29871, 29900, 29901, 13, 9651, 4450, 29918, 1884, 267, 353, 7442, 29889, 2378, 4197, 29961, 1884, 29889, 29916, 1195, 29892, 3800, 29889, 962, 262, 29892, 3800, 29889, 29916, 3317, 29892, 3800, 29889, 29891, 3317, 29892, 3800, 29889, 657, 29918, 13628, 580, 29962, 363, 3800, 297, 4450, 29918, 1884, 267, 2314, 13, 4706, 1683, 29901, 13, 9651, 4450, 29918, 1884, 267, 353, 7442, 29889, 2378, 4197, 2636, 2314, 13, 13, 4706, 396, 2656, 278, 16273, 322, 278, 11073, 5034, 304, 19435, 13, 4706, 8158, 29918, 6605, 353, 7442, 29889, 5085, 441, 6278, 13628, 29897, 13, 4706, 4450, 29918, 21134, 353, 4450, 29918, 21134, 29961, 13628, 29918, 6605, 29962, 13, 4706, 4450, 29918, 1884, 267, 29871, 353, 4450, 29918, 1884, 267, 29961, 13628, 29918, 6605, 29962, 13, 13, 4706, 396, 3509, 1439, 29872, 1953, 304, 599, 29918, 29881, 2650, 1953, 13, 4706, 363, 3858, 297, 3464, 29898, 27959, 29889, 1949, 29918, 13203, 580, 1125, 13, 9651, 599, 29918, 29881, 2650, 1953, 29961, 29875, 3816, 1643, 29962, 353, 4450, 29918, 1884, 267, 29961, 11965, 29918, 21134, 1275, 3858, 29892, 584, 29962, 13, 13, 9651, 396, 14350, 15326, 304, 934, 13, 9651, 565, 4078, 29901, 13, 18884, 363, 270, 297, 599, 29918, 29881, 2650, 1953, 29961, 29875, 3816, 1643, 5387, 13, 462, 1678, 3700, 29918, 710, 353, 22372, 29901, 29889, 29896, 29888, 29913, 12365, 29889, 29896, 29888, 29913, 12365, 29889, 29896, 29888, 29913, 12365, 29889, 29896, 29888, 29913, 12365, 29888, 1012, 29876, 4286, 4830, 29898, 29881, 29961, 29900, 1402, 270, 29961, 29896, 1402, 270, 29961, 29906, 29962, 448, 270, 29961, 29900, 1402, 270, 29961, 29941, 29962, 448, 270, 29961, 29896, 1402, 270, 29961, 29946, 2314, 13, 462, 1678, 285, 29889, 3539, 29898, 2161, 29918, 710, 29897, 13, 13, 4706, 25495, 353, 15299, 29889, 1359, 29918, 18317, 29898, 29875, 29897, 13, 13, 4706, 396, 3509, 1439, 29872, 1953, 304, 599, 29918, 6735, 800, 13, 4706, 363, 3858, 297, 3464, 29898, 27959, 29889, 1949, 29918, 13203, 580, 1125, 13, 9651, 599, 29918, 6735, 800, 29961, 29875, 3816, 1643, 29962, 353, 25495, 29961, 6735, 800, 7503, 29892, 29871, 29946, 29962, 1275, 3858, 29892, 584, 29946, 1822, 8552, 580, 13, 13, 1678, 736, 599, 29918, 29881, 2650, 1953, 29892, 599, 29918, 6735, 800, 13, 13, 1753, 14707, 29918, 29883, 6235, 29898, 4299, 29892, 13, 462, 15299, 29892, 13, 462, 599, 29918, 29881, 2650, 1953, 29892, 13, 462, 599, 29918, 6735, 800, 29892, 13, 462, 474, 283, 29918, 2962, 353, 29871, 29900, 29889, 29945, 29892, 13, 462, 474, 283, 29918, 10568, 353, 29871, 29900, 29889, 29900, 29945, 29892, 13, 462, 954, 29918, 29875, 283, 353, 29871, 29896, 29900, 1125, 13, 1678, 396, 319, 369, 29887, 482, 12279, 975, 13011, 29871, 22244, 29965, 266, 3781, 3361, 13, 1678, 474, 283, 29918, 386, 3781, 29918, 20155, 353, 7442, 29889, 2378, 4197, 29875, 283, 29918, 2962, 718, 474, 334, 474, 283, 29918, 10568, 363, 474, 297, 3464, 29898, 1949, 29918, 29875, 283, 29897, 2314, 13, 13, 1678, 396, 10272, 286, 3301, 491, 17420, 599, 1439, 29872, 1953, 322, 599, 25495, 13, 1678, 2099, 29918, 12483, 482, 29918, 1457, 3476, 1080, 353, 6571, 13, 1678, 6588, 29918, 1457, 3476, 1080, 353, 6571, 13, 13, 1678, 363, 3858, 297, 3464, 29898, 27959, 29889, 1949, 29918, 13203, 580, 1125, 13, 4706, 2089, 29918, 1066, 277, 3145, 353, 518, 9302, 29889, 3298, 359, 3552, 29900, 29892, 876, 363, 432, 297, 3464, 29898, 1949, 29918, 29875, 283, 4638, 13, 4706, 1565, 29918, 1066, 277, 3145, 29871, 353, 518, 9302, 29889, 3298, 359, 3552, 29900, 29892, 876, 363, 432, 297, 3464, 29898, 1949, 29918, 29875, 283, 4638, 13, 4706, 19435, 3986, 353, 7442, 29889, 3298, 359, 3552, 29900, 29892, 876, 13, 4706, 954, 29918, 6735, 800, 353, 29871, 29900, 29889, 29900, 13, 13, 4706, 363, 474, 297, 3464, 29898, 27959, 29889, 2311, 580, 1125, 13, 9651, 1439, 29872, 1953, 965, 353, 599, 29918, 29881, 2650, 1953, 29961, 29875, 3816, 1643, 29962, 13, 9651, 25495, 3986, 353, 599, 29918, 6735, 800, 29961, 29875, 3816, 1643, 29962, 13, 9651, 954, 29918, 6735, 800, 268, 4619, 25495, 29889, 12181, 29961, 29900, 29962, 13, 9651, 17809, 29918, 6735, 800, 353, 5159, 13, 13, 9651, 363, 270, 297, 1439, 29872, 1953, 29901, 13, 18884, 19435, 353, 7442, 29889, 4397, 29898, 1557, 2361, 29892, 270, 29961, 29946, 2314, 13, 13, 18884, 565, 25495, 29889, 12181, 29961, 29900, 29962, 1275, 29871, 29900, 29901, 13, 462, 1678, 363, 432, 297, 3464, 29898, 1949, 29918, 29875, 283, 1125, 13, 462, 4706, 2089, 29918, 1066, 277, 3145, 29961, 29926, 29962, 353, 7442, 29889, 4397, 29898, 4541, 29918, 1066, 277, 3145, 29961, 29926, 1402, 29871, 29896, 29897, 13, 462, 4706, 1565, 29918, 1066, 277, 3145, 29961, 29926, 29962, 29871, 353, 7442, 29889, 4397, 29898, 3009, 29918, 1066, 277, 3145, 29961, 29926, 1402, 29871, 29900, 29897, 13, 462, 1678, 6773, 13, 13, 18884, 975, 14128, 9651, 353, 10272, 29918, 957, 6984, 29898, 9302, 29889, 18837, 29918, 6229, 29879, 29898, 29881, 29892, 9685, 29922, 29900, 511, 25495, 29897, 13, 18884, 9859, 29918, 18317, 353, 7442, 29889, 1191, 3317, 29898, 957, 14128, 29892, 9685, 29922, 29896, 29897, 13, 18884, 4236, 29918, 957, 6984, 308, 353, 975, 14128, 29961, 29900, 29892, 9859, 29918, 18317, 29962, 13, 13, 18884, 565, 9859, 29918, 18317, 297, 17809, 29918, 6735, 800, 29901, 13, 462, 1678, 363, 432, 297, 3464, 29898, 1949, 29918, 29875, 283, 1125, 13, 462, 4706, 2089, 29918, 1066, 277, 3145, 29961, 29926, 29962, 353, 7442, 29889, 4397, 29898, 4541, 29918, 1066, 277, 3145, 29961, 29926, 1402, 29871, 29896, 29897, 13, 462, 4706, 1565, 29918, 1066, 277, 3145, 29961, 29926, 29962, 29871, 353, 7442, 29889, 4397, 29898, 3009, 29918, 1066, 277, 3145, 29961, 29926, 1402, 29871, 29900, 29897, 13, 18884, 1683, 29901, 13, 462, 1678, 363, 432, 29892, 474, 283, 29918, 386, 3781, 297, 26985, 29898, 29875, 283, 29918, 386, 3781, 29918, 20155, 1125, 13, 462, 4706, 565, 4236, 29918, 957, 6984, 6736, 474, 283, 29918, 386, 3781, 29901, 13, 462, 9651, 2089, 29918, 1066, 277, 3145, 29961, 29926, 29962, 353, 7442, 29889, 4397, 29898, 4541, 29918, 1066, 277, 3145, 29961, 29926, 1402, 29871, 29900, 29897, 13, 462, 9651, 1565, 29918, 1066, 277, 3145, 29961, 29926, 29962, 29871, 353, 7442, 29889, 4397, 29898, 3009, 29918, 1066, 277, 3145, 29961, 29926, 1402, 29871, 29896, 29897, 13, 462, 4706, 1683, 29901, 13, 462, 9651, 2089, 29918, 1066, 277, 3145, 29961, 29926, 29962, 353, 7442, 29889, 4397, 29898, 4541, 29918, 1066, 277, 3145, 29961, 29926, 1402, 29871, 29896, 29897, 13, 462, 9651, 1565, 29918, 1066, 277, 3145, 29961, 29926, 29962, 29871, 353, 7442, 29889, 4397, 29898, 3009, 29918, 1066, 277, 3145, 29961, 29926, 1402, 29871, 29900, 29897, 13, 462, 1678, 565, 313, 3317, 29918, 957, 6984, 6736, 474, 283, 29918, 386, 3781, 29918, 20155, 467, 1384, 7295, 13, 462, 4706, 17809, 29918, 6735, 800, 29889, 4397, 29898, 465, 12961, 29918, 18317, 29897, 13, 13, 4706, 396, 694, 25495, 1599, 12279, 363, 445, 770, 338, 29871, 29900, 313, 275, 445, 1959, 7897, 13, 4706, 565, 954, 29918, 6735, 800, 1275, 29871, 29900, 29901, 13, 9651, 2099, 29918, 12483, 482, 29918, 1457, 3476, 1080, 29961, 1643, 29962, 353, 29871, 29900, 13, 9651, 6588, 29918, 1457, 3476, 1080, 29961, 1643, 29962, 353, 29871, 29900, 13, 9651, 6773, 13, 13, 4706, 396, 2656, 491, 8158, 13, 4706, 16285, 353, 7442, 29889, 5085, 441, 6278, 1557, 2361, 29897, 13, 4706, 17386, 353, 518, 9302, 29889, 3298, 359, 3552, 29900, 29892, 876, 363, 432, 297, 3464, 29898, 1949, 29918, 29875, 283, 4638, 13, 4706, 16716, 353, 518, 9302, 29889, 3298, 359, 3552, 29900, 29892, 876, 363, 432, 297, 3464, 29898, 1949, 29918, 29875, 283, 4638, 13, 4706, 6588, 29918, 17990, 2459, 353, 29871, 29900, 29889, 29900, 13, 4706, 363, 432, 297, 3464, 29898, 1949, 29918, 29875, 283, 1125, 13, 9651, 2089, 29918, 1066, 277, 3145, 29961, 29926, 29962, 353, 2089, 29918, 1066, 277, 3145, 29961, 29926, 3816, 513, 1575, 29962, 13, 9651, 1565, 29918, 1066, 277, 3145, 29961, 29926, 29962, 29871, 353, 1565, 29918, 1066, 277, 3145, 29961, 29926, 3816, 513, 1575, 29962, 13, 13, 9651, 396, 10272, 2089, 13686, 3145, 322, 1565, 13686, 3145, 13, 9651, 2089, 29918, 1066, 277, 3145, 29961, 29926, 29962, 353, 7442, 29889, 29883, 398, 2083, 29898, 4541, 29918, 1066, 277, 3145, 29961, 29926, 2314, 13, 9651, 1565, 29918, 1066, 277, 3145, 29961, 29926, 29962, 29871, 353, 7442, 29889, 29883, 398, 2083, 29898, 3009, 29918, 1066, 277, 3145, 29961, 29926, 2314, 13, 13, 9651, 396, 10272, 17386, 322, 16716, 13, 9651, 17386, 29961, 29926, 29962, 1678, 353, 1565, 29918, 1066, 277, 3145, 29961, 29926, 29962, 847, 954, 29918, 6735, 800, 13, 9651, 16716, 29961, 29926, 29962, 353, 1565, 29918, 1066, 277, 3145, 29961, 29926, 29962, 847, 7442, 29889, 27525, 398, 29898, 3009, 29918, 1066, 277, 3145, 29961, 29926, 29962, 718, 2089, 29918, 1066, 277, 3145, 29961, 29926, 1402, 7442, 29889, 29888, 3888, 29898, 9302, 29889, 7411, 29953, 29946, 467, 8961, 29897, 13, 13, 9651, 396, 10272, 6588, 16716, 13, 9651, 6588, 29918, 17990, 2459, 353, 6588, 29918, 17990, 2459, 718, 10272, 29918, 481, 29898, 3757, 497, 29961, 29926, 1402, 16716, 29961, 29926, 2314, 13, 13, 9651, 565, 432, 1275, 29871, 29900, 29901, 13, 18884, 6588, 29918, 1457, 3476, 1080, 29961, 1643, 29962, 353, 6588, 29918, 17990, 2459, 13, 13, 4706, 2099, 29918, 12483, 482, 29918, 1457, 3476, 1080, 29961, 1643, 29962, 353, 6588, 29918, 17990, 2459, 847, 5785, 29898, 1949, 29918, 29875, 283, 29897, 13, 13, 1678, 736, 2099, 29918, 12483, 482, 29918, 1457, 3476, 1080, 29892, 6588, 29918, 1457, 3476, 1080, 13, 13, 1753, 14707, 29918, 18182, 1052, 29898, 4299, 29892, 13, 462, 1678, 15299, 29892, 13, 462, 1678, 599, 29918, 29881, 2650, 1953, 29892, 13, 462, 1678, 599, 29918, 6735, 800, 29892, 13, 462, 1678, 474, 283, 29918, 386, 12268, 353, 29871, 29900, 29889, 29945, 1125, 13, 1678, 9995, 382, 4387, 403, 263, 2183, 8783, 773, 263, 2183, 1904, 29889, 13, 1678, 775, 10437, 515, 2045, 597, 3292, 29889, 510, 29914, 29888, 466, 4316, 29914, 3946, 294, 29899, 2267, 262, 273, 300, 13, 13, 1678, 396, 11842, 9331, 13, 4706, 1904, 965, 584, 450, 1904, 304, 14707, 29889, 13, 4706, 15299, 539, 584, 450, 15299, 393, 11524, 278, 8783, 304, 14707, 29889, 13, 4706, 474, 283, 29918, 386, 12268, 259, 584, 450, 16897, 1304, 304, 2050, 746, 263, 15326, 338, 6374, 470, 8178, 29889, 13, 4706, 5446, 29918, 386, 3781, 418, 584, 450, 16897, 1304, 304, 20820, 1546, 1203, 322, 1661, 29899, 3318, 13, 4706, 302, 1516, 29918, 386, 3781, 418, 584, 450, 16897, 1304, 304, 8161, 3692, 1023, 1439, 29872, 1953, 526, 20955, 13, 4706, 7787, 29918, 29882, 965, 584, 450, 3171, 310, 278, 1881, 1967, 304, 278, 1904, 29892, 6133, 995, 2582, 297, 2253, 13600, 13, 4706, 7787, 29918, 29893, 965, 584, 450, 2920, 310, 278, 1881, 1967, 304, 278, 1904, 13, 4706, 4078, 29918, 2084, 539, 584, 450, 2224, 304, 4078, 4558, 411, 7604, 1891, 1439, 29872, 1953, 304, 29889, 13, 1678, 396, 16969, 13, 4706, 319, 9657, 10417, 770, 2983, 304, 286, 3301, 19435, 29889, 13, 1678, 9995, 13, 13, 1678, 396, 10272, 286, 3301, 491, 17420, 599, 1439, 29872, 1953, 322, 599, 25495, 13, 1678, 6588, 29918, 1457, 3476, 1080, 353, 6571, 13, 13, 1678, 363, 3858, 297, 3464, 29898, 27959, 29889, 1949, 29918, 13203, 580, 1125, 13, 4706, 2089, 29918, 1066, 277, 3145, 353, 7442, 29889, 3298, 359, 3552, 29900, 29892, 876, 13, 4706, 1565, 29918, 1066, 277, 3145, 29871, 353, 7442, 29889, 3298, 359, 3552, 29900, 29892, 876, 13, 4706, 19435, 3986, 353, 7442, 29889, 3298, 359, 3552, 29900, 29892, 876, 13, 4706, 954, 29918, 6735, 800, 353, 29871, 29900, 29889, 29900, 13, 13, 4706, 363, 474, 297, 3464, 29898, 27959, 29889, 2311, 580, 1125, 13, 9651, 1439, 29872, 1953, 965, 353, 599, 29918, 29881, 2650, 1953, 29961, 29875, 3816, 1643, 29962, 13, 9651, 25495, 3986, 353, 599, 29918, 6735, 800, 29961, 29875, 3816, 1643, 29962, 13, 9651, 954, 29918, 6735, 800, 268, 4619, 25495, 29889, 12181, 29961, 29900, 29962, 13, 9651, 17809, 29918, 6735, 800, 353, 5159, 13, 13, 9651, 363, 270, 297, 1439, 29872, 1953, 29901, 13, 18884, 19435, 353, 7442, 29889, 4397, 29898, 1557, 2361, 29892, 270, 29961, 29946, 2314, 13, 13, 18884, 565, 25495, 29889, 12181, 29961, 29900, 29962, 1275, 29871, 29900, 29901, 13, 462, 1678, 2089, 29918, 1066, 277, 3145, 353, 7442, 29889, 4397, 29898, 4541, 29918, 1066, 277, 3145, 29892, 29871, 29896, 29897, 13, 462, 1678, 1565, 29918, 1066, 277, 3145, 29871, 353, 7442, 29889, 4397, 29898, 3009, 29918, 1066, 277, 3145, 29892, 29871, 29900, 29897, 13, 462, 1678, 6773, 13, 13, 18884, 975, 14128, 9651, 353, 10272, 29918, 957, 6984, 29898, 9302, 29889, 18837, 29918, 6229, 29879, 29898, 29881, 29892, 9685, 29922, 29900, 511, 25495, 29897, 13, 18884, 9859, 29918, 18317, 353, 7442, 29889, 1191, 3317, 29898, 957, 14128, 29892, 9685, 29922, 29896, 29897, 13, 18884, 4236, 29918, 957, 6984, 308, 353, 975, 14128, 29961, 29900, 29892, 9859, 29918, 18317, 29962, 13, 13, 18884, 565, 4236, 29918, 957, 6984, 6736, 474, 283, 29918, 386, 12268, 322, 9859, 29918, 18317, 451, 297, 17809, 29918, 6735, 800, 29901, 13, 462, 1678, 2089, 29918, 1066, 277, 3145, 353, 7442, 29889, 4397, 29898, 4541, 29918, 1066, 277, 3145, 29892, 29871, 29900, 29897, 13, 462, 1678, 1565, 29918, 1066, 277, 3145, 29871, 353, 7442, 29889, 4397, 29898, 3009, 29918, 1066, 277, 3145, 29892, 29871, 29896, 29897, 13, 462, 1678, 17809, 29918, 6735, 800, 29889, 4397, 29898, 465, 12961, 29918, 18317, 29897, 13, 18884, 1683, 29901, 13, 462, 1678, 2089, 29918, 1066, 277, 3145, 353, 7442, 29889, 4397, 29898, 4541, 29918, 1066, 277, 3145, 29892, 29871, 29896, 29897, 13, 462, 1678, 1565, 29918, 1066, 277, 3145, 29871, 353, 7442, 29889, 4397, 29898, 3009, 29918, 1066, 277, 3145, 29892, 29871, 29900, 29897, 13, 13, 4706, 396, 694, 25495, 1599, 12279, 363, 445, 770, 338, 29871, 29900, 313, 275, 445, 1959, 7897, 13, 4706, 565, 954, 29918, 6735, 800, 1275, 29871, 29900, 29901, 13, 9651, 6588, 29918, 1457, 3476, 1080, 29961, 1643, 29962, 353, 29871, 29900, 13, 9651, 6773, 13, 13, 4706, 396, 2656, 491, 8158, 13, 4706, 16285, 308, 353, 7442, 29889, 5085, 441, 6278, 1557, 2361, 29897, 13, 4706, 2089, 29918, 1066, 277, 3145, 353, 2089, 29918, 1066, 277, 3145, 29961, 513, 1575, 29962, 13, 4706, 1565, 29918, 1066, 277, 3145, 29871, 353, 1565, 29918, 1066, 277, 3145, 29961, 513, 1575, 29962, 13, 13, 4706, 396, 10272, 2089, 13686, 3145, 322, 1565, 13686, 3145, 13, 4706, 2089, 29918, 1066, 277, 3145, 353, 7442, 29889, 29883, 398, 2083, 29898, 4541, 29918, 1066, 277, 3145, 29897, 13, 4706, 1565, 29918, 1066, 277, 3145, 29871, 353, 7442, 29889, 29883, 398, 2083, 29898, 3009, 29918, 1066, 277, 3145, 29897, 13, 13, 4706, 396, 10272, 17386, 322, 16716, 13, 4706, 17386, 1678, 353, 1565, 29918, 1066, 277, 3145, 847, 954, 29918, 6735, 800, 13, 4706, 16716, 353, 1565, 29918, 1066, 277, 3145, 847, 7442, 29889, 27525, 398, 29898, 3009, 29918, 1066, 277, 3145, 718, 2089, 29918, 1066, 277, 3145, 29892, 7442, 29889, 29888, 3888, 29898, 9302, 29889, 7411, 29953, 29946, 467, 8961, 29897, 13, 13, 4706, 396, 10272, 6588, 16716, 13, 4706, 6588, 29918, 17990, 2459, 29871, 353, 10272, 29918, 481, 29898, 3757, 497, 29892, 16716, 29897, 13, 4706, 6588, 29918, 1457, 3476, 1080, 29961, 1643, 29962, 353, 6588, 29918, 17990, 2459, 13, 13, 1678, 736, 6588, 29918, 1457, 3476, 1080, 13, 13, 1753, 10272, 29918, 957, 6984, 29898, 29874, 29892, 289, 1125, 13, 1678, 9995, 13, 1678, 5920, 10437, 515, 2045, 597, 3292, 29889, 510, 29914, 6050, 29887, 381, 845, 860, 29914, 2272, 29899, 29888, 1901, 29899, 2214, 15755, 29889, 13, 1678, 12662, 2699, 13, 1678, 448, 1378, 29899, 13, 1678, 263, 29901, 313, 29940, 29892, 29871, 29946, 29897, 29871, 299, 2378, 310, 5785, 13, 1678, 289, 29901, 313, 29968, 29892, 29871, 29946, 29897, 29871, 299, 2378, 310, 5785, 13, 1678, 16969, 13, 1678, 448, 22158, 13, 1678, 975, 14128, 29901, 313, 29940, 29892, 476, 29897, 29871, 299, 2378, 310, 25457, 1546, 16273, 322, 2346, 29918, 1884, 267, 13, 1678, 9995, 13, 1678, 4038, 353, 313, 29890, 7503, 29892, 29871, 29906, 29962, 448, 289, 7503, 29892, 29871, 29900, 2314, 334, 313, 29890, 7503, 29892, 29871, 29941, 29962, 448, 289, 7503, 29892, 29871, 29896, 2314, 13, 13, 1678, 474, 29893, 353, 7442, 29889, 1195, 12539, 29898, 9302, 29889, 18837, 29918, 6229, 29879, 29898, 29874, 7503, 29892, 29871, 29906, 1402, 9685, 29922, 29896, 511, 289, 7503, 29892, 29871, 29906, 2314, 448, 7442, 29889, 27525, 398, 29898, 9302, 29889, 18837, 29918, 6229, 29879, 29898, 29874, 7503, 29892, 29871, 29900, 1402, 29871, 29896, 511, 289, 7503, 29892, 29871, 29900, 2314, 13, 1678, 4686, 353, 7442, 29889, 1195, 12539, 29898, 9302, 29889, 18837, 29918, 6229, 29879, 29898, 29874, 7503, 29892, 29871, 29941, 1402, 9685, 29922, 29896, 511, 289, 7503, 29892, 29871, 29941, 2314, 448, 7442, 29889, 27525, 398, 29898, 9302, 29889, 18837, 29918, 6229, 29879, 29898, 29874, 7503, 29892, 29871, 29896, 1402, 29871, 29896, 511, 289, 7503, 29892, 29871, 29896, 2314, 13, 13, 1678, 474, 29893, 353, 7442, 29889, 27525, 398, 29898, 9429, 29892, 29871, 29900, 29897, 13, 1678, 4686, 353, 7442, 29889, 27525, 398, 29898, 4861, 29892, 29871, 29900, 29897, 13, 13, 1678, 318, 29874, 353, 7442, 29889, 18837, 29918, 6229, 29879, 3552, 29874, 7503, 29892, 29871, 29906, 29962, 448, 263, 7503, 29892, 29871, 29900, 2314, 334, 313, 29874, 7503, 29892, 29871, 29941, 29962, 448, 263, 7503, 29892, 29871, 29896, 11724, 9685, 29922, 29896, 29897, 718, 4038, 448, 474, 29893, 334, 4686, 13, 13, 1678, 318, 29874, 353, 7442, 29889, 27525, 398, 29898, 3357, 29892, 7442, 29889, 29888, 3888, 29898, 7411, 467, 8961, 29897, 13, 13, 1678, 17686, 353, 474, 29893, 334, 4686, 13, 13, 1678, 736, 17686, 847, 318, 29874, 13, 13, 1753, 10272, 29918, 481, 29898, 3757, 497, 29892, 16716, 1125, 13, 1678, 9995, 11796, 29872, 278, 6588, 16716, 29892, 2183, 278, 17386, 322, 16716, 19684, 29889, 13, 1678, 5920, 10437, 515, 2045, 597, 3292, 29889, 510, 29914, 6050, 29887, 381, 845, 860, 29914, 2272, 29899, 29888, 1901, 29899, 2214, 15755, 29889, 13, 13, 1678, 396, 11842, 9331, 13, 4706, 17386, 29901, 1678, 450, 17386, 11672, 313, 1761, 467, 13, 4706, 16716, 29901, 450, 16716, 11672, 313, 1761, 467, 13, 1678, 396, 16969, 13, 4706, 450, 6588, 16716, 408, 15712, 297, 11451, 29899, 29888, 1901, 29899, 2214, 15755, 29889, 13, 1678, 9995, 13, 1678, 396, 1959, 12279, 13944, 13, 1678, 396, 937, 9773, 2665, 262, 295, 1819, 472, 278, 1095, 13, 1678, 286, 3757, 353, 7442, 29889, 535, 29883, 2579, 403, 3552, 29961, 29900, 29889, 1402, 17386, 29892, 518, 29896, 5586, 876, 13, 1678, 286, 1457, 353, 7442, 29889, 535, 29883, 2579, 403, 3552, 29961, 29900, 29889, 1402, 16716, 29892, 518, 29900, 5586, 876, 13, 13, 1678, 396, 10272, 278, 16716, 427, 21367, 13, 1678, 363, 474, 297, 3464, 29898, 29885, 1457, 29889, 2311, 448, 29871, 29896, 29892, 29871, 29900, 29892, 448, 29896, 1125, 13, 4706, 286, 1457, 29961, 29875, 448, 29871, 29896, 29962, 353, 7442, 29889, 27525, 398, 29898, 29885, 1457, 29961, 29875, 448, 29871, 29896, 1402, 286, 1457, 29961, 29875, 2314, 13, 13, 1678, 396, 304, 8147, 4038, 1090, 12089, 11672, 29892, 1106, 363, 3291, 13, 1678, 396, 988, 1060, 9685, 313, 3757, 497, 29897, 3620, 995, 13, 1678, 474, 353, 7442, 29889, 3062, 29898, 29885, 3757, 29961, 29896, 17531, 2804, 286, 3757, 7503, 29899, 29896, 2314, 29961, 29900, 29962, 13, 13, 1678, 396, 322, 2533, 3441, 5268, 17386, 29897, 334, 8303, 13, 1678, 3095, 353, 7442, 29889, 2083, 3552, 29885, 3757, 29961, 29875, 718, 29871, 29896, 29962, 448, 286, 3757, 29961, 29875, 2314, 334, 286, 1457, 29961, 29875, 718, 29871, 29896, 2314, 13, 13, 1678, 396, 23327, 982, 29901, 20064, 1218, 364, 297, 426, 29900, 29892, 29900, 29889, 29900, 29896, 29892, 29900, 29889, 29900, 29906, 27062, 29896, 29913, 13, 1678, 396, 3095, 353, 29871, 29896, 29914, 29896, 29900, 29896, 29889, 334, 7442, 29889, 2083, 648, 29878, 29922, 29900, 29892, 29900, 29889, 29900, 29896, 27062, 29896, 29913, 313, 29885, 1457, 29961, 29878, 2314, 13, 13, 1678, 736, 3095, 13, 2 ]
dataset_toolkit/Export/AbstractExport.py
PeloriTech/DatasetToolkit
0
118040
from abc import ABC, abstractmethod from dataset_toolkit.Model.AnnotationModel import AnnotationModel class AbstractExport(ABC): @abstractmethod def start(self): pass @abstractmethod def append(self, new_dataset_dir: str, new_annotations_dir: str, annotation_model: AnnotationModel, new_annotation_filename: str): pass @abstractmethod def close(self): pass
[ 1, 515, 25638, 1053, 16417, 29892, 9846, 5696, 13, 13, 3166, 8783, 29918, 10154, 7354, 29889, 3195, 29889, 21978, 3195, 1053, 530, 16666, 3195, 13, 13, 13, 1990, 25513, 26382, 29898, 19658, 1125, 13, 13, 1678, 732, 16595, 5696, 13, 1678, 822, 1369, 29898, 1311, 1125, 13, 4706, 1209, 13, 13, 1678, 732, 16595, 5696, 13, 1678, 822, 9773, 29898, 1311, 29892, 716, 29918, 24713, 29918, 3972, 29901, 851, 29892, 716, 29918, 6735, 800, 29918, 3972, 29901, 851, 29892, 13, 1669, 17195, 29918, 4299, 29901, 530, 16666, 3195, 29892, 716, 29918, 18317, 29918, 9507, 29901, 851, 1125, 13, 4706, 1209, 13, 13, 1678, 732, 16595, 5696, 13, 1678, 822, 3802, 29898, 1311, 1125, 13, 4706, 1209, 2 ]
tests/test_main.py
JD-ETH/CompilerGym
0
193875
# 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 os import sys from typing import List, Optional import gym import pytest import compiler_gym # noqa Register environments. def main( extra_pytest_args: Optional[List[str]] = None, verbose_service_logging: bool = True ): """The main entry point for the pytest runner. An example file which uses this: from compiler_gym.util.test_main import main def test_foo(): assert 1 + 1 == 2 if __name__ == "__main__": main() In the above, the single test_foo test will be executed. :param extra_pytest_args: A list of additional command line options to pass to pytest. :param verbose_service_logging: Whether to enable verbose CompilerGym service logging, useful for debugging failing tests. """ # Use isolated data directories for running tests. os.environ["COMPILER_GYM_SITE_DATA"] = "/tmp/compiler_gym/tests/site_data" os.environ["COMPILER_GYM_CACHE"] = "/tmp/compiler_gym/tests/cache" # Install some benchmarks for the LLVM environment as otherwise # reset() will fail. env = gym.make("llvm-v0") try: env.require_dataset("cBench-v0") finally: env.close() # Use verbose backend debugging when running tests. If a test fails, the debugging # output will be included in the captured stderr. if verbose_service_logging: os.environ["COMPILER_GYM_SERVICE_DEBUG"] = "1" pytest_args = sys.argv + ["-vv"] # Support for sharding. If a py_test target has the shard_count attribute # set (in the range [1,50]), then the pytest-shard module is used to divide # the tests among the shards. See https://pypi.org/project/pytest-shard/ sharded_test = os.environ.get("TEST_TOTAL_SHARDS") if sharded_test: num_shards = int(os.environ["TEST_TOTAL_SHARDS"]) shard_index = int(os.environ["TEST_SHARD_INDEX"]) pytest_args += [f"--shard-id={shard_index}", f"--num-shards={num_shards}"] else: pytest_args += ["-p", "no:pytest-shard"] pytest_args += extra_pytest_args or [] sys.exit(pytest.main(pytest_args))
[ 1, 396, 14187, 1266, 313, 29883, 29897, 13327, 29892, 9266, 29889, 322, 967, 23736, 1078, 29889, 13, 29937, 13, 29937, 910, 2752, 775, 338, 7794, 21144, 1090, 278, 341, 1806, 19405, 1476, 297, 278, 13, 29937, 365, 2965, 1430, 1660, 934, 297, 278, 3876, 3884, 310, 445, 2752, 5447, 29889, 13, 5215, 2897, 13, 5215, 10876, 13, 3166, 19229, 1053, 2391, 29892, 28379, 13, 13, 5215, 330, 962, 13, 5215, 11451, 1688, 13, 13, 5215, 6516, 29918, 29887, 962, 29871, 396, 694, 25621, 12577, 23136, 29889, 13, 13, 13, 1753, 1667, 29898, 13, 1678, 4805, 29918, 2272, 1688, 29918, 5085, 29901, 28379, 29961, 1293, 29961, 710, 5262, 353, 6213, 29892, 26952, 29918, 5509, 29918, 21027, 29901, 6120, 353, 5852, 13, 1125, 13, 1678, 9995, 1576, 1667, 6251, 1298, 363, 278, 11451, 1688, 28877, 29889, 13, 13, 1678, 530, 1342, 934, 607, 3913, 445, 29901, 13, 13, 4706, 515, 6516, 29918, 29887, 962, 29889, 4422, 29889, 1688, 29918, 3396, 1053, 1667, 13, 13, 4706, 822, 1243, 29918, 5431, 7295, 13, 9651, 4974, 29871, 29896, 718, 29871, 29896, 1275, 29871, 29906, 13, 13, 4706, 565, 4770, 978, 1649, 1275, 376, 1649, 3396, 1649, 1115, 13, 9651, 1667, 580, 13, 13, 1678, 512, 278, 2038, 29892, 278, 2323, 1243, 29918, 5431, 1243, 674, 367, 8283, 29889, 13, 13, 1678, 584, 3207, 4805, 29918, 2272, 1688, 29918, 5085, 29901, 319, 1051, 310, 5684, 1899, 1196, 3987, 304, 1209, 13, 4706, 304, 11451, 1688, 29889, 13, 1678, 584, 3207, 26952, 29918, 5509, 29918, 21027, 29901, 26460, 304, 9025, 26952, 3831, 3955, 29954, 962, 13, 4706, 2669, 12183, 29892, 5407, 363, 13490, 17581, 6987, 29889, 13, 1678, 9995, 13, 1678, 396, 4803, 23968, 848, 17525, 363, 2734, 6987, 29889, 13, 1678, 2897, 29889, 21813, 3366, 19795, 2227, 29931, 1001, 29918, 29954, 29979, 29924, 29918, 29903, 9094, 29918, 14573, 3108, 353, 5591, 7050, 29914, 21789, 29918, 29887, 962, 29914, 21150, 29914, 2746, 29918, 1272, 29908, 13, 1678, 2897, 29889, 21813, 3366, 19795, 2227, 29931, 1001, 29918, 29954, 29979, 29924, 29918, 29907, 2477, 9606, 3108, 353, 5591, 7050, 29914, 21789, 29918, 29887, 962, 29914, 21150, 29914, 8173, 29908, 13, 13, 1678, 396, 16052, 777, 23513, 29879, 363, 278, 27624, 9219, 5177, 408, 6467, 13, 1678, 396, 10092, 580, 674, 4418, 29889, 13, 1678, 8829, 353, 330, 962, 29889, 5675, 703, 645, 6925, 29899, 29894, 29900, 1159, 13, 1678, 1018, 29901, 13, 4706, 8829, 29889, 12277, 29918, 24713, 703, 29883, 20841, 305, 29899, 29894, 29900, 1159, 13, 1678, 7146, 29901, 13, 4706, 8829, 29889, 5358, 580, 13, 13, 1678, 396, 4803, 26952, 14998, 13490, 746, 2734, 6987, 29889, 960, 263, 1243, 8465, 29892, 278, 13490, 13, 1678, 396, 1962, 674, 367, 5134, 297, 278, 15468, 380, 20405, 29889, 13, 1678, 565, 26952, 29918, 5509, 29918, 21027, 29901, 13, 4706, 2897, 29889, 21813, 3366, 19795, 2227, 29931, 1001, 29918, 29954, 29979, 29924, 29918, 6304, 19059, 29918, 18525, 3108, 353, 376, 29896, 29908, 13, 13, 1678, 11451, 1688, 29918, 5085, 353, 10876, 29889, 19218, 718, 6796, 29899, 29894, 29894, 3108, 13, 1678, 396, 18601, 363, 528, 20272, 29889, 960, 263, 11451, 29918, 1688, 3646, 756, 278, 528, 538, 29918, 2798, 5352, 13, 1678, 396, 731, 313, 262, 278, 3464, 518, 29896, 29892, 29945, 29900, 11724, 769, 278, 11451, 1688, 29899, 845, 538, 3883, 338, 1304, 304, 16429, 13, 1678, 396, 278, 6987, 4249, 278, 528, 3163, 29889, 2823, 2045, 597, 29886, 1478, 29875, 29889, 990, 29914, 4836, 29914, 2272, 1688, 29899, 845, 538, 29914, 13, 1678, 528, 25600, 29918, 1688, 353, 2897, 29889, 21813, 29889, 657, 703, 18267, 29918, 29911, 2891, 1964, 29918, 7068, 1718, 8452, 1159, 13, 1678, 565, 528, 25600, 29918, 1688, 29901, 13, 4706, 954, 29918, 845, 3163, 353, 938, 29898, 359, 29889, 21813, 3366, 18267, 29918, 29911, 2891, 1964, 29918, 7068, 1718, 8452, 20068, 13, 4706, 528, 538, 29918, 2248, 353, 938, 29898, 359, 29889, 21813, 3366, 18267, 29918, 7068, 17011, 29918, 27992, 20068, 13, 4706, 11451, 1688, 29918, 5085, 4619, 518, 29888, 29908, 489, 845, 538, 29899, 333, 3790, 845, 538, 29918, 2248, 17671, 285, 29908, 489, 1949, 29899, 845, 3163, 3790, 1949, 29918, 845, 3163, 29913, 3108, 13, 1678, 1683, 29901, 13, 4706, 11451, 1688, 29918, 5085, 4619, 6796, 29899, 29886, 613, 376, 1217, 29901, 2272, 1688, 29899, 845, 538, 3108, 13, 13, 1678, 11451, 1688, 29918, 5085, 4619, 4805, 29918, 2272, 1688, 29918, 5085, 470, 5159, 13, 13, 1678, 10876, 29889, 13322, 29898, 2272, 1688, 29889, 3396, 29898, 2272, 1688, 29918, 5085, 876, 13, 2 ]
AcdUtilLib.py
fermi-lat/AcdUtil
0
62084
# $Header: /nfs/slac/g/glast/ground/cvs/GlastRelease-scons/AcdUtil/AcdUtilLib.py,v 1.4 2009/08/08 01:08:04 jrb Exp $ def generate(env, **kw): if not kw.get('depsOnly', 0): env.Tool('addLibrary', library = ['AcdUtil']) if env['PLATFORM'] == 'win32': env.Tool('findPkgPath', package = 'AcdUtil') env.Tool('addLibrary', library = ['AcdUtilCommon']) env.Tool('CalibDataLib') env.Tool('geometryLib') env.Tool('xmlBaseLib') env.Tool('rdbModelLib') env.Tool('calibUtilLib') env.Tool('EventLib') env.Tool('GlastSvcLib') env.Tool('mootCoreLib') env.Tool('facilitiesLib') env.Tool('addLibrary', library = env['gaudiLibs']) env.Tool('addLibrary', library = env['mysqlLibs']) env.Tool('addLibrary', library = env['clhepLibs']) env.Tool('addLibrary', library = env['cppunitLibs']) env.Tool('addLibrary', library = env['xercesLibs']) if env['PLATFORM']=='win32' and env.get('CONTAINERNAME','')=='GlastRelease': env.Tool('findPkgPath', package='CalibSvc') # only needed for building static lib and compiling TestAcdUtil.cxx if kw.get('incsOnly', 0) == 1: env.Tool('findPkgPath', package = 'GlastSvc') env.Tool('findPkgPath', package = 'idents') env.Tool('findPkgPath', package = 'geometry') env.Tool('findPkgPath', package = 'Event') env.Tool('findPkgPath', package = 'enums') def exists(env): return 1;
[ 1, 396, 395, 7850, 29901, 847, 29876, 5847, 29914, 29879, 4620, 29914, 29887, 29914, 3820, 579, 29914, 2057, 29914, 29883, 4270, 29914, 29954, 4230, 19729, 29899, 29879, 3200, 29914, 29909, 2252, 7270, 29914, 29909, 2252, 7270, 14868, 29889, 2272, 29892, 29894, 29871, 29896, 29889, 29946, 29871, 29906, 29900, 29900, 29929, 29914, 29900, 29947, 29914, 29900, 29947, 29871, 29900, 29896, 29901, 29900, 29947, 29901, 29900, 29946, 432, 6050, 12027, 395, 13, 1753, 5706, 29898, 6272, 29892, 3579, 11022, 1125, 13, 1678, 565, 451, 9049, 29889, 657, 877, 311, 567, 11730, 742, 29871, 29900, 1125, 13, 4706, 8829, 29889, 12229, 877, 1202, 12284, 742, 3489, 353, 6024, 29909, 2252, 7270, 11287, 13, 12, 361, 8829, 1839, 7390, 1299, 19094, 2033, 1275, 525, 5080, 29941, 29906, 2396, 13, 12, 1678, 8829, 29889, 12229, 877, 2886, 29925, 9415, 2605, 742, 3577, 353, 525, 29909, 2252, 7270, 1495, 29871, 13, 1678, 8829, 29889, 12229, 877, 1202, 12284, 742, 3489, 353, 6024, 29909, 2252, 7270, 18877, 11287, 13, 1678, 8829, 29889, 12229, 877, 7856, 747, 1469, 14868, 1495, 13, 1678, 8829, 29889, 12229, 877, 19156, 14868, 1495, 13, 1678, 8829, 29889, 12229, 877, 3134, 5160, 14868, 1495, 13, 1678, 8829, 29889, 12229, 877, 29878, 2585, 3195, 14868, 1495, 13, 1678, 8829, 29889, 12229, 877, 1052, 747, 7270, 14868, 1495, 13, 1678, 8829, 29889, 12229, 877, 2624, 14868, 1495, 13, 1678, 8829, 29889, 12229, 877, 29954, 4230, 29903, 7071, 14868, 1495, 13, 1678, 8829, 29889, 12229, 877, 29885, 3155, 9203, 14868, 1495, 13, 1678, 8829, 29889, 12229, 877, 17470, 9770, 14868, 1495, 13, 1678, 8829, 29889, 12229, 877, 1202, 12284, 742, 3489, 353, 8829, 1839, 3249, 4749, 14868, 29879, 11287, 13, 1678, 8829, 29889, 12229, 877, 1202, 12284, 742, 3489, 353, 8829, 1839, 7938, 14868, 29879, 11287, 13, 1678, 8829, 29889, 12229, 877, 1202, 12284, 742, 3489, 353, 8829, 1839, 695, 354, 29886, 14868, 29879, 11287, 13, 1678, 8829, 29889, 12229, 877, 1202, 12284, 742, 3489, 353, 8829, 1839, 8223, 5441, 14868, 29879, 11287, 13, 1678, 8829, 29889, 12229, 877, 1202, 12284, 742, 3489, 353, 8829, 1839, 29916, 261, 778, 14868, 29879, 11287, 13, 13, 1678, 565, 8829, 1839, 7390, 1299, 19094, 2033, 1360, 29915, 5080, 29941, 29906, 29915, 322, 8829, 29889, 657, 877, 6007, 6040, 1177, 1001, 5813, 3788, 1495, 1360, 29915, 29954, 4230, 19729, 2396, 13, 4706, 8829, 29889, 12229, 877, 2886, 29925, 9415, 2605, 742, 3577, 2433, 7856, 747, 29903, 7071, 1495, 13, 13, 1678, 396, 871, 4312, 363, 5214, 2294, 4303, 322, 22520, 4321, 29909, 2252, 7270, 29889, 29883, 4419, 13, 1678, 565, 9049, 29889, 657, 877, 262, 2395, 11730, 742, 29871, 29900, 29897, 1275, 29871, 29896, 29901, 29871, 13, 4706, 8829, 29889, 12229, 877, 2886, 29925, 9415, 2605, 742, 3577, 353, 525, 29954, 4230, 29903, 7071, 1495, 29871, 13, 4706, 8829, 29889, 12229, 877, 2886, 29925, 9415, 2605, 742, 3577, 353, 525, 16719, 1495, 29871, 13, 4706, 8829, 29889, 12229, 877, 2886, 29925, 9415, 2605, 742, 3577, 353, 525, 19156, 1495, 29871, 13, 4706, 8829, 29889, 12229, 877, 2886, 29925, 9415, 2605, 742, 3577, 353, 525, 2624, 1495, 29871, 13, 4706, 8829, 29889, 12229, 877, 2886, 29925, 9415, 2605, 742, 3577, 353, 525, 264, 6762, 1495, 29871, 13, 13, 1753, 4864, 29898, 6272, 1125, 13, 1678, 736, 29871, 29896, 29936, 13, 2 ]
selfdrive/sensord/rawgps/structs.py
TC921/openpilot
0
2862
from struct import unpack_from, calcsize LOG_GNSS_POSITION_REPORT = 0x1476 LOG_GNSS_GPS_MEASUREMENT_REPORT = 0x1477 LOG_GNSS_CLOCK_REPORT = 0x1478 LOG_GNSS_GLONASS_MEASUREMENT_REPORT = 0x1480 LOG_GNSS_BDS_MEASUREMENT_REPORT = 0x1756 LOG_GNSS_GAL_MEASUREMENT_REPORT = 0x1886 LOG_GNSS_OEMDRE_MEASUREMENT_REPORT = 0x14DE LOG_GNSS_OEMDRE_SVPOLY_REPORT = 0x14E1 LOG_GNSS_ME_DPO_STATUS = 0x1838 LOG_GNSS_CD_DB_REPORT = 0x147B LOG_GNSS_PRX_RF_HW_STATUS_REPORT = 0x147E LOG_CGPS_SLOW_CLOCK_CLIB_REPORT = 0x1488 LOG_GNSS_CONFIGURATION_STATE = 0x1516 glonass_measurement_report = """ uint8_t version; uint32_t f_count; uint8_t glonass_cycle_number; uint16_t glonass_number_of_days; uint32_t milliseconds; float time_bias; float clock_time_uncertainty; float clock_frequency_bias; float clock_frequency_uncertainty; uint8_t sv_count; """ glonass_measurement_report_sv = """ uint8_t sv_id; int8_t frequency_index; uint8_t observation_state; // SVObservationStates uint8_t observations; uint8_t good_observations; uint8_t hemming_error_count; uint8_t filter_stages; uint16_t carrier_noise; int16_t latency; uint8_t predetect_interval; uint16_t postdetections; uint32_t unfiltered_measurement_integral; float unfiltered_measurement_fraction; float unfiltered_time_uncertainty; float unfiltered_speed; float unfiltered_speed_uncertainty; uint32_t measurement_status; uint8_t misc_status; uint32_t multipath_estimate; float azimuth; float elevation; int32_t carrier_phase_cycles_integral; uint16_t carrier_phase_cycles_fraction; float fine_speed; float fine_speed_uncertainty; uint8_t cycle_slip_count; uint32_t pad; """ gps_measurement_report = """ uint8_t version; uint32_t f_count; uint16_t week; uint32_t milliseconds; float time_bias; float clock_time_uncertainty; float clock_frequency_bias; float clock_frequency_uncertainty; uint8_t sv_count; """ gps_measurement_report_sv = """ uint8_t sv_id; uint8_t observation_state; // SVObservationStates uint8_t observations; uint8_t good_observations; uint16_t parity_error_count; uint8_t filter_stages; uint16_t carrier_noise; int16_t latency; uint8_t predetect_interval; uint16_t postdetections; uint32_t unfiltered_measurement_integral; float unfiltered_measurement_fraction; float unfiltered_time_uncertainty; float unfiltered_speed; float unfiltered_speed_uncertainty; uint32_t measurement_status; uint8_t misc_status; uint32_t multipath_estimate; float azimuth; float elevation; int32_t carrier_phase_cycles_integral; uint16_t carrier_phase_cycles_fraction; float fine_speed; float fine_speed_uncertainty; uint8_t cycle_slip_count; uint32_t pad; """ position_report = """ uint8 u_Version; /* Version number of DM log */ uint32 q_Fcount; /* Local millisecond counter */ uint8 u_PosSource; /* Source of position information */ /* 0: None 1: Weighted least-squares 2: Kalman filter 3: Externally injected 4: Internal database */ uint32 q_Reserved1; /* Reserved memory field */ uint16 w_PosVelFlag; /* Position velocity bit field: (see DM log 0x1476 documentation) */ uint32 q_PosVelFlag2; /* Position velocity 2 bit field: (see DM log 0x1476 documentation) */ uint8 u_FailureCode; /* Failure code: (see DM log 0x1476 documentation) */ uint16 w_FixEvents; /* Fix events bit field: (see DM log 0x1476 documentation) */ uint32 _fake_align_week_number; uint16 w_GpsWeekNumber; /* GPS week number of position */ uint32 q_GpsFixTimeMs; /* GPS fix time of week of in milliseconds */ uint8 u_GloNumFourYear; /* Number of Glonass four year cycles */ uint16 w_GloNumDaysInFourYear; /* Glonass calendar day in four year cycle */ uint32 q_GloFixTimeMs; /* Glonass fix time of day in milliseconds */ uint32 q_PosCount; /* Integer count of the number of unique positions reported */ uint64 t_DblFinalPosLatLon[2]; /* Final latitude and longitude of position in radians */ uint32 q_FltFinalPosAlt; /* Final height-above-ellipsoid altitude of position */ uint32 q_FltHeadingRad; /* User heading in radians */ uint32 q_FltHeadingUncRad; /* User heading uncertainty in radians */ uint32 q_FltVelEnuMps[3]; /* User velocity in east, north, up coordinate frame. In meters per second. */ uint32 q_FltVelSigmaMps[3]; /* Gaussian 1-sigma value for east, north, up components of user velocity */ uint32 q_FltClockBiasMeters; /* Receiver clock bias in meters */ uint32 q_FltClockBiasSigmaMeters; /* Gaussian 1-sigma value for receiver clock bias in meters */ uint32 q_FltGGTBMeters; /* GPS to Glonass time bias in meters */ uint32 q_FltGGTBSigmaMeters; /* Gaussian 1-sigma value for GPS to Glonass time bias uncertainty in meters */ uint32 q_FltGBTBMeters; /* GPS to BeiDou time bias in meters */ uint32 q_FltGBTBSigmaMeters; /* Gaussian 1-sigma value for GPS to BeiDou time bias uncertainty in meters */ uint32 q_FltBGTBMeters; /* BeiDou to Glonass time bias in meters */ uint32 q_FltBGTBSigmaMeters; /* Gaussian 1-sigma value for BeiDou to Glonass time bias uncertainty in meters */ uint32 q_FltFiltGGTBMeters; /* Filtered GPS to Glonass time bias in meters */ uint32 q_FltFiltGGTBSigmaMeters; /* Filtered Gaussian 1-sigma value for GPS to Glonass time bias uncertainty in meters */ uint32 q_FltFiltGBTBMeters; /* Filtered GPS to BeiDou time bias in meters */ uint32 q_FltFiltGBTBSigmaMeters; /* Filtered Gaussian 1-sigma value for GPS to BeiDou time bias uncertainty in meters */ uint32 q_FltFiltBGTBMeters; /* Filtered BeiDou to Glonass time bias in meters */ uint32 q_FltFiltBGTBSigmaMeters; /* Filtered Gaussian 1-sigma value for BeiDou to Glonass time bias uncertainty in meters */ uint32 q_FltSftOffsetSec; /* SFT offset as computed by WLS in seconds */ uint32 q_FltSftOffsetSigmaSec; /* Gaussian 1-sigma value for SFT offset in seconds */ uint32 q_FltClockDriftMps; /* Clock drift (clock frequency bias) in meters per second */ uint32 q_FltClockDriftSigmaMps; /* Gaussian 1-sigma value for clock drift in meters per second */ uint32 q_FltFilteredAlt; /* Filtered height-above-ellipsoid altitude in meters as computed by WLS */ uint32 q_FltFilteredAltSigma; /* Gaussian 1-sigma value for filtered height-above-ellipsoid altitude in meters */ uint32 q_FltRawAlt; /* Raw height-above-ellipsoid altitude in meters as computed by WLS */ uint32 q_FltRawAltSigma; /* Gaussian 1-sigma value for raw height-above-ellipsoid altitude in meters */ uint32 align_Flt[14]; uint32 q_FltPdop; /* 3D position dilution of precision as computed from the unweighted uint32 q_FltHdop; /* Horizontal position dilution of precision as computed from the unweighted least-squares covariance matrix */ uint32 q_FltVdop; /* Vertical position dilution of precision as computed from the unweighted least-squares covariance matrix */ uint8 u_EllipseConfidence; /* Statistical measure of the confidence (percentage) associated with the uncertainty ellipse values */ uint32 q_FltEllipseAngle; /* Angle of semimajor axis with respect to true North, with increasing angles moving clockwise from North. In units of degrees. */ uint32 q_FltEllipseSemimajorAxis; /* Semimajor axis of final horizontal position uncertainty error ellipse. In units of meters. */ uint32 q_FltEllipseSemiminorAxis; /* Semiminor axis of final horizontal position uncertainty error ellipse. In units of meters. */ uint32 q_FltPosSigmaVertical; /* Gaussian 1-sigma value for final position height-above-ellipsoid altitude in meters */ uint8 u_HorizontalReliability; /* Horizontal position reliability 0: Not set 1: Very Low 2: Low 3: Medium 4: High */ uint8 u_VerticalReliability; /* Vertical position reliability */ uint16 w_Reserved2; /* Reserved memory field */ uint32 q_FltGnssHeadingRad; /* User heading in radians derived from GNSS only solution */ uint32 q_FltGnssHeadingUncRad; /* User heading uncertainty in radians derived from GNSS only solution */ uint32 q_SensorDataUsageMask; /* Denotes which additional sensor data were used to compute this position fix. BIT[0] 0x00000001 <96> Accelerometer BIT[1] 0x00000002 <96> Gyro 0x0000FFFC - Reserved A bit set to 1 indicates that certain fields as defined by the SENSOR_AIDING_MASK were aided with sensor data*/ uint32 q_SensorAidMask; /* Denotes which component of the position report was assisted with additional sensors defined in SENSOR_DATA_USAGE_MASK BIT[0] 0x00000001 <96> Heading aided with sensor data BIT[1] 0x00000002 <96> Speed aided with sensor data BIT[2] 0x00000004 <96> Position aided with sensor data BIT[3] 0x00000008 <96> Velocity aided with sensor data 0xFFFFFFF0 <96> Reserved */ uint8 u_NumGpsSvsUsed; /* The number of GPS SVs used in the fix */ uint8 u_TotalGpsSvs; /* Total number of GPS SVs detected by searcher, including ones not used in position calculation */ uint8 u_NumGloSvsUsed; /* The number of Glonass SVs used in the fix */ uint8 u_TotalGloSvs; /* Total number of Glonass SVs detected by searcher, including ones not used in position calculation */ uint8 u_NumBdsSvsUsed; /* The number of BeiDou SVs used in the fix */ uint8 u_TotalBdsSvs; /* Total number of BeiDou SVs detected by searcher, including ones not used in position calculation */ """ def name_to_camelcase(nam): ret = [] i = 0 while i < len(nam): if nam[i] == "_": ret.append(nam[i+1].upper()) i += 2 else: ret.append(nam[i]) i += 1 return ''.join(ret) def parse_struct(ss): st = "<" nams = [] for l in ss.strip().split("\n"): typ, nam = l.split(";")[0].split() #print(typ, nam) if typ == "float" or '_Flt' in nam: st += "f" elif typ == "double" or '_Dbl' in nam: st += "d" elif typ in ["uint8", "uint8_t"]: st += "B" elif typ in ["int8", "int8_t"]: st += "b" elif typ in ["uint32", "uint32_t"]: st += "I" elif typ in ["int32", "int32_t"]: st += "i" elif typ in ["uint16", "uint16_t"]: st += "H" elif typ in ["int16", "int16_t"]: st += "h" elif typ == "uint64": st += "Q" else: print("unknown type", typ) assert False if '[' in nam: cnt = int(nam.split("[")[1].split("]")[0]) st += st[-1]*(cnt-1) for i in range(cnt): nams.append("%s[%d]" % (nam.split("[")[0], i)) else: nams.append(nam) return st, nams def dict_unpacker(ss, camelcase = False): st, nams = parse_struct(ss) if camelcase: nams = [name_to_camelcase(x) for x in nams] sz = calcsize(st) return lambda x: dict(zip(nams, unpack_from(st, x))), sz
[ 1, 515, 2281, 1053, 443, 4058, 29918, 3166, 29892, 22235, 2311, 13, 13, 14480, 29918, 20728, 1799, 29918, 24815, 22122, 29918, 1525, 15082, 353, 29871, 29900, 29916, 29896, 29946, 29955, 29953, 13, 14480, 29918, 20728, 1799, 29918, 29954, 7024, 29918, 2303, 3289, 11499, 13780, 29918, 1525, 15082, 353, 29871, 29900, 29916, 29896, 29946, 29955, 29955, 13, 14480, 29918, 20728, 1799, 29918, 29907, 21339, 29918, 1525, 15082, 353, 29871, 29900, 29916, 29896, 29946, 29955, 29947, 13, 14480, 29918, 20728, 1799, 29918, 7239, 1164, 22933, 29918, 2303, 3289, 11499, 13780, 29918, 1525, 15082, 353, 29871, 29900, 29916, 29896, 29946, 29947, 29900, 13, 14480, 29918, 20728, 1799, 29918, 29933, 8452, 29918, 2303, 3289, 11499, 13780, 29918, 1525, 15082, 353, 29871, 29900, 29916, 29896, 29955, 29945, 29953, 13, 14480, 29918, 20728, 1799, 29918, 29954, 1964, 29918, 2303, 3289, 11499, 13780, 29918, 1525, 15082, 353, 29871, 29900, 29916, 29896, 29947, 29947, 29953, 13, 13, 14480, 29918, 20728, 1799, 29918, 29949, 29923, 5773, 1525, 29918, 2303, 3289, 11499, 13780, 29918, 1525, 15082, 353, 29871, 29900, 29916, 29896, 29946, 2287, 13, 14480, 29918, 20728, 1799, 29918, 29949, 29923, 5773, 1525, 29918, 7597, 29925, 5607, 29979, 29918, 1525, 15082, 353, 29871, 29900, 29916, 29896, 29946, 29923, 29896, 13, 13, 14480, 29918, 20728, 1799, 29918, 2303, 29918, 11191, 29949, 29918, 27047, 353, 29871, 29900, 29916, 29896, 29947, 29941, 29947, 13, 14480, 29918, 20728, 1799, 29918, 6530, 29918, 4051, 29918, 1525, 15082, 353, 29871, 29900, 29916, 29896, 29946, 29955, 29933, 13, 14480, 29918, 20728, 1799, 29918, 10593, 29990, 29918, 29934, 29943, 29918, 29950, 29956, 29918, 27047, 29918, 1525, 15082, 353, 29871, 29900, 29916, 29896, 29946, 29955, 29923, 13, 14480, 29918, 11135, 7024, 29918, 29903, 27998, 29918, 29907, 21339, 29918, 27205, 29933, 29918, 1525, 15082, 353, 29871, 29900, 29916, 29896, 29946, 29947, 29947, 13, 14480, 29918, 20728, 1799, 29918, 25903, 4574, 8098, 29918, 19713, 353, 29871, 29900, 29916, 29896, 29945, 29896, 29953, 13, 13, 3820, 265, 465, 29918, 26658, 358, 29918, 12276, 353, 9995, 13, 29871, 13122, 29947, 29918, 29873, 1873, 29936, 13, 29871, 13122, 29941, 29906, 29918, 29873, 285, 29918, 2798, 29936, 13, 29871, 13122, 29947, 29918, 29873, 3144, 265, 465, 29918, 23090, 29918, 4537, 29936, 13, 29871, 13122, 29896, 29953, 29918, 29873, 3144, 265, 465, 29918, 4537, 29918, 974, 29918, 16700, 29936, 13, 29871, 13122, 29941, 29906, 29918, 29873, 3533, 21462, 29936, 13, 29871, 5785, 931, 29918, 29890, 3173, 29936, 13, 29871, 5785, 12006, 29918, 2230, 29918, 4661, 13946, 1017, 29936, 13, 29871, 5785, 12006, 29918, 10745, 23860, 29918, 29890, 3173, 29936, 13, 29871, 5785, 12006, 29918, 10745, 23860, 29918, 4661, 13946, 1017, 29936, 13, 29871, 13122, 29947, 29918, 29873, 3731, 29918, 2798, 29936, 13, 15945, 29908, 13, 13, 3820, 265, 465, 29918, 26658, 358, 29918, 12276, 29918, 4501, 353, 9995, 13, 29871, 13122, 29947, 29918, 29873, 3731, 29918, 333, 29936, 13, 29871, 938, 29947, 29918, 29873, 10868, 29918, 2248, 29936, 13, 29871, 13122, 29947, 29918, 29873, 15500, 29918, 3859, 29936, 849, 13955, 6039, 2140, 362, 855, 1078, 13, 29871, 13122, 29947, 29918, 29873, 13917, 29936, 13, 29871, 13122, 29947, 29918, 29873, 1781, 29918, 26739, 800, 29936, 13, 29871, 13122, 29947, 29918, 29873, 9736, 4056, 29918, 2704, 29918, 2798, 29936, 13, 29871, 13122, 29947, 29918, 29873, 4175, 29918, 303, 1179, 29936, 13, 29871, 13122, 29896, 29953, 29918, 29873, 1559, 4336, 29918, 1217, 895, 29936, 13, 29871, 938, 29896, 29953, 29918, 29873, 23316, 1270, 29936, 13, 29871, 13122, 29947, 29918, 29873, 4450, 300, 522, 29918, 19207, 29936, 13, 29871, 13122, 29896, 29953, 29918, 29873, 1400, 29881, 2650, 1953, 29936, 13, 29871, 13122, 29941, 29906, 29918, 29873, 443, 4572, 287, 29918, 26658, 358, 29918, 14146, 284, 29936, 13, 29871, 5785, 443, 4572, 287, 29918, 26658, 358, 29918, 29888, 13857, 29936, 13, 29871, 5785, 443, 4572, 287, 29918, 2230, 29918, 4661, 13946, 1017, 29936, 13, 29871, 5785, 443, 4572, 287, 29918, 19322, 29936, 13, 29871, 5785, 443, 4572, 287, 29918, 19322, 29918, 4661, 13946, 1017, 29936, 13, 29871, 13122, 29941, 29906, 29918, 29873, 20039, 29918, 4882, 29936, 13, 29871, 13122, 29947, 29918, 29873, 3984, 29883, 29918, 4882, 29936, 13, 29871, 13122, 29941, 29906, 29918, 29873, 6674, 493, 29918, 342, 6490, 29936, 13, 29871, 5785, 2698, 326, 2806, 29936, 13, 29871, 5785, 11858, 362, 29936, 13, 29871, 938, 29941, 29906, 29918, 29873, 1559, 4336, 29918, 21646, 29918, 1270, 7799, 29918, 14146, 284, 29936, 13, 29871, 13122, 29896, 29953, 29918, 29873, 1559, 4336, 29918, 21646, 29918, 1270, 7799, 29918, 29888, 13857, 29936, 13, 29871, 5785, 2691, 29918, 19322, 29936, 13, 29871, 5785, 2691, 29918, 19322, 29918, 4661, 13946, 1017, 29936, 13, 29871, 13122, 29947, 29918, 29873, 11412, 29918, 29879, 3466, 29918, 2798, 29936, 13, 29871, 13122, 29941, 29906, 29918, 29873, 17132, 29936, 13, 15945, 29908, 13, 13, 29887, 567, 29918, 26658, 358, 29918, 12276, 353, 9995, 13, 29871, 13122, 29947, 29918, 29873, 1873, 29936, 13, 29871, 13122, 29941, 29906, 29918, 29873, 285, 29918, 2798, 29936, 13, 29871, 13122, 29896, 29953, 29918, 29873, 4723, 29936, 13, 29871, 13122, 29941, 29906, 29918, 29873, 3533, 21462, 29936, 13, 29871, 5785, 931, 29918, 29890, 3173, 29936, 13, 29871, 5785, 12006, 29918, 2230, 29918, 4661, 13946, 1017, 29936, 13, 29871, 5785, 12006, 29918, 10745, 23860, 29918, 29890, 3173, 29936, 13, 29871, 5785, 12006, 29918, 10745, 23860, 29918, 4661, 13946, 1017, 29936, 13, 29871, 13122, 29947, 29918, 29873, 3731, 29918, 2798, 29936, 13, 15945, 29908, 13, 13, 29887, 567, 29918, 26658, 358, 29918, 12276, 29918, 4501, 353, 9995, 13, 29871, 13122, 29947, 29918, 29873, 3731, 29918, 333, 29936, 13, 29871, 13122, 29947, 29918, 29873, 15500, 29918, 3859, 29936, 849, 13955, 6039, 2140, 362, 855, 1078, 13, 29871, 13122, 29947, 29918, 29873, 13917, 29936, 13, 29871, 13122, 29947, 29918, 29873, 1781, 29918, 26739, 800, 29936, 13, 29871, 13122, 29896, 29953, 29918, 29873, 610, 537, 29918, 2704, 29918, 2798, 29936, 13, 29871, 13122, 29947, 29918, 29873, 4175, 29918, 303, 1179, 29936, 13, 29871, 13122, 29896, 29953, 29918, 29873, 1559, 4336, 29918, 1217, 895, 29936, 13, 29871, 938, 29896, 29953, 29918, 29873, 23316, 1270, 29936, 13, 29871, 13122, 29947, 29918, 29873, 4450, 300, 522, 29918, 19207, 29936, 13, 29871, 13122, 29896, 29953, 29918, 29873, 1400, 29881, 2650, 1953, 29936, 13, 29871, 13122, 29941, 29906, 29918, 29873, 443, 4572, 287, 29918, 26658, 358, 29918, 14146, 284, 29936, 13, 29871, 5785, 443, 4572, 287, 29918, 26658, 358, 29918, 29888, 13857, 29936, 13, 29871, 5785, 443, 4572, 287, 29918, 2230, 29918, 4661, 13946, 1017, 29936, 13, 29871, 5785, 443, 4572, 287, 29918, 19322, 29936, 13, 29871, 5785, 443, 4572, 287, 29918, 19322, 29918, 4661, 13946, 1017, 29936, 13, 29871, 13122, 29941, 29906, 29918, 29873, 20039, 29918, 4882, 29936, 13, 29871, 13122, 29947, 29918, 29873, 3984, 29883, 29918, 4882, 29936, 13, 29871, 13122, 29941, 29906, 29918, 29873, 6674, 493, 29918, 342, 6490, 29936, 13, 29871, 5785, 2698, 326, 2806, 29936, 13, 29871, 5785, 11858, 362, 29936, 13, 29871, 938, 29941, 29906, 29918, 29873, 1559, 4336, 29918, 21646, 29918, 1270, 7799, 29918, 14146, 284, 29936, 13, 29871, 13122, 29896, 29953, 29918, 29873, 1559, 4336, 29918, 21646, 29918, 1270, 7799, 29918, 29888, 13857, 29936, 13, 29871, 5785, 2691, 29918, 19322, 29936, 13, 29871, 5785, 2691, 29918, 19322, 29918, 4661, 13946, 1017, 29936, 13, 29871, 13122, 29947, 29918, 29873, 11412, 29918, 29879, 3466, 29918, 2798, 29936, 13, 29871, 13122, 29941, 29906, 29918, 29873, 17132, 29936, 13, 15945, 29908, 13, 13, 3283, 29918, 12276, 353, 9995, 13, 29871, 13122, 29947, 539, 318, 29918, 6594, 29936, 18884, 4949, 10079, 1353, 310, 27692, 1480, 3776, 13, 29871, 13122, 29941, 29906, 418, 3855, 29918, 29943, 2798, 29936, 462, 4949, 9959, 3533, 18802, 6795, 3776, 13, 29871, 13122, 29947, 539, 318, 29918, 9135, 4435, 29936, 795, 4949, 7562, 310, 2602, 2472, 3776, 4949, 259, 29900, 29901, 6213, 29871, 29896, 29901, 1334, 523, 287, 3203, 29899, 26613, 5114, 29871, 29906, 29901, 9172, 1171, 4175, 29871, 29941, 29901, 8930, 635, 11658, 287, 29871, 29946, 29901, 512, 1890, 2566, 1678, 3776, 13, 29871, 13122, 29941, 29906, 418, 3855, 29918, 1666, 9841, 29896, 29936, 795, 4949, 2538, 9841, 3370, 1746, 3776, 13, 29871, 13122, 29896, 29953, 418, 281, 29918, 9135, 29963, 295, 21979, 29936, 632, 4949, 20627, 12885, 2586, 1746, 29901, 313, 4149, 27692, 1480, 29871, 29900, 29916, 29896, 29946, 29955, 29953, 5106, 29897, 3776, 13, 29871, 13122, 29941, 29906, 418, 3855, 29918, 9135, 29963, 295, 21979, 29906, 29936, 9651, 4949, 20627, 12885, 29871, 29906, 2586, 1746, 29901, 313, 4149, 27692, 1480, 29871, 29900, 29916, 29896, 29946, 29955, 29953, 5106, 29897, 3776, 13, 29871, 13122, 29947, 539, 318, 29918, 24155, 3399, 29936, 9651, 4949, 29098, 545, 775, 29901, 313, 4149, 27692, 1480, 29871, 29900, 29916, 29896, 29946, 29955, 29953, 5106, 29897, 3776, 13, 29871, 13122, 29896, 29953, 418, 281, 29918, 29943, 861, 13634, 29936, 795, 4949, 24778, 4959, 2586, 1746, 29901, 313, 4149, 27692, 1480, 29871, 29900, 29916, 29896, 29946, 29955, 29953, 5106, 29897, 3776, 13, 29871, 13122, 29941, 29906, 903, 29888, 1296, 29918, 2520, 29918, 18448, 29918, 4537, 29936, 13, 29871, 13122, 29896, 29953, 418, 281, 29918, 29954, 567, 22606, 4557, 29936, 3986, 4949, 402, 7024, 4723, 1353, 310, 2602, 3776, 13, 29871, 13122, 29941, 29906, 418, 3855, 29918, 29954, 567, 29943, 861, 2481, 29924, 29879, 29936, 965, 4949, 402, 7024, 2329, 931, 310, 4723, 310, 297, 3533, 21462, 3776, 13, 29871, 13122, 29947, 539, 318, 29918, 29954, 417, 8009, 29943, 473, 12883, 29936, 308, 4949, 9681, 310, 8467, 265, 465, 3023, 1629, 25785, 3776, 13, 29871, 13122, 29896, 29953, 418, 281, 29918, 29954, 417, 8009, 25991, 797, 29943, 473, 12883, 29936, 259, 4949, 8467, 265, 465, 17684, 2462, 297, 3023, 1629, 11412, 3776, 13, 29871, 13122, 29941, 29906, 418, 3855, 29918, 29954, 417, 29943, 861, 2481, 29924, 29879, 29936, 965, 4949, 8467, 265, 465, 2329, 931, 310, 2462, 297, 3533, 21462, 3776, 13, 29871, 13122, 29941, 29906, 418, 3855, 29918, 9135, 3981, 29936, 1669, 4949, 8102, 2302, 310, 278, 1353, 310, 5412, 11909, 8967, 3776, 13, 29871, 13122, 29953, 29946, 418, 260, 29918, 29928, 2204, 15790, 9135, 13992, 29931, 265, 29961, 29906, 1385, 259, 4949, 9550, 26271, 322, 28745, 310, 2602, 297, 2971, 5834, 3776, 13, 29871, 13122, 29941, 29906, 418, 3855, 29918, 29943, 1896, 15790, 9135, 24528, 29936, 308, 4949, 9550, 3171, 29899, 27215, 29899, 5481, 567, 3398, 5272, 4279, 310, 2602, 3776, 13, 29871, 13122, 29941, 29906, 418, 3855, 29918, 29943, 1896, 5494, 292, 9908, 29936, 3986, 4949, 4911, 28435, 297, 2971, 5834, 3776, 13, 29871, 13122, 29941, 29906, 418, 3855, 29918, 29943, 1896, 5494, 292, 2525, 29883, 9908, 29936, 539, 4949, 4911, 28435, 25812, 297, 2971, 5834, 3776, 13, 29871, 13122, 29941, 29906, 418, 3855, 29918, 29943, 1896, 29963, 295, 2369, 29884, 29924, 567, 29961, 29941, 1385, 4706, 4949, 4911, 12885, 297, 9755, 29892, 6641, 29892, 701, 14821, 3515, 29889, 512, 27881, 639, 1473, 29889, 3776, 13, 29871, 13122, 29941, 29906, 418, 3855, 29918, 29943, 1896, 29963, 295, 10142, 29924, 567, 29961, 29941, 1385, 418, 4949, 22477, 29871, 29896, 29899, 3754, 995, 363, 9755, 29892, 6641, 29892, 701, 7117, 310, 1404, 12885, 3776, 13, 29871, 13122, 29941, 29906, 418, 3855, 29918, 29943, 1896, 29907, 908, 29933, 3173, 29924, 2699, 29936, 268, 4949, 24328, 2147, 12006, 24003, 297, 27881, 3776, 13, 29871, 13122, 29941, 29906, 418, 3855, 29918, 29943, 1896, 29907, 908, 29933, 3173, 10142, 29924, 2699, 29936, 29871, 4949, 22477, 29871, 29896, 29899, 3754, 995, 363, 19870, 12006, 24003, 297, 27881, 3776, 13, 29871, 13122, 29941, 29906, 418, 3855, 29918, 29943, 1896, 29954, 23799, 29933, 29924, 2699, 29936, 3986, 4949, 402, 7024, 304, 8467, 265, 465, 931, 24003, 297, 27881, 3776, 13, 29871, 13122, 29941, 29906, 418, 3855, 29918, 29943, 1896, 29954, 23799, 9851, 2934, 29924, 2699, 29936, 268, 4949, 22477, 29871, 29896, 29899, 3754, 995, 363, 402, 7024, 304, 8467, 265, 465, 931, 24003, 25812, 297, 27881, 3776, 13, 29871, 13122, 29941, 29906, 418, 3855, 29918, 29943, 1896, 7210, 24895, 29924, 2699, 29936, 3986, 4949, 402, 7024, 304, 10632, 29928, 283, 931, 24003, 297, 27881, 3776, 13, 29871, 13122, 29941, 29906, 418, 3855, 29918, 29943, 1896, 7210, 29911, 9851, 2934, 29924, 2699, 29936, 268, 4949, 22477, 29871, 29896, 29899, 3754, 995, 363, 402, 7024, 304, 10632, 29928, 283, 931, 24003, 25812, 297, 27881, 3776, 13, 29871, 13122, 29941, 29906, 418, 3855, 29918, 29943, 1896, 29933, 23799, 29933, 29924, 2699, 29936, 3986, 4949, 10632, 29928, 283, 304, 8467, 265, 465, 931, 24003, 297, 27881, 3776, 13, 29871, 13122, 29941, 29906, 418, 3855, 29918, 29943, 1896, 29933, 23799, 9851, 2934, 29924, 2699, 29936, 268, 4949, 22477, 29871, 29896, 29899, 3754, 995, 363, 10632, 29928, 283, 304, 8467, 265, 465, 931, 24003, 25812, 297, 27881, 3776, 13, 29871, 13122, 29941, 29906, 418, 3855, 29918, 29943, 1896, 29943, 2782, 29954, 23799, 29933, 29924, 2699, 29936, 418, 4949, 19916, 287, 402, 7024, 304, 8467, 265, 465, 931, 24003, 297, 27881, 3776, 13, 29871, 13122, 29941, 29906, 418, 3855, 29918, 29943, 1896, 29943, 2782, 29954, 23799, 9851, 2934, 29924, 2699, 29936, 4949, 19916, 287, 22477, 29871, 29896, 29899, 3754, 995, 363, 402, 7024, 304, 8467, 265, 465, 931, 24003, 25812, 297, 27881, 3776, 13, 29871, 13122, 29941, 29906, 418, 3855, 29918, 29943, 1896, 29943, 2782, 7210, 24895, 29924, 2699, 29936, 418, 4949, 19916, 287, 402, 7024, 304, 10632, 29928, 283, 931, 24003, 297, 27881, 3776, 13, 29871, 13122, 29941, 29906, 418, 3855, 29918, 29943, 1896, 29943, 2782, 7210, 29911, 9851, 2934, 29924, 2699, 29936, 4949, 19916, 287, 22477, 29871, 29896, 29899, 3754, 995, 363, 402, 7024, 304, 10632, 29928, 283, 931, 24003, 25812, 297, 27881, 3776, 13, 29871, 13122, 29941, 29906, 418, 3855, 29918, 29943, 1896, 29943, 2782, 29933, 23799, 29933, 29924, 2699, 29936, 418, 4949, 19916, 287, 10632, 29928, 283, 304, 8467, 265, 465, 931, 24003, 297, 27881, 3776, 13, 29871, 13122, 29941, 29906, 418, 3855, 29918, 29943, 1896, 29943, 2782, 29933, 23799, 9851, 2934, 29924, 2699, 29936, 4949, 19916, 287, 22477, 29871, 29896, 29899, 3754, 995, 363, 10632, 29928, 283, 304, 8467, 265, 465, 931, 24003, 25812, 297, 27881, 3776, 13, 29871, 13122, 29941, 29906, 418, 3855, 29918, 29943, 1896, 29903, 615, 10302, 7898, 29936, 4706, 4949, 317, 7818, 9210, 408, 15712, 491, 399, 8547, 297, 6923, 3776, 13, 29871, 13122, 29941, 29906, 418, 3855, 29918, 29943, 1896, 29903, 615, 10302, 10142, 7898, 29936, 259, 4949, 22477, 29871, 29896, 29899, 3754, 995, 363, 317, 7818, 9210, 297, 6923, 3776, 13, 29871, 13122, 29941, 29906, 418, 3855, 29918, 29943, 1896, 29907, 908, 29928, 7532, 29924, 567, 29936, 539, 4949, 315, 908, 4192, 2027, 313, 13058, 10868, 24003, 29897, 297, 27881, 639, 1473, 3776, 13, 29871, 13122, 29941, 29906, 418, 3855, 29918, 29943, 1896, 29907, 908, 29928, 7532, 10142, 29924, 567, 29936, 29871, 4949, 22477, 29871, 29896, 29899, 3754, 995, 363, 12006, 4192, 2027, 297, 27881, 639, 1473, 3776, 13, 29871, 13122, 29941, 29906, 418, 3855, 29918, 29943, 1896, 5072, 287, 24528, 29936, 308, 4949, 19916, 287, 3171, 29899, 27215, 29899, 5481, 567, 3398, 5272, 4279, 297, 27881, 408, 15712, 491, 399, 8547, 3776, 13, 29871, 13122, 29941, 29906, 418, 3855, 29918, 29943, 1896, 5072, 287, 24528, 10142, 29936, 1678, 4949, 22477, 29871, 29896, 29899, 3754, 995, 363, 22289, 3171, 29899, 27215, 29899, 5481, 567, 3398, 5272, 4279, 297, 27881, 3776, 13, 29871, 13122, 29941, 29906, 418, 3855, 29918, 29943, 1896, 22131, 24528, 29936, 795, 4949, 22038, 3171, 29899, 27215, 29899, 5481, 567, 3398, 5272, 4279, 297, 27881, 408, 15712, 491, 399, 8547, 3776, 13, 29871, 13122, 29941, 29906, 418, 3855, 29918, 29943, 1896, 22131, 24528, 10142, 29936, 308, 4949, 22477, 29871, 29896, 29899, 3754, 995, 363, 10650, 3171, 29899, 27215, 29899, 5481, 567, 3398, 5272, 4279, 297, 27881, 3776, 13, 29871, 13122, 29941, 29906, 259, 7595, 29918, 29943, 1896, 29961, 29896, 29946, 1385, 13, 29871, 13122, 29941, 29906, 418, 3855, 29918, 29943, 1896, 29925, 29881, 459, 29936, 18884, 4949, 29871, 29941, 29928, 2602, 21749, 918, 310, 16716, 408, 15712, 515, 278, 443, 7915, 287, 29871, 13, 29871, 13122, 29941, 29906, 418, 3855, 29918, 29943, 1896, 29950, 29881, 459, 29936, 18884, 4949, 6912, 7731, 2602, 21749, 918, 310, 16716, 408, 15712, 515, 278, 443, 7915, 287, 3203, 29899, 26613, 5114, 18838, 279, 8837, 4636, 3776, 13, 29871, 13122, 29941, 29906, 418, 3855, 29918, 29943, 1896, 29963, 29881, 459, 29936, 18884, 4949, 11198, 936, 2602, 21749, 918, 310, 16716, 408, 15712, 515, 278, 443, 7915, 287, 3203, 29899, 26613, 5114, 18838, 279, 8837, 4636, 3776, 13, 29871, 13122, 29947, 539, 318, 29918, 6489, 5843, 16376, 5084, 29936, 418, 4949, 13070, 936, 5645, 310, 278, 16420, 313, 25376, 482, 29897, 6942, 411, 278, 25812, 560, 5843, 1819, 3776, 13, 29871, 13122, 29941, 29906, 418, 3855, 29918, 29943, 1896, 6489, 5843, 19582, 29936, 4706, 4949, 3218, 280, 310, 3031, 326, 1175, 272, 9685, 411, 3390, 304, 1565, 4644, 29892, 411, 10231, 23619, 8401, 12006, 3538, 515, 4644, 29889, 512, 10340, 310, 14496, 29889, 3776, 13, 29871, 13122, 29941, 29906, 418, 3855, 29918, 29943, 1896, 6489, 5843, 28516, 326, 1175, 272, 16070, 29936, 29871, 4949, 9444, 326, 1175, 272, 9685, 310, 2186, 14698, 2602, 25812, 1059, 560, 5843, 29889, 29871, 512, 10340, 310, 27881, 29889, 3776, 13, 29871, 13122, 29941, 29906, 418, 3855, 29918, 29943, 1896, 6489, 5843, 28516, 8332, 272, 16070, 29936, 29871, 4949, 9444, 8332, 272, 9685, 310, 2186, 14698, 2602, 25812, 1059, 560, 5843, 29889, 29871, 512, 10340, 310, 27881, 29889, 3776, 13, 29871, 13122, 29941, 29906, 418, 3855, 29918, 29943, 1896, 9135, 10142, 29270, 29936, 1678, 4949, 22477, 29871, 29896, 29899, 3754, 995, 363, 2186, 2602, 3171, 29899, 27215, 29899, 5481, 567, 3398, 5272, 4279, 297, 27881, 3776, 13, 29871, 13122, 29947, 539, 318, 29918, 24932, 29934, 5037, 3097, 29936, 29871, 4949, 6912, 7731, 2602, 12536, 3097, 29871, 29900, 29901, 2216, 731, 29871, 29896, 29901, 18064, 17511, 29871, 29906, 29901, 17511, 29871, 29941, 29901, 3436, 1974, 29871, 29946, 29901, 5057, 1678, 3776, 13, 29871, 13122, 29947, 539, 318, 29918, 29270, 29934, 5037, 3097, 29936, 1678, 4949, 11198, 936, 2602, 12536, 3097, 3776, 13, 29871, 13122, 29896, 29953, 418, 281, 29918, 1666, 9841, 29906, 29936, 795, 4949, 2538, 9841, 3370, 1746, 3776, 13, 29871, 13122, 29941, 29906, 418, 3855, 29918, 29943, 1896, 29954, 29876, 893, 5494, 292, 9908, 29936, 418, 4949, 4911, 28435, 297, 2971, 5834, 10723, 515, 402, 29940, 1799, 871, 1650, 29871, 3776, 13, 29871, 13122, 29941, 29906, 418, 3855, 29918, 29943, 1896, 29954, 29876, 893, 5494, 292, 2525, 29883, 9908, 29936, 259, 4949, 4911, 28435, 25812, 297, 2971, 5834, 10723, 515, 402, 29940, 1799, 871, 1650, 29871, 3776, 13, 29871, 13122, 29941, 29906, 418, 3855, 29918, 29903, 6073, 1469, 27573, 19832, 29936, 1678, 4949, 3384, 4769, 607, 5684, 23530, 848, 892, 1304, 304, 10272, 445, 2602, 2329, 29889, 29871, 350, 1806, 29961, 29900, 29962, 29871, 29900, 29916, 29900, 29900, 29900, 29900, 29900, 29900, 29900, 29896, 529, 29929, 29953, 29958, 4831, 7367, 8328, 350, 1806, 29961, 29896, 29962, 29871, 29900, 29916, 29900, 29900, 29900, 29900, 29900, 29900, 29900, 29906, 529, 29929, 29953, 29958, 12842, 307, 29871, 29900, 29916, 29900, 29900, 29900, 29900, 4198, 8610, 448, 2538, 9841, 319, 2586, 731, 304, 29871, 29896, 14088, 393, 3058, 4235, 408, 3342, 491, 278, 317, 1430, 29903, 1955, 29918, 29909, 1367, 4214, 29918, 1529, 16033, 892, 263, 2618, 411, 23530, 848, 3877, 13, 29871, 13122, 29941, 29906, 418, 3855, 29918, 29903, 6073, 29909, 333, 19832, 29936, 308, 4949, 3384, 4769, 607, 4163, 310, 278, 2602, 3461, 471, 6985, 287, 411, 5684, 4771, 943, 3342, 297, 317, 1430, 29903, 1955, 29918, 14573, 29918, 3308, 10461, 29918, 1529, 16033, 350, 1806, 29961, 29900, 29962, 29871, 29900, 29916, 29900, 29900, 29900, 29900, 29900, 29900, 29900, 29896, 529, 29929, 29953, 29958, 940, 9382, 263, 2618, 411, 23530, 848, 350, 1806, 29961, 29896, 29962, 29871, 29900, 29916, 29900, 29900, 29900, 29900, 29900, 29900, 29900, 29906, 529, 29929, 29953, 29958, 24839, 263, 2618, 411, 23530, 848, 350, 1806, 29961, 29906, 29962, 29871, 29900, 29916, 29900, 29900, 29900, 29900, 29900, 29900, 29900, 29946, 529, 29929, 29953, 29958, 20627, 263, 2618, 411, 23530, 848, 350, 1806, 29961, 29941, 29962, 29871, 29900, 29916, 29900, 29900, 29900, 29900, 29900, 29900, 29900, 29947, 529, 29929, 29953, 29958, 12019, 25245, 263, 2618, 411, 23530, 848, 29871, 29900, 29916, 22098, 4198, 29943, 29900, 529, 29929, 29953, 29958, 2538, 9841, 3776, 13, 29871, 13122, 29947, 539, 318, 29918, 8009, 29954, 567, 29903, 4270, 29965, 8485, 29936, 3986, 4949, 450, 1353, 310, 402, 7024, 13955, 29879, 1304, 297, 278, 2329, 3776, 13, 29871, 13122, 29947, 539, 318, 29918, 11536, 29954, 567, 29903, 4270, 29936, 9651, 4949, 14990, 1353, 310, 402, 7024, 13955, 29879, 17809, 491, 2740, 261, 29892, 3704, 6743, 451, 1304, 297, 2602, 13944, 3776, 13, 29871, 13122, 29947, 539, 318, 29918, 8009, 29954, 417, 29903, 4270, 29965, 8485, 29936, 3986, 4949, 450, 1353, 310, 8467, 265, 465, 13955, 29879, 1304, 297, 278, 2329, 3776, 13, 29871, 13122, 29947, 539, 318, 29918, 11536, 29954, 417, 29903, 4270, 29936, 9651, 4949, 14990, 1353, 310, 8467, 265, 465, 13955, 29879, 17809, 491, 2740, 261, 29892, 3704, 6743, 451, 1304, 297, 2602, 13944, 3776, 13, 29871, 13122, 29947, 539, 318, 29918, 8009, 29933, 6289, 29903, 4270, 29965, 8485, 29936, 3986, 4949, 450, 1353, 310, 10632, 29928, 283, 13955, 29879, 1304, 297, 278, 2329, 3776, 13, 29871, 13122, 29947, 539, 318, 29918, 11536, 29933, 6289, 29903, 4270, 29936, 9651, 4949, 14990, 1353, 310, 10632, 29928, 283, 13955, 29879, 17809, 491, 2740, 261, 29892, 3704, 6743, 451, 1304, 297, 2602, 13944, 3776, 13, 15945, 29908, 13, 13, 1753, 1024, 29918, 517, 29918, 11108, 295, 4878, 29898, 8588, 1125, 13, 29871, 3240, 353, 5159, 13, 29871, 474, 353, 29871, 29900, 13, 29871, 1550, 474, 529, 7431, 29898, 8588, 1125, 13, 1678, 565, 6869, 29961, 29875, 29962, 1275, 11119, 1115, 13, 418, 3240, 29889, 4397, 29898, 8588, 29961, 29875, 29974, 29896, 1822, 21064, 3101, 13, 418, 474, 4619, 29871, 29906, 13, 1678, 1683, 29901, 13, 418, 3240, 29889, 4397, 29898, 8588, 29961, 29875, 2314, 13, 418, 474, 4619, 29871, 29896, 13, 29871, 736, 525, 4286, 7122, 29898, 2267, 29897, 13, 13, 1753, 6088, 29918, 4984, 29898, 893, 1125, 13, 29871, 380, 353, 9872, 29908, 13, 29871, 302, 2232, 353, 5159, 13, 29871, 363, 301, 297, 17971, 29889, 17010, 2141, 5451, 14182, 29876, 29908, 1125, 13, 1678, 2393, 29892, 6869, 353, 301, 29889, 5451, 703, 29936, 1159, 29961, 29900, 1822, 5451, 580, 13, 1678, 396, 2158, 29898, 22449, 29892, 6869, 29897, 13, 1678, 565, 2393, 1275, 376, 7411, 29908, 470, 22868, 29943, 1896, 29915, 297, 6869, 29901, 13, 418, 380, 4619, 376, 29888, 29908, 13, 1678, 25342, 2393, 1275, 376, 8896, 29908, 470, 22868, 29928, 2204, 29915, 297, 6869, 29901, 13, 418, 380, 4619, 376, 29881, 29908, 13, 1678, 25342, 2393, 297, 6796, 13470, 29947, 613, 376, 13470, 29947, 29918, 29873, 3108, 29901, 13, 418, 380, 4619, 376, 29933, 29908, 13, 1678, 25342, 2393, 297, 6796, 524, 29947, 613, 376, 524, 29947, 29918, 29873, 3108, 29901, 13, 418, 380, 4619, 376, 29890, 29908, 13, 1678, 25342, 2393, 297, 6796, 13470, 29941, 29906, 613, 376, 13470, 29941, 29906, 29918, 29873, 3108, 29901, 13, 418, 380, 4619, 376, 29902, 29908, 13, 1678, 25342, 2393, 297, 6796, 524, 29941, 29906, 613, 376, 524, 29941, 29906, 29918, 29873, 3108, 29901, 13, 418, 380, 4619, 376, 29875, 29908, 13, 1678, 25342, 2393, 297, 6796, 13470, 29896, 29953, 613, 376, 13470, 29896, 29953, 29918, 29873, 3108, 29901, 13, 418, 380, 4619, 376, 29950, 29908, 13, 1678, 25342, 2393, 297, 6796, 524, 29896, 29953, 613, 376, 524, 29896, 29953, 29918, 29873, 3108, 29901, 13, 418, 380, 4619, 376, 29882, 29908, 13, 1678, 25342, 2393, 1275, 376, 13470, 29953, 29946, 1115, 13, 418, 380, 4619, 376, 29984, 29908, 13, 1678, 1683, 29901, 13, 418, 1596, 703, 26690, 1134, 613, 2393, 29897, 13, 418, 4974, 7700, 13, 1678, 565, 525, 1839, 297, 6869, 29901, 13, 418, 274, 593, 353, 938, 29898, 8588, 29889, 5451, 703, 29961, 1159, 29961, 29896, 1822, 5451, 703, 29962, 1159, 29961, 29900, 2314, 13, 418, 380, 4619, 380, 14352, 29896, 14178, 29898, 20047, 29899, 29896, 29897, 13, 418, 363, 474, 297, 3464, 29898, 20047, 1125, 13, 4706, 302, 2232, 29889, 4397, 11702, 29879, 29961, 29995, 29881, 18017, 1273, 313, 8588, 29889, 5451, 703, 29961, 1159, 29961, 29900, 1402, 474, 876, 13, 1678, 1683, 29901, 13, 418, 302, 2232, 29889, 4397, 29898, 8588, 29897, 13, 29871, 736, 380, 29892, 302, 2232, 13, 13, 1753, 9657, 29918, 348, 4058, 261, 29898, 893, 29892, 3949, 295, 4878, 353, 7700, 1125, 13, 29871, 380, 29892, 302, 2232, 353, 6088, 29918, 4984, 29898, 893, 29897, 13, 29871, 565, 3949, 295, 4878, 29901, 13, 1678, 302, 2232, 353, 518, 978, 29918, 517, 29918, 11108, 295, 4878, 29898, 29916, 29897, 363, 921, 297, 302, 2232, 29962, 13, 29871, 2268, 353, 22235, 2311, 29898, 303, 29897, 13, 29871, 736, 14013, 921, 29901, 9657, 29898, 7554, 29898, 29876, 2232, 29892, 443, 4058, 29918, 3166, 29898, 303, 29892, 921, 876, 511, 2268, 13, 2 ]
qstklearn/1knn.py
elxavicio/QSTK
339
1790
<filename>qstklearn/1knn.py<gh_stars>100-1000 ''' (c) 2011, 2012 Georgia Tech Research Corporation This source code is released under the New BSD license. Please see http://wiki.quantsoftware.org/index.php?title=QSTK_License for license details. Created on Feb 20, 2011 @author: <NAME> @organization: Georgia Institute of Technology @contact: <EMAIL> @summary: This is an implementation of the 1-KNN algorithm for ranking features quickly. It uses the knn implementation. @status: oneKNN functions correctly, optimized to use n^2/2 algorithm. ''' import matplotlib.pyplot as plt from pylab import gca import itertools import string import numpy as np import math import knn from time import clock ''' @summary: Query function for 1KNN, return value is a double between 0 and 1. @param naData: A 2D numpy array. Each row is a data point with the final column containing the classification. ''' def oneKnn( naData ): if naData.ndim != 2: raise Exception( "Data should have two dimensions" ) lLen = naData.shape[0] ''' # of dimensions, subtract one for classification ''' lDim = naData.shape[1] - 1 ''' Start best distances as very large ''' ldDistances = [1E300] * lLen llIndexes = [-1] * lLen dDistance = 0.0; ''' Loop through finding closest neighbors ''' for i in range( lLen ): for j in range( i+1, lLen ): dDistance = 0.0 for k in range( 0, lDim ): dDistance += (naData[i][k] - naData[j][k])**2 dDistance = math.sqrt( dDistance ) ''' Two distances to check, for i's best, and j's best ''' if dDistance < ldDistances[i]: ldDistances[i] = dDistance llIndexes[i] = j if dDistance < ldDistances[j]: ldDistances[j] = dDistance llIndexes[j] = i lCount = 0 ''' Now count # of matching pairs ''' for i in range( lLen ): if naData[i][-1] == naData[ llIndexes[i] ][-1]: lCount = lCount + 1 return float(lCount) / lLen ''' Test function to plot results ''' def _plotResults( naDist1, naDist2, lfOneKnn, lf5Knn ): plt.clf() plt.subplot(311) plt.scatter( naDist1[:,0], naDist1[:,1] ) plt.scatter( naDist2[:,0], naDist2[:,1], color='r' ) #plt.ylabel( 'Feature 2' ) #plt.xlabel( 'Feature 1' ) #gca().annotate( '', xy=( .8, 0 ), xytext=( -.3 , 0 ), arrowprops=dict(facecolor='red', shrink=0.05) ) gca().annotate( '', xy=( .7, 0 ), xytext=( 1.5 , 0 ), arrowprops=dict(facecolor='black', shrink=0.05) ) plt.title( 'Data Distribution' ) plt.subplot(312) plt.plot( range( len(lfOneKnn) ), lfOneKnn ) plt.ylabel( '1-KNN Value' ) #plt.xlabel( 'Distribution Merge' ) plt.title( '1-KNN Performance' ) plt.subplot(313) plt.plot( range( len(lf5Knn) ), lf5Knn ) plt.ylabel( '% Correct Classification' ) #plt.xlabel( 'Distribution Merge' ) plt.title( '5-KNN Performance' ) plt.subplots_adjust() plt.show() ''' Function to plot 2 distributions ''' def _plotDist( naDist1, naDist2, i ): plt.clf() plt.scatter( naDist1[:,0], naDist1[:,1] ) plt.scatter( naDist2[:,0], naDist2[:,1], color='r' ) plt.ylabel( 'Feature 2' ) plt.xlabel( 'Feature 1' ) plt.title( 'Iteration ' + str(i) ) plt.show() ''' Function to test KNN performance ''' def _knnResult( naData ): ''' Split up data into training/testing ''' lSplit = naData.shape[0] * .7 naTrain = naData[:lSplit, :] naTest = naData[lSplit:, :] knn.addEvidence( naTrain.astype(float), 1 ); ''' Query with last column omitted and 5 nearest neighbors ''' naResults = knn.query( naTest[:,:-1], 5, 'mode') ''' Count returns which are correct ''' lCount = 0 for i, dVal in enumerate(naResults): if dVal == naTest[i,-1]: lCount = lCount + 1 dResult = float(lCount) / naResults.size return dResult ''' Tests performance of 1-KNN ''' def _test1(): ''' Generate three random samples to show the value of 1-KNN compared to 5KNN learner performance ''' for i in range(3): ''' Select one of three distributions ''' if i == 0: naTest1 = np.random.normal( loc=[0,0],scale=.25,size=[500,2] ) naTest1 = np.hstack( (naTest1, np.zeros(500).reshape(-1,1) ) ) naTest2 = np.random.normal( loc=[1.5,0],scale=.25,size=[500,2] ) naTest2 = np.hstack( (naTest2, np.ones(500).reshape(-1,1) ) ) elif i == 1: naTest1 = np.random.normal( loc=[0,0],scale=.25,size=[500,2] ) naTest1 = np.hstack( (naTest1, np.zeros(500).reshape(-1,1) ) ) naTest2 = np.random.normal( loc=[1.5,0],scale=.1,size=[500,2] ) naTest2 = np.hstack( (naTest2, np.ones(500).reshape(-1,1) ) ) else: naTest1 = np.random.normal( loc=[0,0],scale=.25,size=[500,2] ) naTest1 = np.hstack( (naTest1, np.zeros(500).reshape(-1,1) ) ) naTest2 = np.random.normal( loc=[1.5,0],scale=.25,size=[250,2] ) naTest2 = np.hstack( (naTest2, np.ones(250).reshape(-1,1) ) ) naOrig = np.vstack( (naTest1, naTest2) ) naBoth = np.vstack( (naTest1, naTest2) ) ''' Keep track of runtimes ''' t = clock() cOneRuntime = t-t; cKnnRuntime = t-t; lfResults = [] lfKnnResults = [] for i in range( 15 ): #_plotDist( naTest1, naBoth[100:,:], i ) t = clock() lfResults.append( oneKnn( naBoth ) ) cOneRuntime = cOneRuntime + (clock() - t) t = clock() lfKnnResults.append( _knnResult( np.random.permutation(naBoth) ) ) cKnnRuntime = cKnnRuntime + (clock() - t) naBoth[500:,0] = naBoth[500:,0] - .1 print 'Runtime OneKnn:', cOneRuntime print 'Runtime 5-KNN:', cKnnRuntime _plotResults( naTest1, naTest2, lfResults, lfKnnResults ) ''' Tests performance of 1-KNN ''' def _test2(): ''' Generate three random samples to show the value of 1-KNN compared to 5KNN learner performance ''' np.random.seed( 12345 ) ''' Create 5 distributions for each of the 5 attributes ''' dist1 = np.random.uniform( -1, 1, 1000 ).reshape( -1, 1 ) dist2 = np.random.uniform( -1, 1, 1000 ).reshape( -1, 1 ) dist3 = np.random.uniform( -1, 1, 1000 ).reshape( -1, 1 ) dist4 = np.random.uniform( -1, 1, 1000 ).reshape( -1, 1 ) dist5 = np.random.uniform( -1, 1, 1000 ).reshape( -1, 1 ) lDists = [ dist1, dist2, dist3, dist4, dist5 ] ''' All features used except for distribution 4 ''' distY = np.sin( dist1 ) + np.sin( dist2 ) + np.sin( dist3 ) + np.sin( dist5 ) distY = distY.reshape( -1, 1 ) for i, fVal in enumerate( distY ): if fVal >= 0: distY[i] = 1 else: distY[i] = 0 for i in range( 1, 6 ): lsNames = [] lf1Vals = [] lfVals = [] for perm in itertools.combinations( '12345', i ): ''' set test distribution to first element ''' naTest = lDists[ int(perm[0]) - 1 ] sPerm = perm[0] ''' stack other distributions on ''' for j in range( 1, len(perm) ): sPerm = sPerm + str(perm[j]) naTest = np.hstack( (naTest, lDists[ int(perm[j]) - 1 ] ) ) ''' finally stack y values ''' naTest = np.hstack( (naTest, distY) ) lf1Vals.append( oneKnn( naTest ) ) lfVals.append( _knnResult( np.random.permutation(naTest) ) ) lsNames.append( sPerm ) ''' Plot results ''' plt1 = plt.bar( np.arange(len(lf1Vals)), lf1Vals, .2, color='r' ) plt2 = plt.bar( np.arange(len(lfVals)) + 0.2, lfVals, .2, color='b' ) plt.legend( (plt1[0], plt2[0]), ('1-KNN', 'KNN, K=5') ) plt.ylabel('1-KNN Value/KNN Classification') plt.xlabel('Feature Set') plt.title('Combinations of ' + str(i) + ' Features') plt.ylim( (0,1) ) if len(lf1Vals) < 2: plt.xlim( (-1,1) ) gca().xaxis.set_ticks( np.arange(len(lf1Vals)) + .2 ) gca().xaxis.set_ticklabels( lsNames ) plt.show() if __name__ == '__main__': _test1() #_test2()
[ 1, 529, 9507, 29958, 29939, 303, 29895, 19668, 29914, 29896, 3959, 29876, 29889, 2272, 29966, 12443, 29918, 303, 1503, 29958, 29896, 29900, 29900, 29899, 29896, 29900, 29900, 29900, 13, 12008, 30004, 13, 29898, 29883, 29897, 29871, 29906, 29900, 29896, 29896, 29892, 29871, 29906, 29900, 29896, 29906, 16762, 1920, 305, 10550, 15025, 30004, 13, 4013, 2752, 775, 338, 5492, 1090, 278, 1570, 350, 7230, 19405, 29889, 29871, 3529, 1074, 30004, 13, 1124, 597, 4594, 29889, 12150, 20415, 29889, 990, 29914, 2248, 29889, 1961, 29973, 3257, 29922, 29984, 1254, 29968, 29918, 29931, 293, 1947, 30004, 13, 1454, 19405, 4902, 22993, 13, 30004, 13, 20399, 373, 26319, 29871, 29906, 29900, 29892, 29871, 29906, 29900, 29896, 29896, 30004, 13, 29992, 8921, 29901, 529, 5813, 3238, 13, 29992, 6388, 2133, 29901, 16762, 8907, 310, 17968, 30004, 13, 29992, 12346, 29901, 529, 26862, 6227, 3238, 13, 29992, 7727, 29901, 910, 338, 385, 5314, 310, 278, 29871, 29896, 29899, 29968, 10262, 5687, 363, 24034, 5680, 9098, 22993, 13, 3986, 739, 3913, 278, 889, 29876, 5314, 22993, 13, 29992, 4882, 29901, 697, 29968, 10262, 3168, 5149, 29892, 27545, 304, 671, 302, 29985, 29906, 29914, 29906, 5687, 22993, 13, 12008, 30004, 13, 30004, 13, 5215, 22889, 29889, 2272, 5317, 408, 14770, 30004, 13, 3166, 282, 2904, 370, 1053, 330, 1113, 30004, 13, 30004, 13, 5215, 4256, 8504, 30004, 13, 5215, 1347, 30004, 13, 5215, 12655, 408, 7442, 30004, 13, 5215, 5844, 30004, 13, 5215, 889, 29876, 30004, 13, 30004, 13, 3166, 931, 1053, 12006, 30004, 13, 30004, 13, 30004, 13, 12008, 30004, 13, 29992, 7727, 29901, 13641, 740, 363, 29871, 29896, 29968, 10262, 29892, 736, 995, 338, 263, 3765, 1546, 29871, 29900, 322, 29871, 29896, 22993, 13, 30004, 13, 29992, 3207, 1055, 1469, 29901, 319, 29871, 29906, 29928, 12655, 1409, 29889, 7806, 1948, 338, 263, 848, 1298, 411, 278, 2186, 1897, 6943, 278, 12965, 22993, 13, 12008, 30004, 13, 1753, 697, 29968, 15755, 29898, 1055, 1469, 29871, 1125, 30004, 13, 1678, 6756, 13, 1678, 6756, 13, 1678, 565, 1055, 1469, 29889, 299, 326, 2804, 29871, 29906, 29901, 30004, 13, 4706, 12020, 8960, 29898, 376, 1469, 881, 505, 1023, 13391, 29908, 1723, 30004, 13, 1678, 6756, 13, 1678, 301, 21515, 353, 1055, 1469, 29889, 12181, 29961, 29900, 29962, 30004, 13, 1678, 14550, 396, 310, 13391, 29892, 23197, 697, 363, 12965, 14550, 30004, 13, 1678, 301, 16142, 353, 1055, 1469, 29889, 12181, 29961, 29896, 29962, 448, 29871, 29896, 30004, 13, 1678, 6756, 13, 1678, 14550, 7370, 1900, 24610, 408, 1407, 2919, 14550, 30004, 13, 1678, 301, 29881, 13398, 2925, 353, 518, 29896, 29923, 29941, 29900, 29900, 29962, 334, 301, 21515, 30004, 13, 1678, 11148, 3220, 267, 353, 21069, 29896, 29962, 334, 301, 21515, 30004, 13, 4706, 6756, 13, 1678, 270, 27469, 353, 29871, 29900, 29889, 29900, 2104, 13, 30004, 13, 1678, 14550, 21493, 1549, 9138, 21438, 22092, 943, 14550, 30004, 13, 1678, 363, 474, 297, 3464, 29898, 301, 21515, 29871, 1125, 30004, 13, 4706, 363, 432, 297, 3464, 29898, 474, 29974, 29896, 29892, 301, 21515, 29871, 1125, 30004, 13, 632, 6756, 13, 9651, 270, 27469, 353, 29871, 29900, 29889, 29900, 30004, 13, 9651, 363, 413, 297, 3464, 29898, 29871, 29900, 29892, 301, 16142, 29871, 1125, 30004, 13, 18884, 270, 27469, 4619, 313, 1056, 1469, 29961, 29875, 3816, 29895, 29962, 448, 1055, 1469, 29961, 29926, 3816, 29895, 2314, 1068, 29906, 30004, 13, 9651, 270, 27469, 353, 5844, 29889, 3676, 29898, 270, 27469, 1723, 30004, 13, 9651, 6756, 13, 9651, 14550, 7803, 24610, 304, 1423, 29892, 363, 474, 29915, 29879, 1900, 29892, 322, 432, 29915, 29879, 1900, 14550, 30004, 13, 9651, 565, 270, 27469, 529, 301, 29881, 13398, 2925, 29961, 29875, 5387, 30004, 13, 18884, 301, 29881, 13398, 2925, 29961, 29875, 29962, 353, 270, 27469, 30004, 13, 18884, 11148, 3220, 267, 29961, 29875, 29962, 353, 432, 30004, 13, 18884, 6756, 13, 9651, 565, 270, 27469, 529, 301, 29881, 13398, 2925, 29961, 29926, 5387, 30004, 13, 18884, 301, 29881, 13398, 2925, 29961, 29926, 29962, 353, 270, 27469, 30004, 13, 18884, 11148, 3220, 267, 29961, 29926, 29962, 353, 474, 30004, 13, 18884, 6756, 13, 1678, 301, 3981, 353, 29871, 29900, 30004, 13, 1678, 14550, 2567, 2302, 396, 310, 9686, 11000, 14550, 30004, 13, 1678, 363, 474, 297, 3464, 29898, 301, 21515, 29871, 1125, 30004, 13, 4706, 565, 1055, 1469, 29961, 29875, 3816, 29899, 29896, 29962, 1275, 1055, 1469, 29961, 11148, 3220, 267, 29961, 29875, 29962, 29871, 3816, 29899, 29896, 5387, 30004, 13, 9651, 301, 3981, 353, 301, 3981, 718, 29871, 29896, 30004, 13, 30004, 13, 1678, 736, 5785, 29898, 29880, 3981, 29897, 847, 301, 21515, 30004, 13, 9651, 6756, 13, 30004, 13, 12008, 4321, 740, 304, 6492, 29871, 2582, 14550, 30004, 13, 1753, 903, 5317, 12191, 29898, 1055, 13398, 29896, 29892, 1055, 13398, 29906, 29892, 301, 29888, 6716, 29968, 15755, 29892, 301, 29888, 29945, 29968, 15755, 29871, 1125, 30004, 13, 1678, 14770, 29889, 695, 29888, 26471, 13, 1678, 6756, 13, 1678, 14770, 29889, 1491, 5317, 29898, 29941, 29896, 29896, 8443, 13, 1678, 14770, 29889, 1557, 2620, 29898, 1055, 13398, 29896, 7503, 29892, 29900, 1402, 1055, 13398, 29896, 7503, 29892, 29896, 29962, 1723, 30004, 13, 30004, 13, 1678, 14770, 29889, 1557, 2620, 29898, 1055, 13398, 29906, 7503, 29892, 29900, 1402, 1055, 13398, 29906, 7503, 29892, 29896, 1402, 2927, 2433, 29878, 29915, 1723, 30004, 13, 1678, 6756, 13, 30004, 13, 1678, 396, 572, 29873, 29889, 29891, 1643, 29898, 525, 19132, 29871, 29906, 29915, 1723, 30004, 13, 1678, 396, 572, 29873, 29889, 29916, 1643, 29898, 525, 19132, 29871, 29896, 29915, 1723, 30004, 13, 1678, 396, 29887, 1113, 2141, 6735, 403, 29898, 15516, 921, 29891, 7607, 869, 29947, 29892, 29871, 29900, 10353, 921, 29891, 726, 7607, 448, 29889, 29941, 1919, 29871, 29900, 10353, 16578, 11030, 29922, 8977, 29898, 2161, 2780, 2433, 1127, 742, 14653, 682, 29922, 29900, 29889, 29900, 29945, 29897, 1723, 1678, 6756, 13, 1678, 330, 1113, 2141, 6735, 403, 29898, 15516, 921, 29891, 7607, 869, 29955, 29892, 29871, 29900, 10353, 921, 29891, 726, 7607, 29871, 29896, 29889, 29945, 1919, 29871, 29900, 10353, 16578, 11030, 29922, 8977, 29898, 2161, 2780, 2433, 8517, 742, 14653, 682, 29922, 29900, 29889, 29900, 29945, 29897, 1723, 1678, 6756, 13, 1678, 14770, 29889, 3257, 29898, 525, 1469, 17740, 29915, 1723, 30004, 13, 1678, 6756, 13, 1678, 14770, 29889, 1491, 5317, 29898, 29941, 29896, 29906, 8443, 13, 1678, 6756, 13, 1678, 14770, 29889, 5317, 29898, 3464, 29898, 7431, 29898, 29880, 29888, 6716, 29968, 15755, 29897, 10353, 301, 29888, 6716, 29968, 15755, 1723, 30004, 13, 30004, 13, 1678, 14770, 29889, 29891, 1643, 29898, 525, 29896, 29899, 29968, 10262, 7865, 29915, 1723, 1678, 6756, 13, 1678, 396, 572, 29873, 29889, 29916, 1643, 29898, 525, 13398, 3224, 4702, 479, 29915, 1723, 30004, 13, 30004, 13, 1678, 14770, 29889, 3257, 29898, 525, 29896, 29899, 29968, 10262, 23768, 29915, 1723, 30004, 13, 30004, 13, 1678, 14770, 29889, 1491, 5317, 29898, 29941, 29896, 29941, 8443, 13, 1678, 6756, 13, 1678, 14770, 29889, 5317, 29898, 3464, 29898, 7431, 29898, 29880, 29888, 29945, 29968, 15755, 29897, 10353, 301, 29888, 29945, 29968, 15755, 1723, 30004, 13, 30004, 13, 1678, 14770, 29889, 29891, 1643, 29898, 14210, 28518, 23236, 29915, 1723, 1678, 6756, 13, 1678, 396, 572, 29873, 29889, 29916, 1643, 29898, 525, 13398, 3224, 4702, 479, 29915, 1723, 30004, 13, 30004, 13, 1678, 14770, 29889, 3257, 29898, 525, 29945, 29899, 29968, 10262, 23768, 29915, 1723, 30004, 13, 1678, 6756, 13, 1678, 14770, 29889, 1491, 26762, 29918, 328, 5143, 26471, 13, 1678, 6756, 13, 1678, 14770, 29889, 4294, 580, 6756, 13, 1678, 6756, 13, 12008, 6680, 304, 6492, 29871, 29906, 18822, 14550, 30004, 13, 1753, 903, 5317, 13398, 29898, 1055, 13398, 29896, 29892, 1055, 13398, 29906, 29892, 474, 29871, 1125, 30004, 13, 1678, 14770, 29889, 695, 29888, 26471, 13, 30004, 13, 1678, 14770, 29889, 1557, 2620, 29898, 1055, 13398, 29896, 7503, 29892, 29900, 1402, 1055, 13398, 29896, 7503, 29892, 29896, 29962, 1723, 30004, 13, 30004, 13, 1678, 14770, 29889, 1557, 2620, 29898, 1055, 13398, 29906, 7503, 29892, 29900, 1402, 1055, 13398, 29906, 7503, 29892, 29896, 1402, 2927, 2433, 29878, 29915, 1723, 30004, 13, 1678, 6756, 13, 30004, 13, 1678, 14770, 29889, 29891, 1643, 29898, 525, 19132, 29871, 29906, 29915, 1723, 30004, 13, 1678, 14770, 29889, 29916, 1643, 29898, 525, 19132, 29871, 29896, 29915, 1723, 30004, 13, 30004, 13, 1678, 14770, 29889, 3257, 29898, 525, 13463, 362, 525, 718, 851, 29898, 29875, 29897, 1723, 30004, 13, 1678, 6756, 13, 1678, 14770, 29889, 4294, 26471, 13, 1678, 6756, 13, 12008, 6680, 304, 1243, 476, 10262, 4180, 14550, 30004, 13, 1753, 903, 3959, 29876, 3591, 29898, 1055, 1469, 29871, 1125, 30004, 13, 1678, 6756, 13, 30004, 13, 1678, 14550, 26178, 701, 848, 964, 6694, 29914, 13424, 14550, 30004, 13, 1678, 301, 18772, 353, 1055, 1469, 29889, 12181, 29961, 29900, 29962, 334, 869, 29955, 30004, 13, 1678, 1055, 5323, 262, 353, 1055, 1469, 7503, 29880, 18772, 29892, 584, 29962, 30004, 13, 1678, 1055, 3057, 29871, 353, 1055, 1469, 29961, 29880, 18772, 29901, 29892, 584, 29962, 30004, 13, 1678, 6756, 13, 1678, 889, 29876, 29889, 1202, 29923, 29894, 5084, 29898, 1055, 5323, 262, 29889, 579, 668, 29898, 7411, 511, 29871, 29896, 3482, 30004, 13, 1678, 6756, 13, 1678, 14550, 13641, 411, 1833, 1897, 25811, 322, 29871, 29945, 20471, 22092, 943, 14550, 30004, 13, 1678, 1055, 12191, 353, 889, 29876, 29889, 1972, 29898, 1055, 3057, 7503, 29892, 13018, 29896, 1402, 29871, 29945, 29892, 525, 8513, 1495, 6756, 13, 1678, 6756, 13, 1678, 14550, 3917, 3639, 607, 526, 1959, 14550, 30004, 13, 1678, 301, 3981, 353, 29871, 29900, 30004, 13, 1678, 363, 474, 29892, 270, 1440, 297, 26985, 29898, 1056, 12191, 1125, 30004, 13, 4706, 565, 270, 1440, 1275, 1055, 3057, 29961, 29875, 6653, 29896, 5387, 30004, 13, 9651, 301, 3981, 353, 301, 3981, 718, 29871, 29896, 30004, 13, 9651, 6756, 13, 1678, 270, 3591, 353, 5785, 29898, 29880, 3981, 29897, 847, 1055, 12191, 29889, 2311, 30004, 13, 30004, 13, 1678, 736, 270, 3591, 30004, 13, 30004, 13, 12008, 4321, 29879, 4180, 310, 29871, 29896, 29899, 29968, 10262, 14550, 30004, 13, 1753, 903, 1688, 29896, 7295, 30004, 13, 4706, 6756, 13, 1678, 14550, 3251, 403, 2211, 4036, 11916, 304, 1510, 278, 995, 310, 29871, 29896, 29899, 29968, 10262, 9401, 304, 29871, 29945, 29968, 10262, 24298, 1089, 4180, 14550, 30004, 13, 1678, 6756, 13, 1678, 363, 474, 297, 3464, 29898, 29941, 1125, 30004, 13, 4706, 6756, 13, 4706, 14550, 7605, 697, 310, 2211, 18822, 14550, 30004, 13, 4706, 565, 474, 1275, 29871, 29900, 29901, 30004, 13, 9651, 1055, 3057, 29896, 353, 7442, 29889, 8172, 29889, 8945, 29898, 1180, 11759, 29900, 29892, 29900, 1402, 7052, 21098, 29906, 29945, 29892, 2311, 11759, 29945, 29900, 29900, 29892, 29906, 29962, 1723, 30004, 13, 9651, 1055, 3057, 29896, 353, 7442, 29889, 29882, 1429, 29898, 313, 1056, 3057, 29896, 29892, 7442, 29889, 3298, 359, 29898, 29945, 29900, 29900, 467, 690, 14443, 6278, 29896, 29892, 29896, 29897, 1723, 1723, 30004, 13, 9651, 6756, 13, 9651, 1055, 3057, 29906, 353, 7442, 29889, 8172, 29889, 8945, 29898, 1180, 11759, 29896, 29889, 29945, 29892, 29900, 1402, 7052, 21098, 29906, 29945, 29892, 2311, 11759, 29945, 29900, 29900, 29892, 29906, 29962, 1723, 30004, 13, 9651, 1055, 3057, 29906, 353, 7442, 29889, 29882, 1429, 29898, 313, 1056, 3057, 29906, 29892, 7442, 29889, 2873, 29898, 29945, 29900, 29900, 467, 690, 14443, 6278, 29896, 29892, 29896, 29897, 1723, 1723, 30004, 13, 4706, 25342, 474, 1275, 29871, 29896, 29901, 30004, 13, 9651, 1055, 3057, 29896, 353, 7442, 29889, 8172, 29889, 8945, 29898, 1180, 11759, 29900, 29892, 29900, 1402, 7052, 21098, 29906, 29945, 29892, 2311, 11759, 29945, 29900, 29900, 29892, 29906, 29962, 1723, 30004, 13, 9651, 1055, 3057, 29896, 353, 7442, 29889, 29882, 1429, 29898, 313, 1056, 3057, 29896, 29892, 7442, 29889, 3298, 359, 29898, 29945, 29900, 29900, 467, 690, 14443, 6278, 29896, 29892, 29896, 29897, 1723, 1723, 30004, 13, 9651, 6756, 13, 9651, 1055, 3057, 29906, 353, 7442, 29889, 8172, 29889, 8945, 29898, 1180, 11759, 29896, 29889, 29945, 29892, 29900, 1402, 7052, 21098, 29896, 29892, 2311, 11759, 29945, 29900, 29900, 29892, 29906, 29962, 1723, 30004, 13, 9651, 1055, 3057, 29906, 353, 7442, 29889, 29882, 1429, 29898, 313, 1056, 3057, 29906, 29892, 7442, 29889, 2873, 29898, 29945, 29900, 29900, 467, 690, 14443, 6278, 29896, 29892, 29896, 29897, 1723, 1723, 30004, 13, 4706, 1683, 29901, 30004, 13, 9651, 1055, 3057, 29896, 353, 7442, 29889, 8172, 29889, 8945, 29898, 1180, 11759, 29900, 29892, 29900, 1402, 7052, 21098, 29906, 29945, 29892, 2311, 11759, 29945, 29900, 29900, 29892, 29906, 29962, 1723, 30004, 13, 9651, 1055, 3057, 29896, 353, 7442, 29889, 29882, 1429, 29898, 313, 1056, 3057, 29896, 29892, 7442, 29889, 3298, 359, 29898, 29945, 29900, 29900, 467, 690, 14443, 6278, 29896, 29892, 29896, 29897, 1723, 1723, 30004, 13, 9651, 6756, 13, 9651, 1055, 3057, 29906, 353, 7442, 29889, 8172, 29889, 8945, 29898, 1180, 11759, 29896, 29889, 29945, 29892, 29900, 1402, 7052, 21098, 29906, 29945, 29892, 2311, 11759, 29906, 29945, 29900, 29892, 29906, 29962, 1723, 30004, 13, 9651, 1055, 3057, 29906, 353, 7442, 29889, 29882, 1429, 29898, 313, 1056, 3057, 29906, 29892, 7442, 29889, 2873, 29898, 29906, 29945, 29900, 467, 690, 14443, 6278, 29896, 29892, 29896, 29897, 1723, 1723, 30004, 13, 4706, 6756, 13, 4706, 1055, 2816, 335, 353, 7442, 29889, 29894, 1429, 29898, 313, 1056, 3057, 29896, 29892, 1055, 3057, 29906, 29897, 1723, 30004, 13, 4706, 1055, 29933, 720, 353, 7442, 29889, 29894, 1429, 29898, 313, 1056, 3057, 29896, 29892, 1055, 3057, 29906, 29897, 1723, 30004, 13, 4706, 6756, 13, 4706, 14550, 19152, 5702, 310, 1065, 3706, 14550, 30004, 13, 4706, 260, 353, 12006, 26471, 13, 4706, 274, 6716, 7944, 353, 260, 29899, 29873, 2104, 13, 4706, 274, 29968, 15755, 7944, 353, 260, 29899, 29873, 2104, 13, 462, 462, 29871, 6756, 13, 4706, 301, 29888, 12191, 353, 5159, 30004, 13, 4706, 301, 29888, 29968, 15755, 12191, 353, 5159, 30004, 13, 4706, 363, 474, 297, 3464, 29898, 29871, 29896, 29945, 29871, 1125, 30004, 13, 9651, 396, 29918, 5317, 13398, 29898, 1055, 3057, 29896, 29892, 1055, 29933, 720, 29961, 29896, 29900, 29900, 29901, 29892, 29901, 1402, 474, 1723, 30004, 13, 9651, 6756, 13, 9651, 260, 353, 12006, 26471, 13, 9651, 301, 29888, 12191, 29889, 4397, 29898, 697, 29968, 15755, 29898, 1055, 29933, 720, 1723, 1723, 30004, 13, 9651, 274, 6716, 7944, 353, 274, 6716, 7944, 718, 313, 13058, 580, 448, 260, 8443, 13, 9651, 6756, 13, 9651, 260, 353, 12006, 26471, 13, 9651, 301, 29888, 29968, 15755, 12191, 29889, 4397, 29898, 903, 3959, 29876, 3591, 29898, 7442, 29889, 8172, 29889, 546, 6149, 362, 29898, 1056, 29933, 720, 29897, 1723, 1723, 30004, 13, 9651, 274, 29968, 15755, 7944, 353, 274, 29968, 15755, 7944, 718, 313, 13058, 580, 448, 260, 8443, 13, 9651, 6756, 13, 9651, 1055, 29933, 720, 29961, 29945, 29900, 29900, 29901, 29892, 29900, 29962, 353, 1055, 29933, 720, 29961, 29945, 29900, 29900, 29901, 29892, 29900, 29962, 448, 869, 29896, 30004, 13, 30004, 13, 4706, 1596, 525, 7944, 3118, 29968, 15755, 29901, 742, 274, 6716, 7944, 30004, 13, 4706, 1596, 525, 7944, 29871, 29945, 29899, 29968, 10262, 29901, 742, 274, 29968, 15755, 7944, 259, 6756, 13, 4706, 903, 5317, 12191, 29898, 1055, 3057, 29896, 29892, 1055, 3057, 29906, 29892, 301, 29888, 12191, 29892, 301, 29888, 29968, 15755, 12191, 1723, 30004, 13, 30004, 13, 12008, 4321, 29879, 4180, 310, 29871, 29896, 29899, 29968, 10262, 14550, 30004, 13, 1753, 903, 1688, 29906, 7295, 30004, 13, 1678, 14550, 3251, 403, 2211, 4036, 11916, 304, 1510, 278, 995, 310, 29871, 29896, 29899, 29968, 10262, 9401, 304, 29871, 29945, 29968, 10262, 24298, 1089, 4180, 14550, 30004, 13, 1678, 6756, 13, 1678, 7442, 29889, 8172, 29889, 26776, 29898, 29871, 29896, 29906, 29941, 29946, 29945, 1723, 30004, 13, 30004, 13, 1678, 14550, 6204, 29871, 29945, 18822, 363, 1269, 310, 278, 29871, 29945, 8393, 14550, 30004, 13, 1678, 1320, 29896, 353, 7442, 29889, 8172, 29889, 29590, 29898, 448, 29896, 29892, 29871, 29896, 29892, 29871, 29896, 29900, 29900, 29900, 13742, 690, 14443, 29898, 448, 29896, 29892, 29871, 29896, 1723, 30004, 13, 1678, 1320, 29906, 353, 7442, 29889, 8172, 29889, 29590, 29898, 448, 29896, 29892, 29871, 29896, 29892, 29871, 29896, 29900, 29900, 29900, 13742, 690, 14443, 29898, 448, 29896, 29892, 29871, 29896, 1723, 259, 6756, 13, 1678, 1320, 29941, 353, 7442, 29889, 8172, 29889, 29590, 29898, 448, 29896, 29892, 29871, 29896, 29892, 29871, 29896, 29900, 29900, 29900, 13742, 690, 14443, 29898, 448, 29896, 29892, 29871, 29896, 1723, 30004, 13, 1678, 1320, 29946, 353, 7442, 29889, 8172, 29889, 29590, 29898, 448, 29896, 29892, 29871, 29896, 29892, 29871, 29896, 29900, 29900, 29900, 13742, 690, 14443, 29898, 448, 29896, 29892, 29871, 29896, 1723, 30004, 13, 1678, 1320, 29945, 353, 7442, 29889, 8172, 29889, 29590, 29898, 448, 29896, 29892, 29871, 29896, 29892, 29871, 29896, 29900, 29900, 29900, 13742, 690, 14443, 29898, 448, 29896, 29892, 29871, 29896, 1723, 30004, 13, 1678, 6756, 13, 1678, 301, 29928, 2879, 353, 518, 1320, 29896, 29892, 1320, 29906, 29892, 1320, 29941, 29892, 1320, 29946, 29892, 1320, 29945, 4514, 30004, 13, 30004, 13, 1678, 14550, 2178, 5680, 1304, 5174, 363, 4978, 29871, 29946, 14550, 30004, 13, 1678, 1320, 29979, 353, 7442, 29889, 5223, 29898, 1320, 29896, 1723, 718, 7442, 29889, 5223, 29898, 1320, 29906, 1723, 718, 7442, 29889, 5223, 29898, 1320, 29941, 1723, 718, 7442, 29889, 5223, 29898, 1320, 29945, 1723, 30004, 13, 1678, 1320, 29979, 353, 1320, 29979, 29889, 690, 14443, 29898, 448, 29896, 29892, 29871, 29896, 1723, 30004, 13, 1678, 6756, 13, 1678, 363, 474, 29892, 285, 1440, 29871, 297, 26985, 29898, 1320, 29979, 29871, 1125, 30004, 13, 4706, 565, 285, 1440, 6736, 29871, 29900, 29901, 30004, 13, 9651, 1320, 29979, 29961, 29875, 29962, 353, 29871, 29896, 30004, 13, 4706, 1683, 29901, 30004, 13, 9651, 1320, 29979, 29961, 29875, 29962, 353, 29871, 29900, 30004, 13, 1678, 6756, 13, 1678, 363, 474, 297, 3464, 29898, 29871, 29896, 29892, 29871, 29953, 29871, 1125, 30004, 13, 4706, 6756, 13, 4706, 19375, 8659, 353, 5159, 30004, 13, 4706, 301, 29888, 29896, 29963, 1338, 353, 5159, 30004, 13, 4706, 301, 29888, 29963, 1338, 353, 5159, 259, 6756, 13, 632, 6756, 13, 4706, 363, 3635, 297, 4256, 8504, 29889, 510, 2109, 800, 29898, 525, 29896, 29906, 29941, 29946, 29945, 742, 474, 29871, 1125, 30004, 13, 9651, 6756, 13, 9651, 14550, 731, 1243, 4978, 304, 937, 1543, 14550, 30004, 13, 9651, 1055, 3057, 353, 301, 29928, 2879, 29961, 938, 29898, 17858, 29961, 29900, 2314, 448, 29871, 29896, 4514, 30004, 13, 9651, 269, 15737, 353, 3635, 29961, 29900, 29962, 30004, 13, 9651, 6756, 13, 9651, 14550, 5096, 916, 18822, 373, 14550, 30004, 13, 9651, 363, 432, 297, 3464, 29898, 29871, 29896, 29892, 7431, 29898, 17858, 29897, 29871, 1125, 30004, 13, 18884, 269, 15737, 353, 269, 15737, 718, 851, 29898, 17858, 29961, 29926, 2314, 30004, 13, 18884, 1055, 3057, 353, 7442, 29889, 29882, 1429, 29898, 313, 1056, 3057, 29892, 301, 29928, 2879, 29961, 938, 29898, 17858, 29961, 29926, 2314, 448, 29871, 29896, 4514, 1723, 1723, 30004, 13, 9651, 6756, 13, 9651, 14550, 7146, 5096, 343, 1819, 14550, 30004, 13, 9651, 1055, 3057, 353, 7442, 29889, 29882, 1429, 29898, 313, 1056, 3057, 29892, 1320, 29979, 29897, 1723, 30004, 13, 9651, 6756, 13, 9651, 301, 29888, 29896, 29963, 1338, 29889, 4397, 29898, 697, 29968, 15755, 29898, 1055, 3057, 1723, 1723, 30004, 13, 9651, 301, 29888, 29963, 1338, 29889, 4397, 29898, 903, 3959, 29876, 3591, 29898, 7442, 29889, 8172, 29889, 546, 6149, 362, 29898, 1056, 3057, 29897, 1723, 1723, 30004, 13, 9651, 19375, 8659, 29889, 4397, 29898, 269, 15737, 1723, 30004, 13, 30004, 13, 4706, 14550, 18399, 2582, 14550, 30004, 13, 4706, 14770, 29896, 353, 14770, 29889, 1646, 29898, 7442, 29889, 279, 927, 29898, 2435, 29898, 29880, 29888, 29896, 29963, 1338, 8243, 301, 29888, 29896, 29963, 1338, 29892, 869, 29906, 29892, 2927, 2433, 29878, 29915, 1723, 30004, 13, 4706, 14770, 29906, 353, 14770, 29889, 1646, 29898, 7442, 29889, 279, 927, 29898, 2435, 29898, 29880, 29888, 29963, 1338, 876, 718, 29871, 29900, 29889, 29906, 29892, 301, 29888, 29963, 1338, 29892, 869, 29906, 29892, 2927, 2433, 29890, 29915, 1723, 30004, 13, 4706, 6756, 13, 4706, 14770, 29889, 26172, 29898, 313, 572, 29873, 29896, 29961, 29900, 1402, 14770, 29906, 29961, 29900, 11724, 6702, 29896, 29899, 29968, 10262, 742, 525, 29968, 10262, 29892, 476, 29922, 29945, 1495, 1723, 30004, 13, 1678, 6756, 13, 4706, 14770, 29889, 29891, 1643, 877, 29896, 29899, 29968, 10262, 7865, 29914, 29968, 10262, 23236, 1495, 30004, 13, 4706, 14770, 29889, 29916, 1643, 877, 19132, 3789, 1495, 30004, 13, 4706, 14770, 29889, 3257, 877, 1523, 2109, 800, 310, 525, 718, 851, 29898, 29875, 29897, 718, 525, 5169, 3698, 1495, 30004, 13, 30004, 13, 4706, 14770, 29889, 29891, 2576, 29898, 313, 29900, 29892, 29896, 29897, 1723, 30004, 13, 4706, 565, 7431, 29898, 29880, 29888, 29896, 29963, 1338, 29897, 529, 29871, 29906, 29901, 30004, 13, 9651, 14770, 29889, 29916, 2576, 29898, 8521, 29896, 29892, 29896, 29897, 1723, 30004, 13, 30004, 13, 4706, 330, 1113, 2141, 29916, 8990, 29889, 842, 29918, 29873, 7358, 29898, 7442, 29889, 279, 927, 29898, 2435, 29898, 29880, 29888, 29896, 29963, 1338, 876, 718, 869, 29906, 1723, 30004, 13, 4706, 330, 1113, 2141, 29916, 8990, 29889, 842, 29918, 24667, 21134, 29898, 19375, 8659, 1723, 30004, 13, 4706, 6756, 13, 4706, 14770, 29889, 4294, 26471, 13, 30004, 13, 3986, 6756, 13, 1678, 6756, 13, 361, 4770, 978, 1649, 1275, 525, 1649, 3396, 1649, 2396, 30004, 13, 1678, 6756, 13, 1678, 903, 1688, 29896, 26471, 13, 1678, 396, 29918, 1688, 29906, 26471, 13, 1678, 6756, 13, 1678, 6756, 13, 1678, 6756, 13, 1678, 6756, 13, 2 ]
server/pitches/migrations/0012_auto_20171216_2219.py
bholtbholt/unconf
10
184734
<gh_stars>1-10 # Generated by Django 2.0 on 2017-12-17 06:19 from django.db import migrations, models class Migration(migrations.Migration): dependencies = [ ('pitches', '0011_schedule'), ] operations = [ migrations.AlterField( model_name='slot', name='end_time', field=models.TimeField(), ), migrations.AlterField( model_name='slot', name='start_time', field=models.TimeField(), ), ]
[ 1, 529, 12443, 29918, 303, 1503, 29958, 29896, 29899, 29896, 29900, 13, 29937, 3251, 630, 491, 15337, 29871, 29906, 29889, 29900, 373, 29871, 29906, 29900, 29896, 29955, 29899, 29896, 29906, 29899, 29896, 29955, 29871, 29900, 29953, 29901, 29896, 29929, 13, 13, 3166, 9557, 29889, 2585, 1053, 9725, 800, 29892, 4733, 13, 13, 13, 1990, 341, 16783, 29898, 26983, 800, 29889, 29924, 16783, 1125, 13, 13, 1678, 9962, 353, 518, 13, 4706, 6702, 29886, 2335, 267, 742, 525, 29900, 29900, 29896, 29896, 29918, 816, 11272, 5477, 13, 1678, 4514, 13, 13, 1678, 6931, 353, 518, 13, 4706, 9725, 800, 29889, 2499, 357, 3073, 29898, 13, 9651, 1904, 29918, 978, 2433, 2536, 327, 742, 13, 9651, 1024, 2433, 355, 29918, 2230, 742, 13, 9651, 1746, 29922, 9794, 29889, 2481, 3073, 3285, 13, 4706, 10353, 13, 4706, 9725, 800, 29889, 2499, 357, 3073, 29898, 13, 9651, 1904, 29918, 978, 2433, 2536, 327, 742, 13, 9651, 1024, 2433, 2962, 29918, 2230, 742, 13, 9651, 1746, 29922, 9794, 29889, 2481, 3073, 3285, 13, 4706, 10353, 13, 1678, 4514, 13, 2 ]
tests/unit/test_environment.py
klmitch/stepmaker
0
98887
<filename>tests/unit/test_environment.py import os import pytest from six.moves import builtins from stepmaker import environment from stepmaker import exceptions class ExceptionForTest(Exception): pass class TestCompletedProcess(object): def test_init_base(self): result = environment.CompletedProcess(['a1', 'a2', 'a3'], 42) assert result.args == ['a1', 'a2', 'a3'] assert result.returncode == 42 assert result.stdout is None assert result.stderr is None def test_init_alt(self): result = environment.CompletedProcess( ['a1', 'a2', 'a3'], 42, 'stdout', 'stderr' ) assert result.args == ['a1', 'a2', 'a3'] assert result.returncode == 42 assert result.stdout == 'stdout' assert result.stderr == 'stderr' class TestEnvironment(object): def test_init_base(self, mocker): mocker.patch.object( environment.os, 'getcwd', return_value='/some/path', ) mock_canonicalize_path = mocker.patch.object( environment.utils, '_canonicalize_path', return_value='/real/path', ) result = environment.Environment() assert result._environ == os.environ assert id(result._environ) != id(os.environ) assert result._cwd == '/real/path' assert result._specials == {} assert result._special_cache == {} mock_canonicalize_path.assert_called_once_with( '/some/path', os.curdir, ) def test_init_alt(self, mocker): mocker.patch.object( environment.os, 'getcwd', return_value='/some/path', ) mock_canonicalize_path = mocker.patch.object( environment.utils, '_canonicalize_path', return_value='/real/path', ) result = environment.Environment({'a': 1, 'b': 2}, '/c/w/d', c=3, d=4) assert result._environ == {'a': 1, 'b': 2} assert id(result._environ) != id(os.environ) assert result._cwd == '/real/path' assert result._specials == {'c': 3, 'd': 4} assert result._special_cache == {} mock_canonicalize_path.assert_called_once_with( '/some/path', '/c/w/d', ) def test_len(self): obj = environment.Environment({'a': 1, 'b': 2}) assert len(obj) == 2 def test_iter(self): obj = environment.Environment({'a': 1, 'b': 2}) result = set(obj) assert result == set(['a', 'b']) def test_getitem_missing_key(self, mocker): mock_get_special = mocker.patch.object( environment.Environment, '_get_special', return_value='special', ) obj = environment.Environment({'a': 1, 'b': 2}) with pytest.raises(KeyError): obj['c'] mock_get_special.assert_not_called() def test_getitem_with_key(self, mocker): mock_get_special = mocker.patch.object( environment.Environment, '_get_special', return_value='special', ) obj = environment.Environment({'a': 1, 'b': 2}) assert obj['a'] == 1 mock_get_special.assert_not_called() def test_getitem_with_special(self, mocker): mock_get_special = mocker.patch.object( environment.Environment, '_get_special', return_value='special', ) obj = environment.Environment({'a': 1, 'b': 2}, a='spam') assert obj['a'] == 'special' mock_get_special.assert_called_once_with('a') def test_setitem_base(self, mocker): special = mocker.Mock() mock_get_special = mocker.patch.object( environment.Environment, '_get_special', return_value=special, ) obj = environment.Environment({'a': 1, 'b': 2}) obj['a'] = 5 assert obj._environ == {'a': 5, 'b': 2} mock_get_special.assert_not_called() special.set.assert_not_called() def test_setitem_with_special(self, mocker): special = mocker.Mock() mock_get_special = mocker.patch.object( environment.Environment, '_get_special', return_value=special, ) obj = environment.Environment({'a': 1, 'b': 2}, a='special') obj['a'] = 5 assert obj._environ == {'a': 1, 'b': 2} mock_get_special.assert_called_once_with('a') special.set.assert_called_once_with(5) def test_delitem_base(self, mocker): special = mocker.Mock() mock_get_special = mocker.patch.object( environment.Environment, '_get_special', return_value=special, ) obj = environment.Environment({'a': 1, 'b': 2}) del obj['a'] assert obj._environ == {'b': 2} mock_get_special.assert_not_called() special.delete.assert_not_called() def test_delitem_missing_key(self, mocker): special = mocker.Mock() mock_get_special = mocker.patch.object( environment.Environment, '_get_special', return_value=special, ) obj = environment.Environment({'a': 1, 'b': 2}) with pytest.raises(KeyError): del obj['c'] assert obj._environ == {'a': 1, 'b': 2} mock_get_special.assert_not_called() special.delete.assert_not_called() def test_delitem_with_special(self, mocker): special = mocker.Mock() mock_get_special = mocker.patch.object( environment.Environment, '_get_special', return_value=special, ) obj = environment.Environment({'a': 1, 'b': 2}, a='special') del obj['a'] assert obj._environ == {'a': 1, 'b': 2} mock_get_special.assert_called_once_with('a') special.delete.assert_called_once_with() def test_call_base(self, mocker): process = mocker.Mock(**{ 'communicate.return_value': ('stdout', 'stderr'), 'poll.return_value': 0, }) mock_system = mocker.patch.object( environment.Environment, '_system', return_value=process, ) obj = environment.Environment() result = obj(['cmd', 'a1', 'a2'], a=1, b=2) assert isinstance(result, environment.CompletedProcess) assert result.args == ['cmd', 'a1', 'a2'] assert result.returncode == 0 assert result.stdout == 'stdout' assert result.stderr == 'stderr' mock_system.assert_called_once_with( ['cmd', 'a1', 'a2'], {'a': 1, 'b': 2}, ) process.assert_has_calls([ mocker.call.communicate(None), mocker.call.poll(), ]) assert len(process.method_calls) == 2 def test_call_args_str(self, mocker): process = mocker.Mock(**{ 'communicate.return_value': ('stdout', 'stderr'), 'poll.return_value': 0, }) mock_system = mocker.patch.object( environment.Environment, '_system', return_value=process, ) obj = environment.Environment() result = obj('cmd a1 a2', a=1, b=2) assert isinstance(result, environment.CompletedProcess) assert result.args == ['cmd', 'a1', 'a2'] assert result.returncode == 0 assert result.stdout == 'stdout' assert result.stderr == 'stderr' mock_system.assert_called_once_with( ['cmd', 'a1', 'a2'], {'a': 1, 'b': 2}, ) process.assert_has_calls([ mocker.call.communicate(None), mocker.call.poll(), ]) assert len(process.method_calls) == 2 def test_call_with_input(self, mocker): process = mocker.Mock(**{ 'communicate.return_value': ('stdout', 'stderr'), 'poll.return_value': 0, }) mock_system = mocker.patch.object( environment.Environment, '_system', return_value=process, ) obj = environment.Environment() result = obj(['cmd', 'a1', 'a2'], a=1, b=2, input='text') assert isinstance(result, environment.CompletedProcess) assert result.args == ['cmd', 'a1', 'a2'] assert result.returncode == 0 assert result.stdout == 'stdout' assert result.stderr == 'stderr' mock_system.assert_called_once_with( ['cmd', 'a1', 'a2'], {'a': 1, 'b': 2, 'stdin': environment.PIPE}, ) process.assert_has_calls([ mocker.call.communicate('text'), mocker.call.poll(), ]) assert len(process.method_calls) == 2 def test_call_both_input_and_stdin(self, mocker): process = mocker.Mock(**{ 'communicate.return_value': ('stdout', 'stderr'), 'poll.return_value': 0, }) mock_system = mocker.patch.object( environment.Environment, '_system', return_value=process, ) obj = environment.Environment() with pytest.raises(ValueError): obj(['cmd', 'a1', 'a2'], a=1, b=2, input='text', stdin='pipe') mock_system.assert_not_called() assert len(process.method_calls) == 0 def test_call_communicate_fail(self, mocker): process = mocker.Mock(**{ 'communicate.side_effect': ExceptionForTest('test'), 'poll.return_value': 0, }) mock_system = mocker.patch.object( environment.Environment, '_system', return_value=process, ) obj = environment.Environment() with pytest.raises(ExceptionForTest): obj(['cmd', 'a1', 'a2'], a=1, b=2) mock_system.assert_called_once_with( ['cmd', 'a1', 'a2'], {'a': 1, 'b': 2}, ) process.assert_has_calls([ mocker.call.communicate(None), mocker.call.kill(), mocker.call.wait(), ]) assert len(process.method_calls) == 3 def test_call_nonzero_returncode(self, mocker): process = mocker.Mock(**{ 'communicate.return_value': ('stdout', 'stderr'), 'poll.return_value': 5, }) mock_system = mocker.patch.object( environment.Environment, '_system', return_value=process, ) obj = environment.Environment() result = obj(['cmd', 'a1', 'a2'], a=1, b=2) assert isinstance(result, environment.CompletedProcess) assert result.args == ['cmd', 'a1', 'a2'] assert result.returncode == 5 assert result.stdout == 'stdout' assert result.stderr == 'stderr' mock_system.assert_called_once_with( ['cmd', 'a1', 'a2'], {'a': 1, 'b': 2}, ) process.assert_has_calls([ mocker.call.communicate(None), mocker.call.poll(), ]) assert len(process.method_calls) == 2 def test_call_nonzero_returncode_check(self, mocker): process = mocker.Mock(**{ 'communicate.return_value': ('stdout', 'stderr'), 'poll.return_value': 5, }) mock_system = mocker.patch.object( environment.Environment, '_system', return_value=process, ) obj = environment.Environment() with pytest.raises(exceptions.ProcessError) as exc_info: obj(['cmd', 'a1', 'a2'], a=1, b=2, check=True) assert isinstance(exc_info.value.result, environment.CompletedProcess) assert exc_info.value.result.args == ['cmd', 'a1', 'a2'] assert exc_info.value.result.returncode == 5 assert exc_info.value.result.stdout == 'stdout' assert exc_info.value.result.stderr == 'stderr' mock_system.assert_called_once_with( ['cmd', 'a1', 'a2'], {'a': 1, 'b': 2}, ) process.assert_has_calls([ mocker.call.communicate(None), mocker.call.poll(), ]) assert len(process.method_calls) == 2 def test_get_special_cached(self, mocker): special_factory = mocker.Mock( return_value='special', ) obj = environment.Environment({'a': 1, 'b': 2}, a=special_factory) obj._special_cache['a'] = 'cached' result = obj._get_special('a') assert result == 'cached' assert obj._special_cache == {'a': 'cached'} special_factory.assert_not_called() def test_get_special_uncached(self, mocker): special_factory = mocker.Mock( return_value='special', ) obj = environment.Environment({'a': 1, 'b': 2}, a=special_factory) result = obj._get_special('a') assert result == 'special' assert obj._special_cache == {'a': 'special'} special_factory.assert_called_once_with(obj, 'a') def test_set(self): obj = environment.Environment({'a': 1, 'b': 2}) obj._set('a', 5) assert obj._environ == {'a': 5, 'b': 2} def test_delete_exists(self): obj = environment.Environment({'a': 1, 'b': 2}) obj._delete('a') assert obj._environ == {'b': 2} def test_delete_missing(self): obj = environment.Environment({'a': 1, 'b': 2}) obj._delete('c') assert obj._environ == {'a': 1, 'b': 2} def test_system_base(self, mocker): mock_filename = mocker.patch.object( environment.Environment, 'filename', return_value='/some/path', ) mock_Popen = mocker.patch.object( environment.subprocess, 'Popen', return_value='result', ) obj = environment.Environment({'a': 1, 'b': 2}) result = obj._system('args', {'c': 3, 'd': 4}) assert result == 'result' mock_filename.assert_not_called() mock_Popen.assert_called_once_with( 'args', c=3, d=4, cwd=obj._cwd, env={'a': 1, 'b': 2}, close_fds=True, ) def test_system_alt(self, mocker): mock_filename = mocker.patch.object( environment.Environment, 'filename', return_value='/some/path', ) mock_Popen = mocker.patch.object( environment.subprocess, 'Popen', return_value='result', ) obj = environment.Environment({'a': 1, 'b': 2}) result = obj._system('args', { 'c': 3, 'd': 4, 'cwd': '/other/path', 'env': {'a': 2, 'b': 1}, 'close_fds': False }) assert result == 'result' mock_filename.assert_called_once_with('/other/path') mock_Popen.assert_called_once_with( 'args', c=3, d=4, cwd='/some/path', env={'a': 2, 'b': 1}, close_fds=False, ) def test_setdefault_missing(self, mocker): obj = environment.Environment({'a': 1, 'b': 2}) result = obj.setdefault('c', 3) assert result == 3 assert obj._environ == {'a': 1, 'b': 2, 'c': 3} def test_setdefault_present(self, mocker): obj = environment.Environment({'a': 1, 'b': 2}) result = obj.setdefault('a', 3) assert result == 1 assert obj._environ == {'a': 1, 'b': 2} def test_copy(self): obj = environment.Environment({'a': 1, 'b': 2}, '/c/w/d', c=3, d=4) result = obj.copy() assert id(result) != id(obj) assert result._environ == obj._environ assert id(result._environ) != id(obj._environ) assert result._cwd == '/c/w/d' assert result._specials == {'c': 3, 'd': 4} assert result._special_cache == {} def test_register_base(self): obj = environment.Environment({'a': 1, 'b': 2}, c=3, d=4) obj._special_cache['c'] = 'cached' result = obj.register('c', 3) assert result == 3 assert obj._specials == {'c': 3, 'd': 4} assert obj._special_cache == {'c': 'cached'} def test_register_change(self): obj = environment.Environment({'a': 1, 'b': 2}, c=3, d=4) obj._special_cache['c'] = 'cached' result = obj.register('c', 5) assert result == 3 assert obj._specials == {'c': 5, 'd': 4} assert obj._special_cache == {} def test_register_unregister(self): obj = environment.Environment({'a': 1, 'b': 2}, c=3, d=4) obj._special_cache['c'] = 'cached' result = obj.register('c') assert result == 3 assert obj._specials == {'d': 4} assert obj._special_cache == {} def test_get_raw_missing_key_no_default(self, mocker): obj = environment.Environment({'a': 1, 'b': 2}, c='special') with pytest.raises(KeyError): obj.get_raw('c') def test_get_raw_missing_key_with_default(self, mocker): obj = environment.Environment({'a': 1, 'b': 2}, c='special') result = obj.get_raw('c', 'default') assert result == 'default' def test_get_raw_with_key(self, mocker): obj = environment.Environment({'a': 1, 'b': 2}, a='special') result = obj.get_raw('a', 'default') assert result == 1 def test_filename(self, mocker): obj = environment.Environment() # Note: must be set up after initializing the environment mock_canonicalize_path = mocker.patch.object( environment.utils, '_canonicalize_path', return_value='/canon/path', ) result = obj.filename('file.name') assert result == '/canon/path' mock_canonicalize_path.assert_called_once_with(obj._cwd, 'file.name') def test_open_base(self, mocker): mock_open = mocker.patch.object( builtins, 'open', return_value='handle', ) mock_filename = mocker.patch.object( environment.Environment, 'filename', return_value='/some/file', ) obj = environment.Environment() result = obj.open('file.name') assert result == 'handle' mock_filename.assert_called_once_with('file.name') mock_open.assert_called_once_with('/some/file', 'r', -1) def test_open_alt(self, mocker): mock_open = mocker.patch.object( builtins, 'open', return_value='handle', ) mock_filename = mocker.patch.object( environment.Environment, 'filename', return_value='/some/file', ) obj = environment.Environment() result = obj.open('file.name', 'w', 1) assert result == 'handle' mock_filename.assert_called_once_with('file.name') mock_open.assert_called_once_with('/some/file', 'w', 1) def test_popen_base(self, mocker): mock_system = mocker.patch.object( environment.Environment, '_system', return_value='result', ) obj = environment.Environment() result = obj.popen(['cmd', 'a1', 'a2'], a=1, b=2) assert result == 'result' mock_system.assert_called_once_with( ['cmd', 'a1', 'a2'], {'a': 1, 'b': 2}, ) def test_popen_arg_str(self, mocker): mock_system = mocker.patch.object( environment.Environment, '_system', return_value='result', ) obj = environment.Environment() result = obj.popen('cmd a1 a2', a=1, b=2) assert result == 'result' mock_system.assert_called_once_with( ['cmd', 'a1', 'a2'], {'a': 1, 'b': 2}, ) def test_cwd_get(self): obj = environment.Environment() assert obj.cwd == obj._cwd def test_cwd_set(self, mocker): mock_filename = mocker.patch.object( environment.Environment, 'filename', return_value='/new/cwd', ) obj = environment.Environment() obj.cwd = '/some/path' assert obj._cwd == '/new/cwd' mock_filename.assert_called_once_with('/some/path')
[ 1, 529, 9507, 29958, 21150, 29914, 5441, 29914, 1688, 29918, 20944, 29889, 2272, 13, 5215, 2897, 13, 13, 5215, 11451, 1688, 13, 3166, 4832, 29889, 13529, 267, 1053, 4240, 1144, 13, 13, 3166, 1886, 3358, 5790, 1053, 5177, 13, 3166, 1886, 3358, 5790, 1053, 15283, 13, 13, 13, 1990, 8960, 2831, 3057, 29898, 2451, 1125, 13, 1678, 1209, 13, 13, 13, 1990, 4321, 26010, 7032, 29898, 3318, 1125, 13, 1678, 822, 1243, 29918, 2344, 29918, 3188, 29898, 1311, 1125, 13, 4706, 1121, 353, 5177, 29889, 26010, 7032, 18959, 29874, 29896, 742, 525, 29874, 29906, 742, 525, 29874, 29941, 7464, 29871, 29946, 29906, 29897, 13, 13, 4706, 4974, 1121, 29889, 5085, 1275, 6024, 29874, 29896, 742, 525, 29874, 29906, 742, 525, 29874, 29941, 2033, 13, 4706, 4974, 1121, 29889, 2457, 401, 1275, 29871, 29946, 29906, 13, 4706, 4974, 1121, 29889, 25393, 338, 6213, 13, 4706, 4974, 1121, 29889, 303, 20405, 338, 6213, 13, 13, 1678, 822, 1243, 29918, 2344, 29918, 1997, 29898, 1311, 1125, 13, 4706, 1121, 353, 5177, 29889, 26010, 7032, 29898, 13, 9651, 6024, 29874, 29896, 742, 525, 29874, 29906, 742, 525, 29874, 29941, 7464, 29871, 29946, 29906, 29892, 525, 25393, 742, 525, 303, 20405, 29915, 13, 4706, 1723, 13, 13, 4706, 4974, 1121, 29889, 5085, 1275, 6024, 29874, 29896, 742, 525, 29874, 29906, 742, 525, 29874, 29941, 2033, 13, 4706, 4974, 1121, 29889, 2457, 401, 1275, 29871, 29946, 29906, 13, 4706, 4974, 1121, 29889, 25393, 1275, 525, 25393, 29915, 13, 4706, 4974, 1121, 29889, 303, 20405, 1275, 525, 303, 20405, 29915, 13, 13, 13, 1990, 4321, 18649, 29898, 3318, 1125, 13, 1678, 822, 1243, 29918, 2344, 29918, 3188, 29898, 1311, 29892, 286, 8658, 1125, 13, 4706, 286, 8658, 29889, 5041, 29889, 3318, 29898, 13, 9651, 5177, 29889, 359, 29892, 525, 657, 29883, 9970, 742, 13, 9651, 736, 29918, 1767, 2433, 29914, 5372, 29914, 2084, 742, 13, 4706, 1723, 13, 4706, 11187, 29918, 3068, 265, 936, 675, 29918, 2084, 353, 286, 8658, 29889, 5041, 29889, 3318, 29898, 13, 9651, 5177, 29889, 13239, 29892, 22868, 3068, 265, 936, 675, 29918, 2084, 742, 13, 9651, 736, 29918, 1767, 2433, 29914, 6370, 29914, 2084, 742, 13, 4706, 1723, 13, 13, 4706, 1121, 353, 5177, 29889, 18649, 580, 13, 13, 4706, 4974, 1121, 3032, 21813, 1275, 2897, 29889, 21813, 13, 4706, 4974, 1178, 29898, 2914, 3032, 21813, 29897, 2804, 1178, 29898, 359, 29889, 21813, 29897, 13, 4706, 4974, 1121, 3032, 29883, 9970, 1275, 8207, 6370, 29914, 2084, 29915, 13, 4706, 4974, 1121, 3032, 5965, 455, 1338, 1275, 6571, 13, 4706, 4974, 1121, 3032, 18732, 29918, 8173, 1275, 6571, 13, 4706, 11187, 29918, 3068, 265, 936, 675, 29918, 2084, 29889, 9294, 29918, 13998, 29918, 10646, 29918, 2541, 29898, 13, 9651, 8207, 5372, 29914, 2084, 742, 2897, 29889, 2764, 3972, 29892, 13, 4706, 1723, 13, 13, 1678, 822, 1243, 29918, 2344, 29918, 1997, 29898, 1311, 29892, 286, 8658, 1125, 13, 4706, 286, 8658, 29889, 5041, 29889, 3318, 29898, 13, 9651, 5177, 29889, 359, 29892, 525, 657, 29883, 9970, 742, 13, 9651, 736, 29918, 1767, 2433, 29914, 5372, 29914, 2084, 742, 13, 4706, 1723, 13, 4706, 11187, 29918, 3068, 265, 936, 675, 29918, 2084, 353, 286, 8658, 29889, 5041, 29889, 3318, 29898, 13, 9651, 5177, 29889, 13239, 29892, 22868, 3068, 265, 936, 675, 29918, 2084, 742, 13, 9651, 736, 29918, 1767, 2433, 29914, 6370, 29914, 2084, 742, 13, 4706, 1723, 13, 13, 4706, 1121, 353, 5177, 29889, 18649, 3319, 29915, 29874, 2396, 29871, 29896, 29892, 525, 29890, 2396, 29871, 29906, 1118, 8207, 29883, 29914, 29893, 29914, 29881, 742, 274, 29922, 29941, 29892, 270, 29922, 29946, 29897, 13, 13, 4706, 4974, 1121, 3032, 21813, 1275, 11117, 29874, 2396, 29871, 29896, 29892, 525, 29890, 2396, 29871, 29906, 29913, 13, 4706, 4974, 1178, 29898, 2914, 3032, 21813, 29897, 2804, 1178, 29898, 359, 29889, 21813, 29897, 13, 4706, 4974, 1121, 3032, 29883, 9970, 1275, 8207, 6370, 29914, 2084, 29915, 13, 4706, 4974, 1121, 3032, 5965, 455, 1338, 1275, 11117, 29883, 2396, 29871, 29941, 29892, 525, 29881, 2396, 29871, 29946, 29913, 13, 4706, 4974, 1121, 3032, 18732, 29918, 8173, 1275, 6571, 13, 4706, 11187, 29918, 3068, 265, 936, 675, 29918, 2084, 29889, 9294, 29918, 13998, 29918, 10646, 29918, 2541, 29898, 13, 9651, 8207, 5372, 29914, 2084, 742, 8207, 29883, 29914, 29893, 29914, 29881, 742, 13, 4706, 1723, 13, 13, 1678, 822, 1243, 29918, 2435, 29898, 1311, 1125, 13, 4706, 5446, 353, 5177, 29889, 18649, 3319, 29915, 29874, 2396, 29871, 29896, 29892, 525, 29890, 2396, 29871, 29906, 1800, 13, 13, 4706, 4974, 7431, 29898, 5415, 29897, 1275, 29871, 29906, 13, 13, 1678, 822, 1243, 29918, 1524, 29898, 1311, 1125, 13, 4706, 5446, 353, 5177, 29889, 18649, 3319, 29915, 29874, 2396, 29871, 29896, 29892, 525, 29890, 2396, 29871, 29906, 1800, 13, 13, 4706, 1121, 353, 731, 29898, 5415, 29897, 13, 13, 4706, 4974, 1121, 1275, 731, 18959, 29874, 742, 525, 29890, 11287, 13, 13, 1678, 822, 1243, 29918, 657, 667, 29918, 27259, 29918, 1989, 29898, 1311, 29892, 286, 8658, 1125, 13, 4706, 11187, 29918, 657, 29918, 18732, 353, 286, 8658, 29889, 5041, 29889, 3318, 29898, 13, 9651, 5177, 29889, 18649, 29892, 22868, 657, 29918, 18732, 742, 13, 9651, 736, 29918, 1767, 2433, 18732, 742, 13, 4706, 1723, 13, 4706, 5446, 353, 5177, 29889, 18649, 3319, 29915, 29874, 2396, 29871, 29896, 29892, 525, 29890, 2396, 29871, 29906, 1800, 13, 13, 4706, 411, 11451, 1688, 29889, 336, 4637, 29898, 2558, 2392, 1125, 13, 9651, 5446, 1839, 29883, 2033, 13, 4706, 11187, 29918, 657, 29918, 18732, 29889, 9294, 29918, 1333, 29918, 13998, 580, 13, 13, 1678, 822, 1243, 29918, 657, 667, 29918, 2541, 29918, 1989, 29898, 1311, 29892, 286, 8658, 1125, 13, 4706, 11187, 29918, 657, 29918, 18732, 353, 286, 8658, 29889, 5041, 29889, 3318, 29898, 13, 9651, 5177, 29889, 18649, 29892, 22868, 657, 29918, 18732, 742, 13, 9651, 736, 29918, 1767, 2433, 18732, 742, 13, 4706, 1723, 13, 4706, 5446, 353, 5177, 29889, 18649, 3319, 29915, 29874, 2396, 29871, 29896, 29892, 525, 29890, 2396, 29871, 29906, 1800, 13, 13, 4706, 4974, 5446, 1839, 29874, 2033, 1275, 29871, 29896, 13, 4706, 11187, 29918, 657, 29918, 18732, 29889, 9294, 29918, 1333, 29918, 13998, 580, 13, 13, 1678, 822, 1243, 29918, 657, 667, 29918, 2541, 29918, 18732, 29898, 1311, 29892, 286, 8658, 1125, 13, 4706, 11187, 29918, 657, 29918, 18732, 353, 286, 8658, 29889, 5041, 29889, 3318, 29898, 13, 9651, 5177, 29889, 18649, 29892, 22868, 657, 29918, 18732, 742, 13, 9651, 736, 29918, 1767, 2433, 18732, 742, 13, 4706, 1723, 13, 4706, 5446, 353, 5177, 29889, 18649, 3319, 29915, 29874, 2396, 29871, 29896, 29892, 525, 29890, 2396, 29871, 29906, 1118, 263, 2433, 1028, 314, 1495, 13, 13, 4706, 4974, 5446, 1839, 29874, 2033, 1275, 525, 18732, 29915, 13, 4706, 11187, 29918, 657, 29918, 18732, 29889, 9294, 29918, 13998, 29918, 10646, 29918, 2541, 877, 29874, 1495, 13, 13, 1678, 822, 1243, 29918, 842, 667, 29918, 3188, 29898, 1311, 29892, 286, 8658, 1125, 13, 4706, 4266, 353, 286, 8658, 29889, 18680, 580, 13, 4706, 11187, 29918, 657, 29918, 18732, 353, 286, 8658, 29889, 5041, 29889, 3318, 29898, 13, 9651, 5177, 29889, 18649, 29892, 22868, 657, 29918, 18732, 742, 13, 9651, 736, 29918, 1767, 29922, 18732, 29892, 13, 4706, 1723, 13, 4706, 5446, 353, 5177, 29889, 18649, 3319, 29915, 29874, 2396, 29871, 29896, 29892, 525, 29890, 2396, 29871, 29906, 1800, 13, 13, 4706, 5446, 1839, 29874, 2033, 353, 29871, 29945, 13, 13, 4706, 4974, 5446, 3032, 21813, 1275, 11117, 29874, 2396, 29871, 29945, 29892, 525, 29890, 2396, 29871, 29906, 29913, 13, 4706, 11187, 29918, 657, 29918, 18732, 29889, 9294, 29918, 1333, 29918, 13998, 580, 13, 4706, 4266, 29889, 842, 29889, 9294, 29918, 1333, 29918, 13998, 580, 13, 13, 1678, 822, 1243, 29918, 842, 667, 29918, 2541, 29918, 18732, 29898, 1311, 29892, 286, 8658, 1125, 13, 4706, 4266, 353, 286, 8658, 29889, 18680, 580, 13, 4706, 11187, 29918, 657, 29918, 18732, 353, 286, 8658, 29889, 5041, 29889, 3318, 29898, 13, 9651, 5177, 29889, 18649, 29892, 22868, 657, 29918, 18732, 742, 13, 9651, 736, 29918, 1767, 29922, 18732, 29892, 13, 4706, 1723, 13, 4706, 5446, 353, 5177, 29889, 18649, 3319, 29915, 29874, 2396, 29871, 29896, 29892, 525, 29890, 2396, 29871, 29906, 1118, 263, 2433, 18732, 1495, 13, 13, 4706, 5446, 1839, 29874, 2033, 353, 29871, 29945, 13, 13, 4706, 4974, 5446, 3032, 21813, 1275, 11117, 29874, 2396, 29871, 29896, 29892, 525, 29890, 2396, 29871, 29906, 29913, 13, 4706, 11187, 29918, 657, 29918, 18732, 29889, 9294, 29918, 13998, 29918, 10646, 29918, 2541, 877, 29874, 1495, 13, 4706, 4266, 29889, 842, 29889, 9294, 29918, 13998, 29918, 10646, 29918, 2541, 29898, 29945, 29897, 13, 13, 1678, 822, 1243, 29918, 6144, 667, 29918, 3188, 29898, 1311, 29892, 286, 8658, 1125, 13, 4706, 4266, 353, 286, 8658, 29889, 18680, 580, 13, 4706, 11187, 29918, 657, 29918, 18732, 353, 286, 8658, 29889, 5041, 29889, 3318, 29898, 13, 9651, 5177, 29889, 18649, 29892, 22868, 657, 29918, 18732, 742, 13, 9651, 736, 29918, 1767, 29922, 18732, 29892, 13, 4706, 1723, 13, 4706, 5446, 353, 5177, 29889, 18649, 3319, 29915, 29874, 2396, 29871, 29896, 29892, 525, 29890, 2396, 29871, 29906, 1800, 13, 13, 4706, 628, 5446, 1839, 29874, 2033, 13, 13, 4706, 4974, 5446, 3032, 21813, 1275, 11117, 29890, 2396, 29871, 29906, 29913, 13, 4706, 11187, 29918, 657, 29918, 18732, 29889, 9294, 29918, 1333, 29918, 13998, 580, 13, 4706, 4266, 29889, 8143, 29889, 9294, 29918, 1333, 29918, 13998, 580, 13, 13, 1678, 822, 1243, 29918, 6144, 667, 29918, 27259, 29918, 1989, 29898, 1311, 29892, 286, 8658, 1125, 13, 4706, 4266, 353, 286, 8658, 29889, 18680, 580, 13, 4706, 11187, 29918, 657, 29918, 18732, 353, 286, 8658, 29889, 5041, 29889, 3318, 29898, 13, 9651, 5177, 29889, 18649, 29892, 22868, 657, 29918, 18732, 742, 13, 9651, 736, 29918, 1767, 29922, 18732, 29892, 13, 4706, 1723, 13, 4706, 5446, 353, 5177, 29889, 18649, 3319, 29915, 29874, 2396, 29871, 29896, 29892, 525, 29890, 2396, 29871, 29906, 1800, 13, 13, 4706, 411, 11451, 1688, 29889, 336, 4637, 29898, 2558, 2392, 1125, 13, 9651, 628, 5446, 1839, 29883, 2033, 13, 4706, 4974, 5446, 3032, 21813, 1275, 11117, 29874, 2396, 29871, 29896, 29892, 525, 29890, 2396, 29871, 29906, 29913, 13, 4706, 11187, 29918, 657, 29918, 18732, 29889, 9294, 29918, 1333, 29918, 13998, 580, 13, 4706, 4266, 29889, 8143, 29889, 9294, 29918, 1333, 29918, 13998, 580, 13, 13, 1678, 822, 1243, 29918, 6144, 667, 29918, 2541, 29918, 18732, 29898, 1311, 29892, 286, 8658, 1125, 13, 4706, 4266, 353, 286, 8658, 29889, 18680, 580, 13, 4706, 11187, 29918, 657, 29918, 18732, 353, 286, 8658, 29889, 5041, 29889, 3318, 29898, 13, 9651, 5177, 29889, 18649, 29892, 22868, 657, 29918, 18732, 742, 13, 9651, 736, 29918, 1767, 29922, 18732, 29892, 13, 4706, 1723, 13, 4706, 5446, 353, 5177, 29889, 18649, 3319, 29915, 29874, 2396, 29871, 29896, 29892, 525, 29890, 2396, 29871, 29906, 1118, 263, 2433, 18732, 1495, 13, 13, 4706, 628, 5446, 1839, 29874, 2033, 13, 13, 4706, 4974, 5446, 3032, 21813, 1275, 11117, 29874, 2396, 29871, 29896, 29892, 525, 29890, 2396, 29871, 29906, 29913, 13, 4706, 11187, 29918, 657, 29918, 18732, 29889, 9294, 29918, 13998, 29918, 10646, 29918, 2541, 877, 29874, 1495, 13, 4706, 4266, 29889, 8143, 29889, 9294, 29918, 13998, 29918, 10646, 29918, 2541, 580, 13, 13, 1678, 822, 1243, 29918, 4804, 29918, 3188, 29898, 1311, 29892, 286, 8658, 1125, 13, 4706, 1889, 353, 286, 8658, 29889, 18680, 29898, 1068, 29912, 13, 9651, 525, 27820, 403, 29889, 2457, 29918, 1767, 2396, 6702, 25393, 742, 525, 303, 20405, 5477, 13, 9651, 525, 29886, 3028, 29889, 2457, 29918, 1767, 2396, 29871, 29900, 29892, 13, 4706, 5615, 13, 4706, 11187, 29918, 5205, 353, 286, 8658, 29889, 5041, 29889, 3318, 29898, 13, 9651, 5177, 29889, 18649, 29892, 22868, 5205, 742, 13, 9651, 736, 29918, 1767, 29922, 5014, 29892, 13, 4706, 1723, 13, 4706, 5446, 353, 5177, 29889, 18649, 580, 13, 13, 4706, 1121, 353, 5446, 18959, 9006, 742, 525, 29874, 29896, 742, 525, 29874, 29906, 7464, 263, 29922, 29896, 29892, 289, 29922, 29906, 29897, 13, 13, 4706, 4974, 338, 8758, 29898, 2914, 29892, 5177, 29889, 26010, 7032, 29897, 13, 4706, 4974, 1121, 29889, 5085, 1275, 6024, 9006, 742, 525, 29874, 29896, 742, 525, 29874, 29906, 2033, 13, 4706, 4974, 1121, 29889, 2457, 401, 1275, 29871, 29900, 13, 4706, 4974, 1121, 29889, 25393, 1275, 525, 25393, 29915, 13, 4706, 4974, 1121, 29889, 303, 20405, 1275, 525, 303, 20405, 29915, 13, 4706, 11187, 29918, 5205, 29889, 9294, 29918, 13998, 29918, 10646, 29918, 2541, 29898, 13, 9651, 6024, 9006, 742, 525, 29874, 29896, 742, 525, 29874, 29906, 7464, 11117, 29874, 2396, 29871, 29896, 29892, 525, 29890, 2396, 29871, 29906, 1118, 13, 4706, 1723, 13, 4706, 1889, 29889, 9294, 29918, 5349, 29918, 29883, 4293, 4197, 13, 9651, 286, 8658, 29889, 4804, 29889, 27820, 403, 29898, 8516, 511, 13, 9651, 286, 8658, 29889, 4804, 29889, 29886, 3028, 3285, 13, 308, 2314, 13, 4706, 4974, 7431, 29898, 5014, 29889, 5696, 29918, 29883, 4293, 29897, 1275, 29871, 29906, 13, 13, 1678, 822, 1243, 29918, 4804, 29918, 5085, 29918, 710, 29898, 1311, 29892, 286, 8658, 1125, 13, 4706, 1889, 353, 286, 8658, 29889, 18680, 29898, 1068, 29912, 13, 9651, 525, 27820, 403, 29889, 2457, 29918, 1767, 2396, 6702, 25393, 742, 525, 303, 20405, 5477, 13, 9651, 525, 29886, 3028, 29889, 2457, 29918, 1767, 2396, 29871, 29900, 29892, 13, 4706, 5615, 13, 4706, 11187, 29918, 5205, 353, 286, 8658, 29889, 5041, 29889, 3318, 29898, 13, 9651, 5177, 29889, 18649, 29892, 22868, 5205, 742, 13, 9651, 736, 29918, 1767, 29922, 5014, 29892, 13, 4706, 1723, 13, 4706, 5446, 353, 5177, 29889, 18649, 580, 13, 13, 4706, 1121, 353, 5446, 877, 9006, 263, 29896, 263, 29906, 742, 263, 29922, 29896, 29892, 289, 29922, 29906, 29897, 13, 13, 4706, 4974, 338, 8758, 29898, 2914, 29892, 5177, 29889, 26010, 7032, 29897, 13, 4706, 4974, 1121, 29889, 5085, 1275, 6024, 9006, 742, 525, 29874, 29896, 742, 525, 29874, 29906, 2033, 13, 4706, 4974, 1121, 29889, 2457, 401, 1275, 29871, 29900, 13, 4706, 4974, 1121, 29889, 25393, 1275, 525, 25393, 29915, 13, 4706, 4974, 1121, 29889, 303, 20405, 1275, 525, 303, 20405, 29915, 13, 4706, 11187, 29918, 5205, 29889, 9294, 29918, 13998, 29918, 10646, 29918, 2541, 29898, 13, 9651, 6024, 9006, 742, 525, 29874, 29896, 742, 525, 29874, 29906, 7464, 11117, 29874, 2396, 29871, 29896, 29892, 525, 29890, 2396, 29871, 29906, 1118, 13, 4706, 1723, 13, 4706, 1889, 29889, 9294, 29918, 5349, 29918, 29883, 4293, 4197, 13, 9651, 286, 8658, 29889, 4804, 29889, 27820, 403, 29898, 8516, 511, 13, 9651, 286, 8658, 29889, 4804, 29889, 29886, 3028, 3285, 13, 308, 2314, 13, 4706, 4974, 7431, 29898, 5014, 29889, 5696, 29918, 29883, 4293, 29897, 1275, 29871, 29906, 13, 13, 1678, 822, 1243, 29918, 4804, 29918, 2541, 29918, 2080, 29898, 1311, 29892, 286, 8658, 1125, 13, 4706, 1889, 353, 286, 8658, 29889, 18680, 29898, 1068, 29912, 13, 9651, 525, 27820, 403, 29889, 2457, 29918, 1767, 2396, 6702, 25393, 742, 525, 303, 20405, 5477, 13, 9651, 525, 29886, 3028, 29889, 2457, 29918, 1767, 2396, 29871, 29900, 29892, 13, 4706, 5615, 13, 4706, 11187, 29918, 5205, 353, 286, 8658, 29889, 5041, 29889, 3318, 29898, 13, 9651, 5177, 29889, 18649, 29892, 22868, 5205, 742, 13, 9651, 736, 29918, 1767, 29922, 5014, 29892, 13, 4706, 1723, 13, 4706, 5446, 353, 5177, 29889, 18649, 580, 13, 13, 4706, 1121, 353, 5446, 18959, 9006, 742, 525, 29874, 29896, 742, 525, 29874, 29906, 7464, 263, 29922, 29896, 29892, 289, 29922, 29906, 29892, 1881, 2433, 726, 1495, 13, 13, 4706, 4974, 338, 8758, 29898, 2914, 29892, 5177, 29889, 26010, 7032, 29897, 13, 4706, 4974, 1121, 29889, 5085, 1275, 6024, 9006, 742, 525, 29874, 29896, 742, 525, 29874, 29906, 2033, 13, 4706, 4974, 1121, 29889, 2457, 401, 1275, 29871, 29900, 13, 4706, 4974, 1121, 29889, 25393, 1275, 525, 25393, 29915, 13, 4706, 4974, 1121, 29889, 303, 20405, 1275, 525, 303, 20405, 29915, 13, 4706, 11187, 29918, 5205, 29889, 9294, 29918, 13998, 29918, 10646, 29918, 2541, 29898, 13, 9651, 6024, 9006, 742, 525, 29874, 29896, 742, 525, 29874, 29906, 7464, 11117, 29874, 2396, 29871, 29896, 29892, 525, 29890, 2396, 29871, 29906, 29892, 525, 4172, 262, 2396, 5177, 29889, 2227, 4162, 1118, 13, 4706, 1723, 13, 4706, 1889, 29889, 9294, 29918, 5349, 29918, 29883, 4293, 4197, 13, 9651, 286, 8658, 29889, 4804, 29889, 27820, 403, 877, 726, 5477, 13, 9651, 286, 8658, 29889, 4804, 29889, 29886, 3028, 3285, 13, 308, 2314, 13, 4706, 4974, 7431, 29898, 5014, 29889, 5696, 29918, 29883, 4293, 29897, 1275, 29871, 29906, 13, 13, 1678, 822, 1243, 29918, 4804, 29918, 20313, 29918, 2080, 29918, 392, 29918, 4172, 262, 29898, 1311, 29892, 286, 8658, 1125, 13, 4706, 1889, 353, 286, 8658, 29889, 18680, 29898, 1068, 29912, 13, 9651, 525, 27820, 403, 29889, 2457, 29918, 1767, 2396, 6702, 25393, 742, 525, 303, 20405, 5477, 13, 9651, 525, 29886, 3028, 29889, 2457, 29918, 1767, 2396, 29871, 29900, 29892, 13, 4706, 5615, 13, 4706, 11187, 29918, 5205, 353, 286, 8658, 29889, 5041, 29889, 3318, 29898, 13, 9651, 5177, 29889, 18649, 29892, 22868, 5205, 742, 13, 9651, 736, 29918, 1767, 29922, 5014, 29892, 13, 4706, 1723, 13, 4706, 5446, 353, 5177, 29889, 18649, 580, 13, 13, 4706, 411, 11451, 1688, 29889, 336, 4637, 29898, 1917, 2392, 1125, 13, 9651, 5446, 18959, 9006, 742, 525, 29874, 29896, 742, 525, 29874, 29906, 7464, 263, 29922, 29896, 29892, 289, 29922, 29906, 29892, 1881, 2433, 726, 742, 3659, 262, 2433, 17760, 1495, 13, 4706, 11187, 29918, 5205, 29889, 9294, 29918, 1333, 29918, 13998, 580, 13, 4706, 4974, 7431, 29898, 5014, 29889, 5696, 29918, 29883, 4293, 29897, 1275, 29871, 29900, 13, 13, 1678, 822, 1243, 29918, 4804, 29918, 27820, 403, 29918, 14057, 29898, 1311, 29892, 286, 8658, 1125, 13, 4706, 1889, 353, 286, 8658, 29889, 18680, 29898, 1068, 29912, 13, 9651, 525, 27820, 403, 29889, 2975, 29918, 15987, 2396, 8960, 2831, 3057, 877, 1688, 5477, 13, 9651, 525, 29886, 3028, 29889, 2457, 29918, 1767, 2396, 29871, 29900, 29892, 13, 4706, 5615, 13, 4706, 11187, 29918, 5205, 353, 286, 8658, 29889, 5041, 29889, 3318, 29898, 13, 9651, 5177, 29889, 18649, 29892, 22868, 5205, 742, 13, 9651, 736, 29918, 1767, 29922, 5014, 29892, 13, 4706, 1723, 13, 4706, 5446, 353, 5177, 29889, 18649, 580, 13, 13, 4706, 411, 11451, 1688, 29889, 336, 4637, 29898, 2451, 2831, 3057, 1125, 13, 9651, 5446, 18959, 9006, 742, 525, 29874, 29896, 742, 525, 29874, 29906, 7464, 263, 29922, 29896, 29892, 289, 29922, 29906, 29897, 13, 4706, 11187, 29918, 5205, 29889, 9294, 29918, 13998, 29918, 10646, 29918, 2541, 29898, 13, 9651, 6024, 9006, 742, 525, 29874, 29896, 742, 525, 29874, 29906, 7464, 11117, 29874, 2396, 29871, 29896, 29892, 525, 29890, 2396, 29871, 29906, 1118, 13, 4706, 1723, 13, 4706, 1889, 29889, 9294, 29918, 5349, 29918, 29883, 4293, 4197, 13, 9651, 286, 8658, 29889, 4804, 29889, 27820, 403, 29898, 8516, 511, 13, 9651, 286, 8658, 29889, 4804, 29889, 21174, 3285, 13, 9651, 286, 8658, 29889, 4804, 29889, 10685, 3285, 13, 308, 2314, 13, 4706, 4974, 7431, 29898, 5014, 29889, 5696, 29918, 29883, 4293, 29897, 1275, 29871, 29941, 13, 13, 1678, 822, 1243, 29918, 4804, 29918, 5464, 9171, 29918, 2457, 401, 29898, 1311, 29892, 286, 8658, 1125, 13, 4706, 1889, 353, 286, 8658, 29889, 18680, 29898, 1068, 29912, 13, 9651, 525, 27820, 403, 29889, 2457, 29918, 1767, 2396, 6702, 25393, 742, 525, 303, 20405, 5477, 13, 9651, 525, 29886, 3028, 29889, 2457, 29918, 1767, 2396, 29871, 29945, 29892, 13, 4706, 5615, 13, 4706, 11187, 29918, 5205, 353, 286, 8658, 29889, 5041, 29889, 3318, 29898, 13, 9651, 5177, 29889, 18649, 29892, 22868, 5205, 742, 13, 9651, 736, 29918, 1767, 29922, 5014, 29892, 13, 4706, 1723, 13, 4706, 5446, 353, 5177, 29889, 18649, 580, 13, 13, 4706, 1121, 353, 5446, 18959, 9006, 742, 525, 29874, 29896, 742, 525, 29874, 29906, 7464, 263, 29922, 29896, 29892, 289, 29922, 29906, 29897, 13, 13, 4706, 4974, 338, 8758, 29898, 2914, 29892, 5177, 29889, 26010, 7032, 29897, 13, 4706, 4974, 1121, 29889, 5085, 1275, 6024, 9006, 742, 525, 29874, 29896, 742, 525, 29874, 29906, 2033, 13, 4706, 4974, 1121, 29889, 2457, 401, 1275, 29871, 29945, 13, 4706, 4974, 1121, 29889, 25393, 1275, 525, 25393, 29915, 13, 4706, 4974, 1121, 29889, 303, 20405, 1275, 525, 303, 20405, 29915, 13, 4706, 11187, 29918, 5205, 29889, 9294, 29918, 13998, 29918, 10646, 29918, 2541, 29898, 13, 9651, 6024, 9006, 742, 525, 29874, 29896, 742, 525, 29874, 29906, 7464, 11117, 29874, 2396, 29871, 29896, 29892, 525, 29890, 2396, 29871, 29906, 1118, 13, 4706, 1723, 13, 4706, 1889, 29889, 9294, 29918, 5349, 29918, 29883, 4293, 4197, 13, 9651, 286, 8658, 29889, 4804, 29889, 27820, 403, 29898, 8516, 511, 13, 9651, 286, 8658, 29889, 4804, 29889, 29886, 3028, 3285, 13, 308, 2314, 13, 4706, 4974, 7431, 29898, 5014, 29889, 5696, 29918, 29883, 4293, 29897, 1275, 29871, 29906, 13, 13, 1678, 822, 1243, 29918, 4804, 29918, 5464, 9171, 29918, 2457, 401, 29918, 3198, 29898, 1311, 29892, 286, 8658, 1125, 13, 4706, 1889, 353, 286, 8658, 29889, 18680, 29898, 1068, 29912, 13, 9651, 525, 27820, 403, 29889, 2457, 29918, 1767, 2396, 6702, 25393, 742, 525, 303, 20405, 5477, 13, 9651, 525, 29886, 3028, 29889, 2457, 29918, 1767, 2396, 29871, 29945, 29892, 13, 4706, 5615, 13, 4706, 11187, 29918, 5205, 353, 286, 8658, 29889, 5041, 29889, 3318, 29898, 13, 9651, 5177, 29889, 18649, 29892, 22868, 5205, 742, 13, 9651, 736, 29918, 1767, 29922, 5014, 29892, 13, 4706, 1723, 13, 4706, 5446, 353, 5177, 29889, 18649, 580, 13, 13, 4706, 411, 11451, 1688, 29889, 336, 4637, 29898, 11739, 29879, 29889, 7032, 2392, 29897, 408, 5566, 29918, 3888, 29901, 13, 9651, 5446, 18959, 9006, 742, 525, 29874, 29896, 742, 525, 29874, 29906, 7464, 263, 29922, 29896, 29892, 289, 29922, 29906, 29892, 1423, 29922, 5574, 29897, 13, 4706, 4974, 338, 8758, 29898, 735, 29883, 29918, 3888, 29889, 1767, 29889, 2914, 29892, 5177, 29889, 26010, 7032, 29897, 13, 4706, 4974, 5566, 29918, 3888, 29889, 1767, 29889, 2914, 29889, 5085, 1275, 6024, 9006, 742, 525, 29874, 29896, 742, 525, 29874, 29906, 2033, 13, 4706, 4974, 5566, 29918, 3888, 29889, 1767, 29889, 2914, 29889, 2457, 401, 1275, 29871, 29945, 13, 4706, 4974, 5566, 29918, 3888, 29889, 1767, 29889, 2914, 29889, 25393, 1275, 525, 25393, 29915, 13, 4706, 4974, 5566, 29918, 3888, 29889, 1767, 29889, 2914, 29889, 303, 20405, 1275, 525, 303, 20405, 29915, 13, 4706, 11187, 29918, 5205, 29889, 9294, 29918, 13998, 29918, 10646, 29918, 2541, 29898, 13, 9651, 6024, 9006, 742, 525, 29874, 29896, 742, 525, 29874, 29906, 7464, 11117, 29874, 2396, 29871, 29896, 29892, 525, 29890, 2396, 29871, 29906, 1118, 13, 4706, 1723, 13, 4706, 1889, 29889, 9294, 29918, 5349, 29918, 29883, 4293, 4197, 13, 9651, 286, 8658, 29889, 4804, 29889, 27820, 403, 29898, 8516, 511, 13, 9651, 286, 8658, 29889, 4804, 29889, 29886, 3028, 3285, 13, 308, 2314, 13, 4706, 4974, 7431, 29898, 5014, 29889, 5696, 29918, 29883, 4293, 29897, 1275, 29871, 29906, 13, 13, 1678, 822, 1243, 29918, 657, 29918, 18732, 29918, 29883, 3791, 29898, 1311, 29892, 286, 8658, 1125, 13, 4706, 4266, 29918, 14399, 353, 286, 8658, 29889, 18680, 29898, 13, 9651, 736, 29918, 1767, 2433, 18732, 742, 13, 4706, 1723, 13, 4706, 5446, 353, 5177, 29889, 18649, 3319, 29915, 29874, 2396, 29871, 29896, 29892, 525, 29890, 2396, 29871, 29906, 1118, 263, 29922, 18732, 29918, 14399, 29897, 13, 4706, 5446, 3032, 18732, 29918, 8173, 1839, 29874, 2033, 353, 525, 29883, 3791, 29915, 13, 13, 4706, 1121, 353, 5446, 3032, 657, 29918, 18732, 877, 29874, 1495, 13, 13, 4706, 4974, 1121, 1275, 525, 29883, 3791, 29915, 13, 4706, 4974, 5446, 3032, 18732, 29918, 8173, 1275, 11117, 29874, 2396, 525, 29883, 3791, 10827, 13, 4706, 4266, 29918, 14399, 29889, 9294, 29918, 1333, 29918, 13998, 580, 13, 13, 1678, 822, 1243, 29918, 657, 29918, 18732, 29918, 4661, 3791, 29898, 1311, 29892, 286, 8658, 1125, 13, 4706, 4266, 29918, 14399, 353, 286, 8658, 29889, 18680, 29898, 13, 9651, 736, 29918, 1767, 2433, 18732, 742, 13, 4706, 1723, 13, 4706, 5446, 353, 5177, 29889, 18649, 3319, 29915, 29874, 2396, 29871, 29896, 29892, 525, 29890, 2396, 29871, 29906, 1118, 263, 29922, 18732, 29918, 14399, 29897, 13, 13, 4706, 1121, 353, 5446, 3032, 657, 29918, 18732, 877, 29874, 1495, 13, 13, 4706, 4974, 1121, 1275, 525, 18732, 29915, 13, 4706, 4974, 5446, 3032, 18732, 29918, 8173, 1275, 11117, 29874, 2396, 525, 18732, 10827, 13, 4706, 4266, 29918, 14399, 29889, 9294, 29918, 13998, 29918, 10646, 29918, 2541, 29898, 5415, 29892, 525, 29874, 1495, 13, 13, 1678, 822, 1243, 29918, 842, 29898, 1311, 1125, 13, 4706, 5446, 353, 5177, 29889, 18649, 3319, 29915, 29874, 2396, 29871, 29896, 29892, 525, 29890, 2396, 29871, 29906, 1800, 13, 13, 4706, 5446, 3032, 842, 877, 29874, 742, 29871, 29945, 29897, 13, 13, 4706, 4974, 5446, 3032, 21813, 1275, 11117, 29874, 2396, 29871, 29945, 29892, 525, 29890, 2396, 29871, 29906, 29913, 13, 13, 1678, 822, 1243, 29918, 8143, 29918, 9933, 29898, 1311, 1125, 13, 4706, 5446, 353, 5177, 29889, 18649, 3319, 29915, 29874, 2396, 29871, 29896, 29892, 525, 29890, 2396, 29871, 29906, 1800, 13, 13, 4706, 5446, 3032, 8143, 877, 29874, 1495, 13, 13, 4706, 4974, 5446, 3032, 21813, 1275, 11117, 29890, 2396, 29871, 29906, 29913, 13, 13, 1678, 822, 1243, 29918, 8143, 29918, 27259, 29898, 1311, 1125, 13, 4706, 5446, 353, 5177, 29889, 18649, 3319, 29915, 29874, 2396, 29871, 29896, 29892, 525, 29890, 2396, 29871, 29906, 1800, 13, 13, 4706, 5446, 3032, 8143, 877, 29883, 1495, 13, 13, 4706, 4974, 5446, 3032, 21813, 1275, 11117, 29874, 2396, 29871, 29896, 29892, 525, 29890, 2396, 29871, 29906, 29913, 13, 13, 1678, 822, 1243, 29918, 5205, 29918, 3188, 29898, 1311, 29892, 286, 8658, 1125, 13, 4706, 11187, 29918, 9507, 353, 286, 8658, 29889, 5041, 29889, 3318, 29898, 13, 9651, 5177, 29889, 18649, 29892, 525, 9507, 742, 13, 9651, 736, 29918, 1767, 2433, 29914, 5372, 29914, 2084, 742, 13, 4706, 1723, 13, 4706, 11187, 29918, 29925, 3150, 353, 286, 8658, 29889, 5041, 29889, 3318, 29898, 13, 9651, 5177, 29889, 1491, 5014, 29892, 525, 29925, 3150, 742, 13, 9651, 736, 29918, 1767, 2433, 2914, 742, 13, 4706, 1723, 13, 4706, 5446, 353, 5177, 29889, 18649, 3319, 29915, 29874, 2396, 29871, 29896, 29892, 525, 29890, 2396, 29871, 29906, 1800, 13, 13, 4706, 1121, 353, 5446, 3032, 5205, 877, 5085, 742, 11117, 29883, 2396, 29871, 29941, 29892, 525, 29881, 2396, 29871, 29946, 1800, 13, 13, 4706, 4974, 1121, 1275, 525, 2914, 29915, 13, 4706, 11187, 29918, 9507, 29889, 9294, 29918, 1333, 29918, 13998, 580, 13, 4706, 11187, 29918, 29925, 3150, 29889, 9294, 29918, 13998, 29918, 10646, 29918, 2541, 29898, 13, 9651, 525, 5085, 742, 13, 9651, 274, 29922, 29941, 29892, 13, 9651, 270, 29922, 29946, 29892, 13, 9651, 274, 9970, 29922, 5415, 3032, 29883, 9970, 29892, 13, 9651, 8829, 3790, 29915, 29874, 2396, 29871, 29896, 29892, 525, 29890, 2396, 29871, 29906, 1118, 13, 9651, 3802, 29918, 29888, 6289, 29922, 5574, 29892, 13, 4706, 1723, 13, 13, 1678, 822, 1243, 29918, 5205, 29918, 1997, 29898, 1311, 29892, 286, 8658, 1125, 13, 4706, 11187, 29918, 9507, 353, 286, 8658, 29889, 5041, 29889, 3318, 29898, 13, 9651, 5177, 29889, 18649, 29892, 525, 9507, 742, 13, 9651, 736, 29918, 1767, 2433, 29914, 5372, 29914, 2084, 742, 13, 4706, 1723, 13, 4706, 11187, 29918, 29925, 3150, 353, 286, 8658, 29889, 5041, 29889, 3318, 29898, 13, 9651, 5177, 29889, 1491, 5014, 29892, 525, 29925, 3150, 742, 13, 9651, 736, 29918, 1767, 2433, 2914, 742, 13, 4706, 1723, 13, 4706, 5446, 353, 5177, 29889, 18649, 3319, 29915, 29874, 2396, 29871, 29896, 29892, 525, 29890, 2396, 29871, 29906, 1800, 13, 13, 4706, 1121, 353, 5446, 3032, 5205, 877, 5085, 742, 426, 13, 9651, 525, 29883, 2396, 29871, 29941, 29892, 13, 9651, 525, 29881, 2396, 29871, 29946, 29892, 13, 9651, 525, 29883, 9970, 2396, 8207, 1228, 29914, 2084, 742, 13, 9651, 525, 6272, 2396, 11117, 29874, 2396, 29871, 29906, 29892, 525, 29890, 2396, 29871, 29896, 1118, 13, 9651, 525, 5358, 29918, 29888, 6289, 2396, 7700, 13, 4706, 5615, 13, 13, 4706, 4974, 1121, 1275, 525, 2914, 29915, 13, 4706, 11187, 29918, 9507, 29889, 9294, 29918, 13998, 29918, 10646, 29918, 2541, 11219, 1228, 29914, 2084, 1495, 13, 4706, 11187, 29918, 29925, 3150, 29889, 9294, 29918, 13998, 29918, 10646, 29918, 2541, 29898, 13, 9651, 525, 5085, 742, 13, 9651, 274, 29922, 29941, 29892, 13, 9651, 270, 29922, 29946, 29892, 13, 9651, 274, 9970, 2433, 29914, 5372, 29914, 2084, 742, 13, 9651, 8829, 3790, 29915, 29874, 2396, 29871, 29906, 29892, 525, 29890, 2396, 29871, 29896, 1118, 13, 9651, 3802, 29918, 29888, 6289, 29922, 8824, 29892, 13, 4706, 1723, 13, 13, 1678, 822, 1243, 29918, 842, 4381, 29918, 27259, 29898, 1311, 29892, 286, 8658, 1125, 13, 4706, 5446, 353, 5177, 29889, 18649, 3319, 29915, 29874, 2396, 29871, 29896, 29892, 525, 29890, 2396, 29871, 29906, 1800, 13, 13, 4706, 1121, 353, 5446, 29889, 842, 4381, 877, 29883, 742, 29871, 29941, 29897, 13, 13, 4706, 4974, 1121, 1275, 29871, 29941, 13, 4706, 4974, 5446, 3032, 21813, 1275, 11117, 29874, 2396, 29871, 29896, 29892, 525, 29890, 2396, 29871, 29906, 29892, 525, 29883, 2396, 29871, 29941, 29913, 13, 13, 1678, 822, 1243, 29918, 842, 4381, 29918, 6338, 29898, 1311, 29892, 286, 8658, 1125, 13, 4706, 5446, 353, 5177, 29889, 18649, 3319, 29915, 29874, 2396, 29871, 29896, 29892, 525, 29890, 2396, 29871, 29906, 1800, 13, 13, 4706, 1121, 353, 5446, 29889, 842, 4381, 877, 29874, 742, 29871, 29941, 29897, 13, 13, 4706, 4974, 1121, 1275, 29871, 29896, 13, 4706, 4974, 5446, 3032, 21813, 1275, 11117, 29874, 2396, 29871, 29896, 29892, 525, 29890, 2396, 29871, 29906, 29913, 13, 13, 1678, 822, 1243, 29918, 8552, 29898, 1311, 1125, 13, 4706, 5446, 353, 5177, 29889, 18649, 3319, 29915, 29874, 2396, 29871, 29896, 29892, 525, 29890, 2396, 29871, 29906, 1118, 8207, 29883, 29914, 29893, 29914, 29881, 742, 274, 29922, 29941, 29892, 270, 29922, 29946, 29897, 13, 13, 4706, 1121, 353, 5446, 29889, 8552, 580, 13, 13, 4706, 4974, 1178, 29898, 2914, 29897, 2804, 1178, 29898, 5415, 29897, 13, 4706, 4974, 1121, 3032, 21813, 1275, 5446, 3032, 21813, 13, 4706, 4974, 1178, 29898, 2914, 3032, 21813, 29897, 2804, 1178, 29898, 5415, 3032, 21813, 29897, 13, 4706, 4974, 1121, 3032, 29883, 9970, 1275, 8207, 29883, 29914, 29893, 29914, 29881, 29915, 13, 4706, 4974, 1121, 3032, 5965, 455, 1338, 1275, 11117, 29883, 2396, 29871, 29941, 29892, 525, 29881, 2396, 29871, 29946, 29913, 13, 4706, 4974, 1121, 3032, 18732, 29918, 8173, 1275, 6571, 13, 13, 1678, 822, 1243, 29918, 9573, 29918, 3188, 29898, 1311, 1125, 13, 4706, 5446, 353, 5177, 29889, 18649, 3319, 29915, 29874, 2396, 29871, 29896, 29892, 525, 29890, 2396, 29871, 29906, 1118, 274, 29922, 29941, 29892, 270, 29922, 29946, 29897, 13, 4706, 5446, 3032, 18732, 29918, 8173, 1839, 29883, 2033, 353, 525, 29883, 3791, 29915, 13, 13, 4706, 1121, 353, 5446, 29889, 9573, 877, 29883, 742, 29871, 29941, 29897, 13, 13, 4706, 4974, 1121, 1275, 29871, 29941, 13, 4706, 4974, 5446, 3032, 5965, 455, 1338, 1275, 11117, 29883, 2396, 29871, 29941, 29892, 525, 29881, 2396, 29871, 29946, 29913, 13, 4706, 4974, 5446, 3032, 18732, 29918, 8173, 1275, 11117, 29883, 2396, 525, 29883, 3791, 10827, 13, 13, 1678, 822, 1243, 29918, 9573, 29918, 3167, 29898, 1311, 1125, 13, 4706, 5446, 353, 5177, 29889, 18649, 3319, 29915, 29874, 2396, 29871, 29896, 29892, 525, 29890, 2396, 29871, 29906, 1118, 274, 29922, 29941, 29892, 270, 29922, 29946, 29897, 13, 4706, 5446, 3032, 18732, 29918, 8173, 1839, 29883, 2033, 353, 525, 29883, 3791, 29915, 13, 13, 4706, 1121, 353, 5446, 29889, 9573, 877, 29883, 742, 29871, 29945, 29897, 13, 13, 4706, 4974, 1121, 1275, 29871, 29941, 13, 4706, 4974, 5446, 3032, 5965, 455, 1338, 1275, 11117, 29883, 2396, 29871, 29945, 29892, 525, 29881, 2396, 29871, 29946, 29913, 13, 4706, 4974, 5446, 3032, 18732, 29918, 8173, 1275, 6571, 13, 13, 1678, 822, 1243, 29918, 9573, 29918, 348, 9573, 29898, 1311, 1125, 13, 4706, 5446, 353, 5177, 29889, 18649, 3319, 29915, 29874, 2396, 29871, 29896, 29892, 525, 29890, 2396, 29871, 29906, 1118, 274, 29922, 29941, 29892, 270, 29922, 29946, 29897, 13, 4706, 5446, 3032, 18732, 29918, 8173, 1839, 29883, 2033, 353, 525, 29883, 3791, 29915, 13, 13, 4706, 1121, 353, 5446, 29889, 9573, 877, 29883, 1495, 13, 13, 4706, 4974, 1121, 1275, 29871, 29941, 13, 4706, 4974, 5446, 3032, 5965, 455, 1338, 1275, 11117, 29881, 2396, 29871, 29946, 29913, 13, 4706, 4974, 5446, 3032, 18732, 29918, 8173, 1275, 6571, 13, 13, 1678, 822, 1243, 29918, 657, 29918, 1610, 29918, 27259, 29918, 1989, 29918, 1217, 29918, 4381, 29898, 1311, 29892, 286, 8658, 1125, 13, 4706, 5446, 353, 5177, 29889, 18649, 3319, 29915, 29874, 2396, 29871, 29896, 29892, 525, 29890, 2396, 29871, 29906, 1118, 274, 2433, 18732, 1495, 13, 13, 4706, 411, 11451, 1688, 29889, 336, 4637, 29898, 2558, 2392, 1125, 13, 9651, 5446, 29889, 657, 29918, 1610, 877, 29883, 1495, 13, 13, 1678, 822, 1243, 29918, 657, 29918, 1610, 29918, 27259, 29918, 1989, 29918, 2541, 29918, 4381, 29898, 1311, 29892, 286, 8658, 1125, 13, 4706, 5446, 353, 5177, 29889, 18649, 3319, 29915, 29874, 2396, 29871, 29896, 29892, 525, 29890, 2396, 29871, 29906, 1118, 274, 2433, 18732, 1495, 13, 13, 4706, 1121, 353, 5446, 29889, 657, 29918, 1610, 877, 29883, 742, 525, 4381, 1495, 13, 13, 4706, 4974, 1121, 1275, 525, 4381, 29915, 13, 13, 1678, 822, 1243, 29918, 657, 29918, 1610, 29918, 2541, 29918, 1989, 29898, 1311, 29892, 286, 8658, 1125, 13, 4706, 5446, 353, 5177, 29889, 18649, 3319, 29915, 29874, 2396, 29871, 29896, 29892, 525, 29890, 2396, 29871, 29906, 1118, 263, 2433, 18732, 1495, 13, 13, 4706, 1121, 353, 5446, 29889, 657, 29918, 1610, 877, 29874, 742, 525, 4381, 1495, 13, 13, 4706, 4974, 1121, 1275, 29871, 29896, 13, 13, 1678, 822, 1243, 29918, 9507, 29898, 1311, 29892, 286, 8658, 1125, 13, 4706, 5446, 353, 5177, 29889, 18649, 580, 13, 4706, 396, 3940, 29901, 1818, 367, 731, 701, 1156, 2847, 5281, 278, 5177, 13, 4706, 11187, 29918, 3068, 265, 936, 675, 29918, 2084, 353, 286, 8658, 29889, 5041, 29889, 3318, 29898, 13, 9651, 5177, 29889, 13239, 29892, 22868, 3068, 265, 936, 675, 29918, 2084, 742, 13, 9651, 736, 29918, 1767, 2433, 29914, 3068, 265, 29914, 2084, 742, 13, 4706, 1723, 13, 13, 4706, 1121, 353, 5446, 29889, 9507, 877, 1445, 29889, 978, 1495, 13, 13, 4706, 4974, 1121, 1275, 8207, 3068, 265, 29914, 2084, 29915, 13, 4706, 11187, 29918, 3068, 265, 936, 675, 29918, 2084, 29889, 9294, 29918, 13998, 29918, 10646, 29918, 2541, 29898, 5415, 3032, 29883, 9970, 29892, 525, 1445, 29889, 978, 1495, 13, 13, 1678, 822, 1243, 29918, 3150, 29918, 3188, 29898, 1311, 29892, 286, 8658, 1125, 13, 4706, 11187, 29918, 3150, 353, 286, 8658, 29889, 5041, 29889, 3318, 29898, 13, 9651, 4240, 1144, 29892, 525, 3150, 742, 13, 9651, 736, 29918, 1767, 2433, 8411, 742, 13, 4706, 1723, 13, 4706, 11187, 29918, 9507, 353, 286, 8658, 29889, 5041, 29889, 3318, 29898, 13, 9651, 5177, 29889, 18649, 29892, 525, 9507, 742, 13, 9651, 736, 29918, 1767, 2433, 29914, 5372, 29914, 1445, 742, 13, 4706, 1723, 13, 4706, 5446, 353, 5177, 29889, 18649, 580, 13, 13, 4706, 1121, 353, 5446, 29889, 3150, 877, 1445, 29889, 978, 1495, 13, 13, 4706, 4974, 1121, 1275, 525, 8411, 29915, 13, 4706, 11187, 29918, 9507, 29889, 9294, 29918, 13998, 29918, 10646, 29918, 2541, 877, 1445, 29889, 978, 1495, 13, 4706, 11187, 29918, 3150, 29889, 9294, 29918, 13998, 29918, 10646, 29918, 2541, 11219, 5372, 29914, 1445, 742, 525, 29878, 742, 448, 29896, 29897, 13, 13, 1678, 822, 1243, 29918, 3150, 29918, 1997, 29898, 1311, 29892, 286, 8658, 1125, 13, 4706, 11187, 29918, 3150, 353, 286, 8658, 29889, 5041, 29889, 3318, 29898, 13, 9651, 4240, 1144, 29892, 525, 3150, 742, 13, 9651, 736, 29918, 1767, 2433, 8411, 742, 13, 4706, 1723, 13, 4706, 11187, 29918, 9507, 353, 286, 8658, 29889, 5041, 29889, 3318, 29898, 13, 9651, 5177, 29889, 18649, 29892, 525, 9507, 742, 13, 9651, 736, 29918, 1767, 2433, 29914, 5372, 29914, 1445, 742, 13, 4706, 1723, 13, 4706, 5446, 353, 5177, 29889, 18649, 580, 13, 13, 4706, 1121, 353, 5446, 29889, 3150, 877, 1445, 29889, 978, 742, 525, 29893, 742, 29871, 29896, 29897, 13, 13, 4706, 4974, 1121, 1275, 525, 8411, 29915, 13, 4706, 11187, 29918, 9507, 29889, 9294, 29918, 13998, 29918, 10646, 29918, 2541, 877, 1445, 29889, 978, 1495, 13, 4706, 11187, 29918, 3150, 29889, 9294, 29918, 13998, 29918, 10646, 29918, 2541, 11219, 5372, 29914, 1445, 742, 525, 29893, 742, 29871, 29896, 29897, 13, 13, 1678, 822, 1243, 29918, 29886, 3150, 29918, 3188, 29898, 1311, 29892, 286, 8658, 1125, 13, 4706, 11187, 29918, 5205, 353, 286, 8658, 29889, 5041, 29889, 3318, 29898, 13, 9651, 5177, 29889, 18649, 29892, 22868, 5205, 742, 13, 9651, 736, 29918, 1767, 2433, 2914, 742, 13, 4706, 1723, 13, 4706, 5446, 353, 5177, 29889, 18649, 580, 13, 13, 4706, 1121, 353, 5446, 29889, 29886, 3150, 18959, 9006, 742, 525, 29874, 29896, 742, 525, 29874, 29906, 7464, 263, 29922, 29896, 29892, 289, 29922, 29906, 29897, 13, 13, 4706, 4974, 1121, 1275, 525, 2914, 29915, 13, 4706, 11187, 29918, 5205, 29889, 9294, 29918, 13998, 29918, 10646, 29918, 2541, 29898, 13, 9651, 6024, 9006, 742, 525, 29874, 29896, 742, 525, 29874, 29906, 7464, 11117, 29874, 2396, 29871, 29896, 29892, 525, 29890, 2396, 29871, 29906, 1118, 13, 4706, 1723, 13, 13, 1678, 822, 1243, 29918, 29886, 3150, 29918, 1191, 29918, 710, 29898, 1311, 29892, 286, 8658, 1125, 13, 4706, 11187, 29918, 5205, 353, 286, 8658, 29889, 5041, 29889, 3318, 29898, 13, 9651, 5177, 29889, 18649, 29892, 22868, 5205, 742, 13, 9651, 736, 29918, 1767, 2433, 2914, 742, 13, 4706, 1723, 13, 4706, 5446, 353, 5177, 29889, 18649, 580, 13, 13, 4706, 1121, 353, 5446, 29889, 29886, 3150, 877, 9006, 263, 29896, 263, 29906, 742, 263, 29922, 29896, 29892, 289, 29922, 29906, 29897, 13, 13, 4706, 4974, 1121, 1275, 525, 2914, 29915, 13, 4706, 11187, 29918, 5205, 29889, 9294, 29918, 13998, 29918, 10646, 29918, 2541, 29898, 13, 9651, 6024, 9006, 742, 525, 29874, 29896, 742, 525, 29874, 29906, 7464, 11117, 29874, 2396, 29871, 29896, 29892, 525, 29890, 2396, 29871, 29906, 1118, 13, 4706, 1723, 13, 13, 1678, 822, 1243, 29918, 29883, 9970, 29918, 657, 29898, 1311, 1125, 13, 4706, 5446, 353, 5177, 29889, 18649, 580, 13, 13, 4706, 4974, 5446, 29889, 29883, 9970, 1275, 5446, 3032, 29883, 9970, 13, 13, 1678, 822, 1243, 29918, 29883, 9970, 29918, 842, 29898, 1311, 29892, 286, 8658, 1125, 13, 4706, 11187, 29918, 9507, 353, 286, 8658, 29889, 5041, 29889, 3318, 29898, 13, 9651, 5177, 29889, 18649, 29892, 525, 9507, 742, 13, 9651, 736, 29918, 1767, 2433, 29914, 1482, 29914, 29883, 9970, 742, 13, 4706, 1723, 13, 4706, 5446, 353, 5177, 29889, 18649, 580, 13, 13, 4706, 5446, 29889, 29883, 9970, 353, 8207, 5372, 29914, 2084, 29915, 13, 13, 4706, 4974, 5446, 3032, 29883, 9970, 1275, 8207, 1482, 29914, 29883, 9970, 29915, 13, 4706, 11187, 29918, 9507, 29889, 9294, 29918, 13998, 29918, 10646, 29918, 2541, 11219, 5372, 29914, 2084, 1495, 13, 2 ]
src/fund/analyzer/tf/softmax.py
krizex/fund
3
161054
<reponame>krizex/fund #!/usr/bin/env python # -*- coding: utf-8 -*- import os import tensorflow as tf from fund.log.logger import log __author__ = '<NAME>' """ Created on 07/03/2017 @author: <NAME> """ # http://www.shareditor.com/blogshow/?blogId=94 class SoftmaxTrainer(object): def __init__(self, feature_count, label_count, learning_rate, iterate_count): self.x = tf.placeholder(tf.float32, [None, feature_count]) self.W = tf.Variable(tf.zeros([feature_count, label_count]), name='W') self.b = tf.Variable(tf.zeros([label_count]), name='b') self.y = tf.nn.softmax(tf.matmul(self.x, self.W) + self.b) self.y_ = tf.placeholder(tf.float32, [None, label_count]) # We should use `tf.reduce_mean` so learning rate could be independent with batch size self.cross_entropy = -tf.reduce_mean(self.y_ * tf.log(tf.clip_by_value(self.y, 1e-10, 1.0))) self.train_step = tf.train.GradientDescentOptimizer(learning_rate).minimize(self.cross_entropy) self.iterate_count = iterate_count self.session = tf.InteractiveSession() def train(self, training_pairs, verify_pairs): self.session.run(tf.global_variables_initializer()) xs = [p[0] for p in training_pairs] ys = [p[1] for p in training_pairs] recognize_accuracy = 0.0 for i in range(self.iterate_count): self.session.run(self.train_step, feed_dict={self.x: xs, self.y_: ys}) # cost = self.session.run(self.cross_entropy, feed_dict={self.x: xs, self.y_: ys}) # print 'Cost: %f' % cost correct_prediction = tf.equal(tf.argmax(self.y, 1), tf.argmax(self.y_, 1)) accuracy = tf.reduce_mean(tf.cast(correct_prediction, "float")) recognize_accuracy = accuracy.eval(feed_dict={ self.x: [p[0] for p in verify_pairs], self.y_: [p[1] for p in verify_pairs], }) log.debug('(%d)Recognize accuracy is %f' % (i, recognize_accuracy)) log.debug('Recognize accuracy is %f' % recognize_accuracy) return recognize_accuracy def save(self, filename): saver = tf.train.Saver() saver.save(self.session, filename) print self.b.eval() print self.W.eval() def restore(self, filename): ckpt = tf.train.get_checkpoint_state(os.path.dirname(filename)) saver = tf.train.Saver() saver.restore(self.session, ckpt.model_checkpoint_path) print self.b.eval() print self.W.eval() def recognize(self, feature): if not isinstance(feature[0], (list, tuple)): feature = [feature] return self.session.run(tf.argmax(self.y, 1), {self.x: feature}) # def init_recognizer(recognizer): # log.info('Init recognizer...') # from scv.datamanager.dataset import DataSet # dataset = DataSet() # training_set = dataset.get_training_set() # verify_set = dataset.get_verify_set() # recognizer.train(training_set, verify_set) if __name__ == '__main__': filename = data_file()
[ 1, 529, 276, 1112, 420, 29958, 29895, 7485, 735, 29914, 27159, 13, 29937, 14708, 4855, 29914, 2109, 29914, 6272, 3017, 13, 29937, 448, 29930, 29899, 14137, 29901, 23616, 29899, 29947, 448, 29930, 29899, 13, 5215, 2897, 13, 5215, 26110, 408, 15886, 13, 3166, 5220, 29889, 1188, 29889, 21707, 1053, 1480, 13, 13, 1649, 8921, 1649, 353, 12801, 5813, 16299, 13, 13, 15945, 29908, 13, 20399, 373, 29871, 29900, 29955, 29914, 29900, 29941, 29914, 29906, 29900, 29896, 29955, 13, 29992, 8921, 29901, 529, 5813, 29958, 13, 13, 15945, 29908, 13, 13, 29937, 1732, 597, 1636, 29889, 12366, 2105, 29889, 510, 29914, 7312, 4294, 13401, 7312, 1204, 29922, 29929, 29946, 13, 13, 13, 1990, 1105, 615, 3317, 5323, 4983, 29898, 3318, 1125, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 4682, 29918, 2798, 29892, 3858, 29918, 2798, 29892, 6509, 29918, 10492, 29892, 13649, 29918, 2798, 1125, 13, 4706, 1583, 29889, 29916, 353, 15886, 29889, 27074, 29898, 13264, 29889, 7411, 29941, 29906, 29892, 518, 8516, 29892, 4682, 29918, 2798, 2314, 13, 4706, 1583, 29889, 29956, 353, 15886, 29889, 16174, 29898, 13264, 29889, 3298, 359, 4197, 14394, 29918, 2798, 29892, 3858, 29918, 2798, 11724, 1024, 2433, 29956, 1495, 13, 4706, 1583, 29889, 29890, 353, 15886, 29889, 16174, 29898, 13264, 29889, 3298, 359, 4197, 1643, 29918, 2798, 11724, 1024, 2433, 29890, 1495, 13, 4706, 1583, 29889, 29891, 353, 15886, 29889, 15755, 29889, 2695, 3317, 29898, 13264, 29889, 2922, 16109, 29898, 1311, 29889, 29916, 29892, 1583, 29889, 29956, 29897, 718, 1583, 29889, 29890, 29897, 13, 4706, 1583, 29889, 29891, 29918, 353, 15886, 29889, 27074, 29898, 13264, 29889, 7411, 29941, 29906, 29892, 518, 8516, 29892, 3858, 29918, 2798, 2314, 13, 4706, 396, 1334, 881, 671, 421, 13264, 29889, 17469, 29918, 12676, 29952, 577, 6509, 6554, 1033, 367, 7417, 411, 9853, 2159, 13, 4706, 1583, 29889, 19128, 29918, 296, 14441, 353, 448, 13264, 29889, 17469, 29918, 12676, 29898, 1311, 29889, 29891, 29918, 334, 15886, 29889, 1188, 29898, 13264, 29889, 24049, 29918, 1609, 29918, 1767, 29898, 1311, 29889, 29891, 29892, 29871, 29896, 29872, 29899, 29896, 29900, 29892, 29871, 29896, 29889, 29900, 4961, 13, 4706, 1583, 29889, 14968, 29918, 10568, 353, 15886, 29889, 14968, 29889, 25584, 993, 4002, 1760, 20624, 326, 3950, 29898, 21891, 29918, 10492, 467, 1195, 326, 675, 29898, 1311, 29889, 19128, 29918, 296, 14441, 29897, 13, 4706, 1583, 29889, 1524, 403, 29918, 2798, 353, 13649, 29918, 2798, 13, 4706, 1583, 29889, 7924, 353, 15886, 29889, 4074, 4925, 7317, 580, 13, 13, 1678, 822, 7945, 29898, 1311, 29892, 6694, 29918, 29886, 7121, 29892, 11539, 29918, 29886, 7121, 1125, 13, 4706, 1583, 29889, 7924, 29889, 3389, 29898, 13264, 29889, 10945, 29918, 20897, 29918, 11228, 3950, 3101, 13, 13, 4706, 14492, 353, 518, 29886, 29961, 29900, 29962, 363, 282, 297, 6694, 29918, 29886, 7121, 29962, 13, 4706, 343, 29879, 353, 518, 29886, 29961, 29896, 29962, 363, 282, 297, 6694, 29918, 29886, 7121, 29962, 13, 4706, 18720, 29918, 562, 2764, 4135, 353, 29871, 29900, 29889, 29900, 13, 13, 4706, 363, 474, 297, 3464, 29898, 1311, 29889, 1524, 403, 29918, 2798, 1125, 13, 9651, 1583, 29889, 7924, 29889, 3389, 29898, 1311, 29889, 14968, 29918, 10568, 29892, 8343, 29918, 8977, 3790, 1311, 29889, 29916, 29901, 14492, 29892, 1583, 29889, 29891, 29918, 29901, 343, 29879, 1800, 13, 9651, 396, 3438, 353, 1583, 29889, 7924, 29889, 3389, 29898, 1311, 29889, 19128, 29918, 296, 14441, 29892, 8343, 29918, 8977, 3790, 1311, 29889, 29916, 29901, 14492, 29892, 1583, 29889, 29891, 29918, 29901, 343, 29879, 1800, 13, 9651, 396, 1596, 525, 25733, 29901, 1273, 29888, 29915, 1273, 3438, 13, 13, 9651, 1959, 29918, 11965, 2463, 353, 15886, 29889, 11745, 29898, 13264, 29889, 1191, 3317, 29898, 1311, 29889, 29891, 29892, 29871, 29896, 511, 15886, 29889, 1191, 3317, 29898, 1311, 29889, 29891, 3383, 29871, 29896, 876, 13, 9651, 13600, 353, 15886, 29889, 17469, 29918, 12676, 29898, 13264, 29889, 4384, 29898, 15728, 29918, 11965, 2463, 29892, 376, 7411, 5783, 13, 9651, 18720, 29918, 562, 2764, 4135, 353, 13600, 29889, 14513, 29898, 18798, 29918, 8977, 3790, 13, 462, 462, 462, 1678, 1583, 29889, 29916, 29901, 29871, 518, 29886, 29961, 29900, 29962, 363, 282, 297, 11539, 29918, 29886, 7121, 1402, 13, 462, 462, 462, 1678, 1583, 29889, 29891, 29918, 29901, 518, 29886, 29961, 29896, 29962, 363, 282, 297, 11539, 29918, 29886, 7121, 1402, 13, 462, 462, 18884, 5615, 13, 13, 9651, 1480, 29889, 8382, 877, 29414, 29881, 29897, 23122, 675, 13600, 338, 1273, 29888, 29915, 1273, 313, 29875, 29892, 18720, 29918, 562, 2764, 4135, 876, 13, 4706, 1480, 29889, 8382, 877, 23122, 675, 13600, 338, 1273, 29888, 29915, 1273, 18720, 29918, 562, 2764, 4135, 29897, 13, 4706, 736, 18720, 29918, 562, 2764, 4135, 13, 13, 1678, 822, 4078, 29898, 1311, 29892, 10422, 1125, 13, 4706, 872, 369, 353, 15886, 29889, 14968, 29889, 29903, 12483, 580, 13, 4706, 872, 369, 29889, 7620, 29898, 1311, 29889, 7924, 29892, 10422, 29897, 13, 4706, 1596, 1583, 29889, 29890, 29889, 14513, 580, 13, 4706, 1596, 1583, 29889, 29956, 29889, 14513, 580, 13, 13, 1678, 822, 17749, 29898, 1311, 29892, 10422, 1125, 13, 4706, 274, 29895, 415, 353, 15886, 29889, 14968, 29889, 657, 29918, 3198, 3149, 29918, 3859, 29898, 359, 29889, 2084, 29889, 25721, 29898, 9507, 876, 13, 4706, 872, 369, 353, 15886, 29889, 14968, 29889, 29903, 12483, 580, 13, 4706, 872, 369, 29889, 5060, 487, 29898, 1311, 29889, 7924, 29892, 274, 29895, 415, 29889, 4299, 29918, 3198, 3149, 29918, 2084, 29897, 13, 4706, 1596, 1583, 29889, 29890, 29889, 14513, 580, 13, 4706, 1596, 1583, 29889, 29956, 29889, 14513, 580, 13, 13, 1678, 822, 18720, 29898, 1311, 29892, 4682, 1125, 13, 4706, 565, 451, 338, 8758, 29898, 14394, 29961, 29900, 1402, 313, 1761, 29892, 18761, 22164, 13, 9651, 4682, 353, 518, 14394, 29962, 13, 13, 4706, 736, 1583, 29889, 7924, 29889, 3389, 29898, 13264, 29889, 1191, 3317, 29898, 1311, 29889, 29891, 29892, 29871, 29896, 511, 426, 1311, 29889, 29916, 29901, 4682, 1800, 13, 13, 13, 29937, 822, 2069, 29918, 29423, 3950, 29898, 29423, 3950, 1125, 13, 29937, 268, 1480, 29889, 3888, 877, 6644, 5936, 3950, 856, 1495, 13, 29937, 268, 515, 885, 29894, 29889, 4130, 13533, 1875, 29889, 24713, 1053, 3630, 2697, 13, 29937, 268, 8783, 353, 3630, 2697, 580, 13, 29937, 268, 6694, 29918, 842, 353, 8783, 29889, 657, 29918, 26495, 29918, 842, 580, 13, 29937, 268, 11539, 29918, 842, 353, 8783, 29889, 657, 29918, 27902, 29918, 842, 580, 13, 29937, 268, 5936, 3950, 29889, 14968, 29898, 26495, 29918, 842, 29892, 11539, 29918, 842, 29897, 13, 13, 13, 13, 13, 13, 361, 4770, 978, 1649, 1275, 525, 1649, 3396, 1649, 2396, 13, 1678, 10422, 353, 848, 29918, 1445, 580, 2 ]
backend/model/views.py
princesinghtomar/BTP
0
31056
<filename>backend/model/views.py from django.shortcuts import render from django.views.decorators.csrf import csrf_exempt from rest_framework.parsers import JSONParser from django.http.response import JsonResponse import base64 from numpy import random # Create your views here. @csrf_exempt def algo(req): if req.method == "POST": data = JSONParser().parse(req) audioData = base64.b64decode(data["audioData"][22:].encode('ascii')) prob = random.uniform(0, 1) if prob > 0.5: return JsonResponse({"output": "Nice!!", "feedback": "This is pos feedback"}) else: return JsonResponse({"output": "Oh No!!", "feedback": "This is neg feedback"})
[ 1, 529, 9507, 29958, 27852, 29914, 4299, 29914, 7406, 29889, 2272, 13, 3166, 9557, 29889, 12759, 7582, 29879, 1053, 4050, 13, 3166, 9557, 29889, 7406, 29889, 19557, 4097, 29889, 2395, 9600, 1053, 5939, 9600, 29918, 735, 3456, 13, 3166, 1791, 29918, 4468, 29889, 862, 4253, 1053, 4663, 11726, 13, 3166, 9557, 29889, 1124, 29889, 5327, 1053, 14355, 5103, 13, 5215, 2967, 29953, 29946, 13, 3166, 12655, 1053, 4036, 13, 13, 29937, 6204, 596, 8386, 1244, 29889, 13, 29992, 2395, 9600, 29918, 735, 3456, 13, 1753, 24673, 29898, 7971, 1125, 13, 1678, 565, 12428, 29889, 5696, 1275, 376, 5438, 1115, 13, 4706, 848, 353, 4663, 11726, 2141, 5510, 29898, 7971, 29897, 13, 4706, 10348, 1469, 353, 2967, 29953, 29946, 29889, 29890, 29953, 29946, 13808, 29898, 1272, 3366, 18494, 1469, 3108, 29961, 29906, 29906, 29901, 1822, 12508, 877, 294, 18869, 8785, 13, 4706, 2070, 353, 4036, 29889, 29590, 29898, 29900, 29892, 29871, 29896, 29897, 13, 4706, 565, 2070, 1405, 29871, 29900, 29889, 29945, 29901, 13, 9651, 736, 14355, 5103, 3319, 29908, 4905, 1115, 376, 29940, 625, 6824, 613, 376, 18798, 1627, 1115, 376, 4013, 338, 926, 16705, 29908, 1800, 13, 4706, 1683, 29901, 13, 9651, 736, 14355, 5103, 3319, 29908, 4905, 1115, 376, 9048, 1939, 6824, 613, 376, 18798, 1627, 1115, 376, 4013, 338, 3480, 16705, 29908, 1800, 13, 2 ]
sem1/lab3_3/lsm.py
NetherQuartz/NumericalMethodsLabs
1
49482
"""ЛР 3.3, <NAME>, М8О-303Б-18""" import numpy as np import fire # CLI import matplotlib.pyplot as plt from sem1.lab1_1.gauss import lu_decomposition, lu_solve def f(coeffs, x): """Вычисление значения полинома с коэффициентами coeffs""" return sum([x ** i * c for i, c in enumerate(coeffs)]) def sum_squared_errors(f, y): """Сумма квадратов ошибок""" return sum((f_i - y_i) ** 2 for f_i, y_i in zip(f, y)) def lsm(x, y, n): """Подбор коэффициентов полинома степени n с помощью МНК""" N = len(x) mat = [[sum([x_j ** (i + j) for x_j in x]) for i in range(n + 1)] for j in range(n + 1)] mat[0][0] = N + 1 b = [sum([x_j ** i * y_j for x_j, y_j in zip(x, y)]) for i in range(n + 1)] mat = np.array(mat) b = np.array(b) p, l, u = lu_decomposition(mat) b = b @ p coeffs = lu_solve(l, u, b) return coeffs def main(): """Аппроксимация таблично заданной функции многочленами 1-й и 2-й степеней с помощью МНК""" init_dict = { "x": [-3.0, -2.0, -1.0, 0.0, 1.0, 2.0], "y": [0.04979, 0.13534, 0.36788, 1.0, 2.7183, 7.3891] } x, y = init_dict["x"], init_dict["y"] xc = np.arange(min(x) - 1, max(x) + 1, .01) c1 = lsm(x, y, 1) y1 = f(c1, xc) c2 = lsm(x, y, 2) y2 = f(c2, xc) plt.plot(x, y, "o", label="Входные данные") plt.plot(xc, y1, label="Полином первой степени") plt.plot(xc, y2, label="Полином второй степени") plt.title("Аппроксимация МНК") plt.grid(True) plt.legend() plt.savefig("plot.jpg", dpi=300) plt.show() e1 = sum_squared_errors(lsm(x, y, 1), y) e2 = sum_squared_errors(lsm(x, y, 2), y) print("Сумма квадратов ошибок:") print("\tn = 1:", e1) print("\tn = 2:", e2) print("\nАппроксимирующие функции:") xs = ["", "x", "x^2"] for c, n in zip([c1, c2], [1, 2]): print(f"\tn = {n}:", " + ".join([f"{v:.6f}{x}" for v, x in zip(c, xs)])) if __name__ == "__main__": fire.Fire(main)
[ 1, 9995, 30050, 30027, 29871, 29941, 29889, 29941, 29892, 529, 5813, 10202, 1142, 29947, 30038, 29899, 29941, 29900, 29941, 30031, 29899, 29896, 29947, 15945, 29908, 13, 13, 5215, 12655, 408, 7442, 13, 5215, 3974, 29871, 396, 24492, 13, 5215, 22889, 29889, 2272, 5317, 408, 14770, 13, 13, 3166, 3031, 29896, 29889, 8205, 29896, 29918, 29896, 29889, 29887, 11214, 1053, 8092, 29918, 311, 510, 3283, 29892, 8092, 29918, 2929, 345, 13, 13, 13, 1753, 285, 29898, 1111, 12352, 29879, 29892, 921, 1125, 13, 1678, 9995, 30012, 29982, 1499, 3280, 1755, 6253, 12395, 10595, 570, 1155, 531, 1046, 30051, 30011, 28101, 656, 14331, 1302, 12352, 29879, 15945, 29908, 13, 1678, 736, 2533, 4197, 29916, 3579, 474, 334, 274, 363, 474, 29892, 274, 297, 26985, 29898, 1111, 12352, 29879, 29897, 2314, 13, 13, 13, 1753, 2533, 29918, 26613, 1965, 29918, 12523, 29898, 29888, 29892, 343, 1125, 13, 1678, 9995, 30008, 20984, 1155, 1186, 846, 17955, 4820, 614, 1911, 1782, 29951, 15945, 29908, 13, 1678, 736, 2533, 3552, 29888, 29918, 29875, 448, 343, 29918, 29875, 29897, 3579, 29871, 29906, 363, 285, 29918, 29875, 29892, 343, 29918, 29875, 297, 14319, 29898, 29888, 29892, 343, 876, 13, 13, 13, 1753, 301, 3844, 29898, 29916, 29892, 343, 29892, 302, 1125, 13, 1678, 9995, 30013, 10285, 7677, 1046, 30051, 30011, 28101, 3648, 516, 10595, 570, 1155, 27781, 302, 531, 24794, 9860, 1142, 30029, 30014, 15945, 29908, 13, 13, 1678, 405, 353, 7431, 29898, 29916, 29897, 13, 1678, 1775, 353, 5519, 2083, 4197, 29916, 29918, 29926, 3579, 313, 29875, 718, 432, 29897, 363, 921, 29918, 29926, 297, 921, 2314, 363, 474, 297, 3464, 29898, 29876, 718, 29871, 29896, 4638, 363, 432, 297, 3464, 29898, 29876, 718, 29871, 29896, 4638, 13, 1678, 1775, 29961, 29900, 3816, 29900, 29962, 353, 405, 718, 29871, 29896, 13, 1678, 289, 353, 518, 2083, 4197, 29916, 29918, 29926, 3579, 474, 334, 343, 29918, 29926, 363, 921, 29918, 29926, 29892, 343, 29918, 29926, 297, 14319, 29898, 29916, 29892, 343, 29897, 2314, 363, 474, 297, 3464, 29898, 29876, 718, 29871, 29896, 4638, 13, 13, 1678, 1775, 353, 7442, 29889, 2378, 29898, 2922, 29897, 13, 1678, 289, 353, 7442, 29889, 2378, 29898, 29890, 29897, 13, 1678, 282, 29892, 301, 29892, 318, 353, 8092, 29918, 311, 510, 3283, 29898, 2922, 29897, 13, 1678, 289, 353, 289, 732, 282, 13, 1678, 1302, 12352, 29879, 353, 8092, 29918, 2929, 345, 29898, 29880, 29892, 318, 29892, 289, 29897, 13, 13, 1678, 736, 1302, 12352, 29879, 13, 13, 13, 1753, 1667, 7295, 13, 1678, 9995, 30018, 29964, 5945, 11153, 1155, 5274, 1710, 5116, 4913, 1077, 6798, 2082, 20153, 3540, 15169, 29981, 14275, 989, 29871, 29896, 29899, 29977, 606, 29871, 29906, 29899, 29977, 14296, 17017, 3215, 531, 24794, 9860, 1142, 30029, 30014, 15945, 29908, 13, 13, 1678, 2069, 29918, 8977, 353, 426, 13, 4706, 376, 29916, 1115, 21069, 29941, 29889, 29900, 29892, 448, 29906, 29889, 29900, 29892, 448, 29896, 29889, 29900, 29892, 29871, 29900, 29889, 29900, 29892, 29871, 29896, 29889, 29900, 29892, 29871, 29906, 29889, 29900, 1402, 13, 4706, 376, 29891, 1115, 518, 29900, 29889, 29900, 29946, 29929, 29955, 29929, 29892, 29871, 29900, 29889, 29896, 29941, 29945, 29941, 29946, 29892, 29871, 29900, 29889, 29941, 29953, 29955, 29947, 29947, 29892, 29871, 29896, 29889, 29900, 29892, 29871, 29906, 29889, 29955, 29896, 29947, 29941, 29892, 29871, 29955, 29889, 29941, 29947, 29929, 29896, 29962, 13, 1678, 500, 13, 13, 1678, 921, 29892, 343, 353, 2069, 29918, 8977, 3366, 29916, 12436, 2069, 29918, 8977, 3366, 29891, 3108, 13, 13, 1678, 921, 29883, 353, 7442, 29889, 279, 927, 29898, 1195, 29898, 29916, 29897, 448, 29871, 29896, 29892, 4236, 29898, 29916, 29897, 718, 29871, 29896, 29892, 869, 29900, 29896, 29897, 13, 13, 1678, 274, 29896, 353, 301, 3844, 29898, 29916, 29892, 343, 29892, 29871, 29896, 29897, 13, 1678, 343, 29896, 353, 285, 29898, 29883, 29896, 29892, 921, 29883, 29897, 13, 13, 1678, 274, 29906, 353, 301, 3844, 29898, 29916, 29892, 343, 29892, 29871, 29906, 29897, 13, 1678, 343, 29906, 353, 285, 29898, 29883, 29906, 29892, 921, 29883, 29897, 13, 13, 1678, 14770, 29889, 5317, 29898, 29916, 29892, 343, 29892, 376, 29877, 613, 3858, 543, 30012, 11011, 3029, 11650, 3029, 1159, 13, 1678, 14770, 29889, 5317, 29898, 21791, 29892, 343, 29896, 29892, 3858, 543, 20093, 644, 2815, 4651, 11318, 27781, 1159, 13, 1678, 14770, 29889, 5317, 29898, 21791, 29892, 343, 29906, 29892, 3858, 543, 20093, 644, 2815, 27619, 27781, 1159, 13, 13, 1678, 14770, 29889, 3257, 703, 30018, 29964, 5945, 11153, 1155, 5274, 1142, 30029, 30014, 1159, 13, 1678, 14770, 29889, 7720, 29898, 5574, 29897, 13, 1678, 14770, 29889, 26172, 580, 13, 13, 1678, 14770, 29889, 7620, 1003, 703, 5317, 29889, 6173, 613, 270, 1631, 29922, 29941, 29900, 29900, 29897, 13, 1678, 14770, 29889, 4294, 580, 13, 13, 1678, 321, 29896, 353, 2533, 29918, 26613, 1965, 29918, 12523, 29898, 3137, 29885, 29898, 29916, 29892, 343, 29892, 29871, 29896, 511, 343, 29897, 13, 1678, 321, 29906, 353, 2533, 29918, 26613, 1965, 29918, 12523, 29898, 3137, 29885, 29898, 29916, 29892, 343, 29892, 29871, 29906, 511, 343, 29897, 13, 13, 1678, 1596, 703, 30008, 20984, 1155, 1186, 846, 17955, 4820, 614, 1911, 1782, 29951, 29901, 1159, 13, 1678, 1596, 14182, 6277, 353, 29871, 29896, 29901, 613, 321, 29896, 29897, 13, 1678, 1596, 14182, 6277, 353, 29871, 29906, 29901, 613, 321, 29906, 29897, 13, 13, 1678, 1596, 14182, 29876, 30018, 29964, 5945, 11153, 989, 1086, 17648, 20153, 3540, 29901, 1159, 13, 13, 1678, 14492, 353, 6796, 613, 376, 29916, 613, 376, 29916, 29985, 29906, 3108, 13, 1678, 363, 274, 29892, 302, 297, 14319, 4197, 29883, 29896, 29892, 274, 29906, 1402, 518, 29896, 29892, 29871, 29906, 29962, 1125, 13, 4706, 1596, 29898, 29888, 26732, 6277, 353, 426, 29876, 6177, 613, 376, 718, 11393, 7122, 4197, 29888, 29908, 29912, 29894, 29901, 29889, 29953, 29888, 1157, 29916, 5038, 363, 325, 29892, 921, 297, 14319, 29898, 29883, 29892, 14492, 4638, 876, 13, 13, 13, 361, 4770, 978, 1649, 1275, 376, 1649, 3396, 1649, 1115, 13, 1678, 3974, 29889, 18654, 29898, 3396, 29897, 13, 2 ]
src/collectors/interrupt/interrupt.py
fasrc/Diamond
0
173390
<gh_stars>0 # coding=utf-8 """ The InterruptCollector class collects metrics on interrupts from /proc/interrupts #### Dependencies * /proc/interrupts """ import platform import os import diamond.collector from diamond.pycompat import long # Detect the architecture of the system # and set the counters for MAX_VALUES # appropriately. Otherwise, rolling over # counters will cause incorrect or # negative values. if platform.architecture()[0] == '64bit': counter = (2 ** 64) - 1 else: counter = (2 ** 32) - 1 class InterruptCollector(diamond.collector.Collector): PROC = '/proc/interrupts' def get_default_config_help(self): config_help = super(InterruptCollector, self).get_default_config_help() config_help.update({ }) return config_help def get_default_config(self): """ Returns the default collector settings """ config = super(InterruptCollector, self).get_default_config() config.update({ 'path': 'interrupts' }) return config def collect(self): """ Collect interrupt data """ if not os.access(self.PROC, os.R_OK): return False # Open PROC file file = open(self.PROC, 'r') # Get data cpuCount = None for line in file: if not cpuCount: cpuCount = len(line.split()) else: data = line.strip().split(None, cpuCount + 2) data[0] = data[0].replace(':', '') if len(data) == 2: metric_name = data[0] metric_value = data[1] self.publish(metric_name, self.derivative(metric_name, long(metric_value), counter)) else: if len(data[0]) == cpuCount + 1: metric_name = data[0] + '.' elif len(data[0]) == 3: metric_name = ( ((data[-2] + ' ' + data[-1]).replace(' ', '_')) + '.') else: metric_name = ( ((data[-2]).replace(' ', '_')) + '.' + ((data[-1]).replace(', ', '-').replace(' ', '_')) + '.' + data[0] + '.') total = 0 for index, value in enumerate(data): if index == 0 or index >= cpuCount + 1: continue metric_name_node = metric_name + 'CPU' + str(index - 1) value = int(self.derivative(metric_name_node, long(value), counter)) total += value self.publish(metric_name_node, value) # Roll up value metric_name_node = metric_name + 'total' self.publish(metric_name_node, total) # Close file file.close()
[ 1, 529, 12443, 29918, 303, 1503, 29958, 29900, 13, 29937, 14137, 29922, 9420, 29899, 29947, 13, 13, 15945, 29908, 13, 1576, 4124, 6685, 28916, 272, 770, 6314, 29879, 21556, 373, 23754, 29879, 515, 13, 29914, 15439, 29914, 1639, 6685, 29879, 13, 13, 4136, 10034, 7158, 13, 13, 334, 847, 15439, 29914, 1639, 6685, 29879, 13, 13, 15945, 29908, 13, 13, 5215, 7481, 13, 5215, 2897, 13, 5215, 11502, 898, 29889, 15914, 272, 13, 3166, 11502, 898, 29889, 2272, 12667, 1053, 1472, 13, 13, 29937, 5953, 522, 278, 11258, 310, 278, 1788, 13, 29937, 322, 731, 278, 2613, 2153, 363, 18134, 29918, 8932, 12996, 13, 29937, 7128, 2486, 29889, 13466, 29892, 27777, 975, 13, 29937, 2613, 2153, 674, 4556, 10240, 470, 13, 29937, 8178, 1819, 29889, 13, 361, 7481, 29889, 25428, 580, 29961, 29900, 29962, 1275, 525, 29953, 29946, 2966, 2396, 13, 1678, 6795, 353, 313, 29906, 3579, 29871, 29953, 29946, 29897, 448, 29871, 29896, 13, 2870, 29901, 13, 1678, 6795, 353, 313, 29906, 3579, 29871, 29941, 29906, 29897, 448, 29871, 29896, 13, 13, 13, 1990, 4124, 6685, 28916, 272, 29898, 29881, 2829, 898, 29889, 15914, 272, 29889, 28916, 272, 1125, 13, 13, 1678, 13756, 29907, 353, 8207, 15439, 29914, 1639, 6685, 29879, 29915, 13, 13, 1678, 822, 679, 29918, 4381, 29918, 2917, 29918, 8477, 29898, 1311, 1125, 13, 4706, 2295, 29918, 8477, 353, 2428, 29898, 4074, 6685, 28916, 272, 29892, 1583, 467, 657, 29918, 4381, 29918, 2917, 29918, 8477, 580, 13, 4706, 2295, 29918, 8477, 29889, 5504, 3319, 13, 4706, 5615, 13, 4706, 736, 2295, 29918, 8477, 13, 13, 1678, 822, 679, 29918, 4381, 29918, 2917, 29898, 1311, 1125, 13, 4706, 9995, 13, 4706, 16969, 278, 2322, 6314, 272, 6055, 13, 4706, 9995, 13, 4706, 2295, 353, 2428, 29898, 4074, 6685, 28916, 272, 29892, 1583, 467, 657, 29918, 4381, 29918, 2917, 580, 13, 4706, 2295, 29889, 5504, 3319, 13, 9651, 525, 2084, 2396, 268, 525, 1639, 6685, 29879, 29915, 13, 4706, 5615, 13, 4706, 736, 2295, 13, 13, 1678, 822, 6314, 29898, 1311, 1125, 13, 4706, 9995, 13, 4706, 24930, 23754, 848, 13, 4706, 9995, 13, 4706, 565, 451, 2897, 29889, 5943, 29898, 1311, 29889, 8618, 29907, 29892, 2897, 29889, 29934, 29918, 8949, 1125, 13, 9651, 736, 7700, 13, 13, 4706, 396, 4673, 13756, 29907, 934, 13, 4706, 934, 353, 1722, 29898, 1311, 29889, 8618, 29907, 29892, 525, 29878, 1495, 13, 4706, 396, 3617, 848, 13, 4706, 26403, 3981, 353, 6213, 13, 4706, 363, 1196, 297, 934, 29901, 13, 9651, 565, 451, 26403, 3981, 29901, 13, 18884, 26403, 3981, 353, 7431, 29898, 1220, 29889, 5451, 3101, 13, 9651, 1683, 29901, 13, 18884, 848, 353, 1196, 29889, 17010, 2141, 5451, 29898, 8516, 29892, 26403, 3981, 718, 29871, 29906, 29897, 13, 18884, 848, 29961, 29900, 29962, 353, 848, 29961, 29900, 1822, 6506, 877, 29901, 742, 27255, 13, 13, 18884, 565, 7431, 29898, 1272, 29897, 1275, 29871, 29906, 29901, 13, 462, 1678, 12714, 29918, 978, 353, 848, 29961, 29900, 29962, 13, 462, 1678, 12714, 29918, 1767, 353, 848, 29961, 29896, 29962, 13, 462, 1678, 1583, 29889, 23679, 29898, 16414, 29918, 978, 29892, 13, 462, 462, 1583, 29889, 672, 440, 1230, 29898, 16414, 29918, 978, 29892, 13, 462, 462, 462, 1472, 29898, 16414, 29918, 1767, 511, 13, 462, 462, 462, 6795, 876, 13, 18884, 1683, 29901, 13, 462, 1678, 565, 7431, 29898, 1272, 29961, 29900, 2314, 1275, 26403, 3981, 718, 29871, 29896, 29901, 13, 462, 4706, 12714, 29918, 978, 353, 848, 29961, 29900, 29962, 718, 525, 6169, 13, 462, 1678, 25342, 7431, 29898, 1272, 29961, 29900, 2314, 1275, 29871, 29941, 29901, 13, 462, 4706, 12714, 29918, 978, 353, 313, 13, 462, 9651, 5135, 1272, 14352, 29906, 29962, 718, 525, 525, 718, 13, 462, 795, 848, 14352, 29896, 14664, 6506, 877, 13420, 22868, 8785, 718, 15300, 1495, 13, 462, 1678, 1683, 29901, 13, 462, 4706, 12714, 29918, 978, 353, 313, 13, 462, 9651, 5135, 1272, 14352, 29906, 14664, 6506, 877, 13420, 22868, 8785, 718, 13, 462, 9651, 525, 6169, 718, 13, 462, 9651, 5135, 1272, 14352, 29896, 14664, 6506, 29317, 13420, 17411, 2824, 6506, 877, 13420, 22868, 8785, 718, 13, 462, 9651, 525, 6169, 718, 848, 29961, 29900, 29962, 718, 15300, 1495, 13, 462, 1678, 3001, 353, 29871, 29900, 13, 462, 1678, 363, 2380, 29892, 995, 297, 26985, 29898, 1272, 1125, 13, 462, 4706, 565, 2380, 1275, 29871, 29900, 470, 2380, 6736, 26403, 3981, 718, 29871, 29896, 29901, 13, 462, 9651, 6773, 13, 13, 462, 4706, 12714, 29918, 978, 29918, 3177, 353, 12714, 29918, 978, 718, 525, 6271, 29965, 29915, 718, 851, 29898, 2248, 448, 29871, 29896, 29897, 13, 462, 4706, 995, 353, 938, 29898, 1311, 29889, 672, 440, 1230, 29898, 16414, 29918, 978, 29918, 3177, 29892, 13, 462, 462, 462, 1678, 1472, 29898, 1767, 511, 6795, 876, 13, 462, 4706, 3001, 4619, 995, 13, 462, 4706, 1583, 29889, 23679, 29898, 16414, 29918, 978, 29918, 3177, 29892, 995, 29897, 13, 13, 462, 1678, 396, 21809, 701, 995, 13, 462, 1678, 12714, 29918, 978, 29918, 3177, 353, 12714, 29918, 978, 718, 525, 7827, 29915, 13, 462, 1678, 1583, 29889, 23679, 29898, 16414, 29918, 978, 29918, 3177, 29892, 3001, 29897, 13, 13, 4706, 396, 23186, 934, 13, 4706, 934, 29889, 5358, 580, 13, 2 ]
pytype/pyi/parse_pyi.py
CyberFlameGO/pytype
0
21237
# python3 """Testing code to run the typed_ast based pyi parser.""" import sys from pytype import module_utils from pytype.pyi import parser from pytype.pyi.types import ParseError # pylint: disable=g-importing-member from pytype.pytd import pytd_utils if __name__ == '__main__': filename = sys.argv[1] with open(filename, 'r') as f: src = f.read() module_name = module_utils.path_to_module_name(filename) version = (3, 6) try: out, _ = parser.parse_pyi_debug( src, filename, module_name, version, None) except ParseError as e: print(e) sys.exit(1) print('------pytd--------------') print(out) print('------round trip--------------') print(pytd_utils.Print(out))
[ 1, 396, 3017, 29941, 13, 13, 15945, 29908, 3057, 292, 775, 304, 1065, 278, 13033, 29918, 579, 2729, 11451, 29875, 13812, 1213, 15945, 13, 13, 5215, 10876, 13, 13, 3166, 11451, 1853, 1053, 3883, 29918, 13239, 13, 3166, 11451, 1853, 29889, 2272, 29875, 1053, 13812, 13, 3166, 11451, 1853, 29889, 2272, 29875, 29889, 8768, 1053, 20969, 2392, 29871, 396, 282, 2904, 524, 29901, 11262, 29922, 29887, 29899, 5215, 292, 29899, 14242, 13, 3166, 11451, 1853, 29889, 2272, 1594, 1053, 11451, 1594, 29918, 13239, 13, 13, 13, 361, 4770, 978, 1649, 1275, 525, 1649, 3396, 1649, 2396, 13, 29871, 10422, 353, 10876, 29889, 19218, 29961, 29896, 29962, 13, 29871, 411, 1722, 29898, 9507, 29892, 525, 29878, 1495, 408, 285, 29901, 13, 1678, 4765, 353, 285, 29889, 949, 580, 13, 13, 29871, 3883, 29918, 978, 353, 3883, 29918, 13239, 29889, 2084, 29918, 517, 29918, 5453, 29918, 978, 29898, 9507, 29897, 13, 13, 29871, 1873, 353, 313, 29941, 29892, 29871, 29953, 29897, 13, 29871, 1018, 29901, 13, 1678, 714, 29892, 903, 353, 13812, 29889, 5510, 29918, 2272, 29875, 29918, 8382, 29898, 13, 4706, 4765, 29892, 10422, 29892, 3883, 29918, 978, 29892, 1873, 29892, 6213, 29897, 13, 29871, 5174, 20969, 2392, 408, 321, 29901, 13, 1678, 1596, 29898, 29872, 29897, 13, 1678, 10876, 29889, 13322, 29898, 29896, 29897, 13, 13, 29871, 1596, 877, 22158, 2272, 1594, 9072, 489, 1495, 13, 29871, 1596, 29898, 449, 29897, 13, 13, 29871, 1596, 877, 22158, 14486, 17487, 9072, 489, 1495, 13, 29871, 1596, 29898, 2272, 1594, 29918, 13239, 29889, 11816, 29898, 449, 876, 13, 2 ]
conans/test/functional/conanfile/deploy_import_file_permission_test.py
laundry-96/conan
2
92742
<filename>conans/test/functional/conanfile/deploy_import_file_permission_test.py<gh_stars>1-10 import os import stat import unittest from conans.test.utils.tools import TestClient class DeployImportFilePermissionTest(unittest.TestCase): def setUp(self): self.file_name = 'myheader.h' def _client(self, ro_file, ro_cache): client = TestClient() if ro_cache: client.run("config set general.read_only_cache=True") with client.chdir('recipe'): conanfile = """from conans import ConanFile class MyPkg(ConanFile): exports_sources = "*.h" def package(self): self.copy("*.h") def deploy(self): self.copy("*.h") """ client.save({"conanfile.py": conanfile, self.file_name: "my header"}) os.chmod(os.path.join(client.current_folder, self.file_name), 0o444 if ro_file else 0o644) client.run("create . Pkg/0.1@lasote/channel") return client def _import(self, client): conanfile = """[requires] Pkg/0.1@lasote/channel [imports] ., *.h -> . """ client.save({'conanfile.txt': conanfile}) with client.chdir('import'): client.run('install ..') def _deploy(self, client): with client.chdir('deploy'): client.run('install Pkg/0.1@lasote/channel') def _is_file_writable(self, client, folder): return bool(os.stat(os.path.join(client.current_folder, folder, self.file_name)).st_mode & stat.S_IWRITE) def import_rw_file_rw_cache_test(self): client = self._client(ro_file=False, ro_cache=False) self._import(client) self.assertTrue(self._is_file_writable(client, 'import')) def import_ro_file_rw_cache_test(self): client = self._client(ro_file=True, ro_cache=False) self._import(client) self.assertFalse(self._is_file_writable(client, 'import')) def import_rw_file_ro_cache_test(self): client = self._client(ro_file=False, ro_cache=True) self._import(client) self.assertTrue(self._is_file_writable(client, 'import')) def import_ro_file_ro_cache_test(self): client = self._client(ro_file=True, ro_cache=True) self._import(client) self.assertTrue(self._is_file_writable(client, 'import')) def deploy_rw_file_rw_cache_test(self): client = self._client(ro_file=False, ro_cache=False) self._deploy(client) self.assertTrue(self._is_file_writable(client, 'deploy')) def deploy_ro_file_rw_cache_test(self): client = self._client(ro_file=True, ro_cache=False) self._deploy(client) self.assertFalse(self._is_file_writable(client, 'deploy')) def deploy_rw_file_ro_cache_test(self): client = self._client(ro_file=False, ro_cache=True) self._deploy(client) self.assertTrue(self._is_file_writable(client, 'deploy')) def deploy_ro_file_ro_cache_test(self): client = self._client(ro_file=True, ro_cache=True) self._deploy(client) self.assertTrue(self._is_file_writable(client, 'deploy'))
[ 1, 529, 9507, 29958, 535, 550, 29914, 1688, 29914, 2220, 284, 29914, 535, 273, 1445, 29914, 16519, 29918, 5215, 29918, 1445, 29918, 16074, 29918, 1688, 29889, 2272, 29966, 12443, 29918, 303, 1503, 29958, 29896, 29899, 29896, 29900, 13, 5215, 2897, 13, 5215, 1002, 13, 5215, 443, 27958, 13, 13, 3166, 378, 550, 29889, 1688, 29889, 13239, 29889, 8504, 1053, 4321, 4032, 13, 13, 13, 1990, 10034, 2376, 17518, 2283, 27293, 3057, 29898, 348, 27958, 29889, 3057, 8259, 1125, 13, 13, 1678, 822, 731, 3373, 29898, 1311, 1125, 13, 4706, 1583, 29889, 1445, 29918, 978, 353, 525, 1357, 6672, 29889, 29882, 29915, 13, 13, 1678, 822, 903, 4645, 29898, 1311, 29892, 696, 29918, 1445, 29892, 696, 29918, 8173, 1125, 13, 4706, 3132, 353, 4321, 4032, 580, 13, 4706, 565, 696, 29918, 8173, 29901, 13, 9651, 3132, 29889, 3389, 703, 2917, 731, 2498, 29889, 949, 29918, 6194, 29918, 8173, 29922, 5574, 1159, 13, 4706, 411, 3132, 29889, 305, 3972, 877, 4361, 412, 29374, 13, 9651, 378, 273, 1445, 353, 9995, 3166, 378, 550, 1053, 1281, 273, 2283, 13, 1990, 1619, 29925, 9415, 29898, 1168, 273, 2283, 1125, 13, 1678, 29586, 29918, 29879, 2863, 353, 376, 10521, 29882, 29908, 13, 1678, 822, 3577, 29898, 1311, 1125, 13, 4706, 1583, 29889, 8552, 703, 10521, 29882, 1159, 13, 13, 1678, 822, 7246, 29898, 1311, 1125, 13, 4706, 1583, 29889, 8552, 703, 10521, 29882, 1159, 13, 15945, 29908, 13, 9651, 3132, 29889, 7620, 3319, 29908, 535, 273, 1445, 29889, 2272, 1115, 378, 273, 1445, 29892, 13, 462, 308, 1583, 29889, 1445, 29918, 978, 29901, 376, 1357, 4839, 29908, 1800, 13, 9651, 2897, 29889, 305, 1545, 29898, 359, 29889, 2084, 29889, 7122, 29898, 4645, 29889, 3784, 29918, 12083, 29892, 1583, 29889, 1445, 29918, 978, 511, 29871, 29900, 29877, 29946, 29946, 29946, 565, 696, 29918, 1445, 1683, 29871, 29900, 29877, 29953, 29946, 29946, 29897, 13, 9651, 3132, 29889, 3389, 703, 3258, 869, 349, 9415, 29914, 29900, 29889, 29896, 29992, 3333, 866, 29914, 12719, 1159, 13, 4706, 736, 3132, 13, 13, 1678, 822, 903, 5215, 29898, 1311, 29892, 3132, 1125, 13, 4706, 378, 273, 1445, 353, 9995, 29961, 276, 339, 2658, 29962, 13, 29925, 9415, 29914, 29900, 29889, 29896, 29992, 3333, 866, 29914, 12719, 13, 13, 29961, 326, 4011, 29962, 13, 1696, 20611, 29882, 1599, 869, 13, 15945, 29908, 13, 4706, 3132, 29889, 7620, 3319, 29915, 535, 273, 1445, 29889, 3945, 2396, 378, 273, 1445, 1800, 29871, 13, 4706, 411, 3132, 29889, 305, 3972, 877, 5215, 29374, 13, 9651, 3132, 29889, 3389, 877, 6252, 6317, 1495, 13, 13, 1678, 822, 903, 16519, 29898, 1311, 29892, 3132, 1125, 13, 4706, 411, 3132, 29889, 305, 3972, 877, 16519, 29374, 13, 9651, 3132, 29889, 3389, 877, 6252, 349, 9415, 29914, 29900, 29889, 29896, 29992, 3333, 866, 29914, 12719, 1495, 13, 13, 1678, 822, 903, 275, 29918, 1445, 29918, 8231, 519, 29898, 1311, 29892, 3132, 29892, 4138, 1125, 13, 4706, 736, 6120, 29898, 359, 29889, 6112, 29898, 359, 29889, 2084, 29889, 7122, 29898, 4645, 29889, 3784, 29918, 12083, 29892, 4138, 29892, 1583, 29889, 1445, 29918, 978, 8106, 303, 29918, 8513, 669, 1002, 29889, 29903, 29918, 29902, 16365, 29897, 13, 13, 1678, 822, 1053, 29918, 13975, 29918, 1445, 29918, 13975, 29918, 8173, 29918, 1688, 29898, 1311, 1125, 13, 4706, 3132, 353, 1583, 3032, 4645, 29898, 307, 29918, 1445, 29922, 8824, 29892, 696, 29918, 8173, 29922, 8824, 29897, 13, 4706, 1583, 3032, 5215, 29898, 4645, 29897, 13, 4706, 1583, 29889, 9294, 5574, 29898, 1311, 3032, 275, 29918, 1445, 29918, 8231, 519, 29898, 4645, 29892, 525, 5215, 8785, 13, 13, 1678, 822, 1053, 29918, 307, 29918, 1445, 29918, 13975, 29918, 8173, 29918, 1688, 29898, 1311, 1125, 13, 4706, 3132, 353, 1583, 3032, 4645, 29898, 307, 29918, 1445, 29922, 5574, 29892, 696, 29918, 8173, 29922, 8824, 29897, 13, 4706, 1583, 3032, 5215, 29898, 4645, 29897, 13, 4706, 1583, 29889, 9294, 8824, 29898, 1311, 3032, 275, 29918, 1445, 29918, 8231, 519, 29898, 4645, 29892, 525, 5215, 8785, 13, 13, 1678, 822, 1053, 29918, 13975, 29918, 1445, 29918, 307, 29918, 8173, 29918, 1688, 29898, 1311, 1125, 13, 4706, 3132, 353, 1583, 3032, 4645, 29898, 307, 29918, 1445, 29922, 8824, 29892, 696, 29918, 8173, 29922, 5574, 29897, 13, 4706, 1583, 3032, 5215, 29898, 4645, 29897, 13, 4706, 1583, 29889, 9294, 5574, 29898, 1311, 3032, 275, 29918, 1445, 29918, 8231, 519, 29898, 4645, 29892, 525, 5215, 8785, 13, 13, 1678, 822, 1053, 29918, 307, 29918, 1445, 29918, 307, 29918, 8173, 29918, 1688, 29898, 1311, 1125, 13, 4706, 3132, 353, 1583, 3032, 4645, 29898, 307, 29918, 1445, 29922, 5574, 29892, 696, 29918, 8173, 29922, 5574, 29897, 13, 4706, 1583, 3032, 5215, 29898, 4645, 29897, 13, 4706, 1583, 29889, 9294, 5574, 29898, 1311, 3032, 275, 29918, 1445, 29918, 8231, 519, 29898, 4645, 29892, 525, 5215, 8785, 13, 13, 1678, 822, 7246, 29918, 13975, 29918, 1445, 29918, 13975, 29918, 8173, 29918, 1688, 29898, 1311, 1125, 13, 4706, 3132, 353, 1583, 3032, 4645, 29898, 307, 29918, 1445, 29922, 8824, 29892, 696, 29918, 8173, 29922, 8824, 29897, 13, 4706, 1583, 3032, 16519, 29898, 4645, 29897, 13, 4706, 1583, 29889, 9294, 5574, 29898, 1311, 3032, 275, 29918, 1445, 29918, 8231, 519, 29898, 4645, 29892, 525, 16519, 8785, 13, 13, 1678, 822, 7246, 29918, 307, 29918, 1445, 29918, 13975, 29918, 8173, 29918, 1688, 29898, 1311, 1125, 13, 4706, 3132, 353, 1583, 3032, 4645, 29898, 307, 29918, 1445, 29922, 5574, 29892, 696, 29918, 8173, 29922, 8824, 29897, 13, 4706, 1583, 3032, 16519, 29898, 4645, 29897, 13, 4706, 1583, 29889, 9294, 8824, 29898, 1311, 3032, 275, 29918, 1445, 29918, 8231, 519, 29898, 4645, 29892, 525, 16519, 8785, 13, 13, 1678, 822, 7246, 29918, 13975, 29918, 1445, 29918, 307, 29918, 8173, 29918, 1688, 29898, 1311, 1125, 13, 4706, 3132, 353, 1583, 3032, 4645, 29898, 307, 29918, 1445, 29922, 8824, 29892, 696, 29918, 8173, 29922, 5574, 29897, 13, 4706, 1583, 3032, 16519, 29898, 4645, 29897, 13, 4706, 1583, 29889, 9294, 5574, 29898, 1311, 3032, 275, 29918, 1445, 29918, 8231, 519, 29898, 4645, 29892, 525, 16519, 8785, 13, 13, 1678, 822, 7246, 29918, 307, 29918, 1445, 29918, 307, 29918, 8173, 29918, 1688, 29898, 1311, 1125, 13, 4706, 3132, 353, 1583, 3032, 4645, 29898, 307, 29918, 1445, 29922, 5574, 29892, 696, 29918, 8173, 29922, 5574, 29897, 13, 4706, 1583, 3032, 16519, 29898, 4645, 29897, 13, 4706, 1583, 29889, 9294, 5574, 29898, 1311, 3032, 275, 29918, 1445, 29918, 8231, 519, 29898, 4645, 29892, 525, 16519, 8785, 13, 2 ]
cartoonify.py
adl1995/image-processing-filters
0
10700
<filename>cartoonify.py #!/usr/bin/env python __author__ = "<NAME>" __email__ = "<EMAIL>" __status__ = "Production" import matplotlib.pyplot as plt import numpy as np import skimage as ski import Image def cartoonify(im, display=False): """ function receives an image and add its gradient magnitude in it and add it to the original image to return a semi-cartoon image. Note: You will have to scale the gradient-magnitue image before adding it back to the input image. Input: im: input image to cartoonify display: whether to display image or not... NOTE: This function expects a gaussian filtered image """ kernel, kern_size = np.array([[-1,-1,-1] ,[0,0,0] ,[1,1,1]]), 3 gx, gy = np.zeros_like(im, dtype=float), np.zeros_like(im, dtype=float) for i in range(im.shape[0] - (kern_size-1)): for j in range(im.shape[1] - (kern_size-1)): window = im[i:i + kern_size, j:j + kern_size] gx[i,j], gy[i,j] = np.sum(window * kernel.T), np.sum(window * kernel) magnitude = np.sqrt(gx**2 + gy**2) magnitude = magnitude.astype(np.int64, copy=False) cartoon = im + (im + magnitude) if display == 1: plt.imshow(cartoon, cmap='gray') plt.suptitle('Cartoon') plt.show() return cartoon
[ 1, 529, 9507, 29958, 13823, 6150, 1598, 29889, 2272, 13, 29937, 14708, 4855, 29914, 2109, 29914, 6272, 3017, 13, 13, 1649, 8921, 1649, 353, 9872, 5813, 11903, 13, 1649, 5269, 1649, 353, 9872, 26862, 6227, 11903, 13, 1649, 4882, 1649, 353, 376, 23665, 428, 29908, 13, 13, 5215, 22889, 29889, 2272, 5317, 408, 14770, 13, 5215, 12655, 408, 7442, 13, 5215, 2071, 3027, 408, 14993, 13, 5215, 7084, 13, 13, 1753, 7774, 6150, 1598, 29898, 326, 29892, 2479, 29922, 8824, 1125, 13, 12, 15945, 29908, 13, 12, 740, 20586, 385, 1967, 322, 788, 967, 16030, 18497, 297, 372, 322, 788, 372, 13, 12, 304, 278, 2441, 1967, 304, 736, 263, 12647, 29899, 13823, 6150, 1967, 29889, 13, 13, 12, 3940, 29901, 887, 674, 505, 29871, 304, 6287, 278, 16030, 29899, 29885, 4211, 277, 434, 1967, 13, 12, 1434, 4417, 372, 1250, 304, 278, 1881, 1967, 29889, 13, 13, 12, 10567, 29901, 13, 12, 1678, 527, 29901, 1881, 1967, 304, 7774, 6150, 1598, 13, 12, 1678, 2479, 29901, 3692, 304, 2479, 1967, 470, 451, 856, 13, 13, 12, 1678, 6058, 29923, 29901, 910, 740, 23347, 263, 330, 17019, 22289, 1967, 13, 12, 15945, 29908, 13, 13, 12, 17460, 29892, 413, 824, 29918, 2311, 353, 7442, 29889, 2378, 4197, 14352, 29896, 6653, 29896, 6653, 29896, 29962, 1919, 29961, 29900, 29892, 29900, 29892, 29900, 29962, 1919, 29961, 29896, 29892, 29896, 29892, 29896, 5262, 511, 29871, 29941, 13, 12, 29887, 29916, 29892, 10966, 353, 7442, 29889, 3298, 359, 29918, 4561, 29898, 326, 29892, 26688, 29922, 7411, 511, 7442, 29889, 3298, 359, 29918, 4561, 29898, 326, 29892, 26688, 29922, 7411, 29897, 13, 13, 12, 1454, 474, 297, 3464, 29898, 326, 29889, 12181, 29961, 29900, 29962, 448, 313, 22178, 29918, 2311, 29899, 29896, 22164, 13, 12, 12, 1454, 432, 297, 3464, 29898, 326, 29889, 12181, 29961, 29896, 29962, 448, 313, 22178, 29918, 2311, 29899, 29896, 22164, 13, 12, 12, 12, 7165, 353, 527, 29961, 29875, 29901, 29875, 718, 413, 824, 29918, 2311, 29892, 432, 29901, 29926, 718, 413, 824, 29918, 2311, 29962, 29871, 13, 12, 12, 12, 29887, 29916, 29961, 29875, 29892, 29926, 1402, 10966, 29961, 29875, 29892, 29926, 29962, 353, 7442, 29889, 2083, 29898, 7165, 334, 8466, 29889, 29911, 511, 7442, 29889, 2083, 29898, 7165, 334, 8466, 29897, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 12, 13, 13, 12, 29885, 4211, 4279, 353, 7442, 29889, 3676, 29898, 29887, 29916, 1068, 29906, 718, 10966, 1068, 29906, 29897, 13, 12, 29885, 4211, 4279, 353, 18497, 29889, 579, 668, 29898, 9302, 29889, 524, 29953, 29946, 29892, 3509, 29922, 8824, 29897, 13, 13, 12, 13823, 6150, 353, 527, 718, 313, 326, 718, 18497, 29897, 13, 13, 12, 361, 2479, 1275, 29871, 29896, 29901, 13, 12, 12, 572, 29873, 29889, 326, 4294, 29898, 13823, 6150, 29892, 274, 1958, 2433, 21012, 1495, 13, 12, 12, 572, 29873, 29889, 2146, 415, 1740, 877, 25233, 6150, 1495, 13, 12, 12, 572, 29873, 29889, 4294, 580, 13, 12, 2457, 7774, 6150, 13, 2 ]
chip8_pygame_integration/config_test.py
Artoooooor/chip8
0
21468
import unittest import pygame from chip8_pygame_integration.config import get_config, KeyBind, to_text DEFAULT = [KeyBind(pygame.K_o, pygame.KMOD_CTRL, 'some_command')] class ConfigLoadTest(unittest.TestCase): def setUp(self): self.default = None def test_empty_pattern_returns_empty_array(self): self.assertEqual([], get_config((), [])) def test_single_command_pattern_parses_single_key(self): self.when_pattern_is((('comm1',),)) self.when_lines_are(['A']) self.expect_config([KeyBind(pygame.K_a, pygame.KMOD_NONE, 'comm1')]) def test_two_command_pattern_parses_2_keys(self): self.when_pattern_is((('comm1', 'comm2',),)) self.when_lines_are(['A D']) self.expect_config([ KeyBind(pygame.K_a, pygame.KMOD_NONE, 'comm1'), KeyBind(pygame.K_d, pygame.KMOD_NONE, 'comm2')]) def test_2_lines_pattern_parses_2_lines(self): self.when_pattern_is((('comm1',), ('comm2',))) self.when_lines_are(['A', 'D']) self.expect_config([ KeyBind(pygame.K_a, pygame.KMOD_NONE, 'comm1'), KeyBind(pygame.K_d, pygame.KMOD_NONE, 'comm2')]) def test_too_little_elements_in_line_return_default(self): self.when_pattern_is((('comm1', 'comm2'),)) self.when_lines_are(['A']) self.when_default_is(DEFAULT) self.expect_config(DEFAULT) def test_ctrl_is_parsed_as_KMOD_CTRL(self): self.when_pattern_is((('comm1',),)) self.when_lines_are(['ctrl+A']) self.expect_config([KeyBind(pygame.K_a, pygame.KMOD_CTRL, 'comm1')]) def test_two_modifiers_are_parsed(self): self.when_pattern_is((('comm1',),)) self.when_lines_are(['ctrl+lshift+A']) kmods = pygame.KMOD_CTRL | pygame.KMOD_LSHIFT self.expect_config([KeyBind(pygame.K_a, kmods, 'comm1')]) def test_lowercase_keys_are_parsed(self): self.when_pattern_is((('comm1',),)) self.when_lines_are(['a']) self.expect_config([KeyBind(pygame.K_a, pygame.KMOD_NONE, 'comm1')]) def test_lowercase_special_keys_are_parsed(self): self.when_pattern_is((('comm1',),)) self.when_lines_are(['space']) self.expect_config( [KeyBind(pygame.K_SPACE, pygame.KMOD_NONE, 'comm1')]) def test_uppercase_modifiers_are_parsed(self): self.when_pattern_is((('comm1',),)) self.when_lines_are(['LCTRL+A']) self.expect_config([KeyBind(pygame.K_a, pygame.KMOD_LCTRL, 'comm1')]) def test_invalid_key_results_in_default(self): self.when_pattern_is((('comm1',),)) self.when_lines_are(['F42']) self.when_default_is(DEFAULT) self.expect_config(DEFAULT) def when_pattern_is(self, pattern): self.pattern = pattern def when_lines_are(self, lines): self.lines = lines def when_default_is(self, default): self.default = default def expect_config(self, config): result = get_config(self.pattern, self.lines, self.default) self.assertEqual(config, result) class ConfigSaveTest(unittest.TestCase): def test_empty_pattern_generates_empty_file(self): self.assertEqual([], to_text((), [])) def test_one_command_generates_1_line(self): self.when_pattern_is((('comm1',),)) self.when_config_is([KeyBind(pygame.K_a, pygame.KMOD_NONE, 'comm1')]) self.expect_generated_text(['a']) def test_two_commands_generate_line_with_2_elements(self): self.when_pattern_is((('comm1', 'comm2'),)) self.when_config_is([KeyBind(pygame.K_a, pygame.KMOD_NONE, 'comm1'), KeyBind(pygame.K_b, pygame.KMOD_NONE, 'comm2')]) self.expect_generated_text(['a b']) def test_commands_are_generated_in_order_of_pattern(self): self.when_pattern_is((('comm1', 'comm2'),)) self.when_config_is([KeyBind(pygame.K_a, pygame.KMOD_NONE, 'comm2'), KeyBind(pygame.K_b, pygame.KMOD_NONE, 'comm1')]) self.expect_generated_text(['b a']) def test_two_lines_generate_2_lines_(self): self.when_pattern_is((('comm1',), ('comm2',),)) self.when_config_is([KeyBind(pygame.K_a, pygame.KMOD_NONE, 'comm2'), KeyBind(pygame.K_b, pygame.KMOD_NONE, 'comm1')]) self.expect_generated_text(['b', 'a']) def test_KMOD_CTRL_generates_output(self): self.expect_3_mod_versions_handled('ctrl') def test_KMOD_SHIFT_generates_output(self): self.expect_3_mod_versions_handled('shift') def test_KMOD_ALT_generates_output(self): self.expect_3_mod_versions_handled('alt') def test_KMOD_META_generates_output(self): self.expect_3_mod_versions_handled('meta') def test_KMOD_CAPS_generates_output(self): self.expect_mod_handled('caps') def test_KMOD_NUM_generates_output(self): self.expect_mod_handled('num') def test_KMOD_MODE_generates_output(self): self.expect_mod_handled('mode') def expect_3_mod_versions_handled(self, baseModName): self.expect_mod_handled(baseModName) self.expect_mod_handled('l' + baseModName) self.expect_mod_handled('r' + baseModName) def expect_mod_handled(self, modName): self.when_pattern_is((('comm1',),)) fieldName = 'KMOD_' + modName.upper() mod = getattr(pygame, fieldName) self.when_config_is([KeyBind(pygame.K_a, mod, 'comm1')]) expected = '{}+a'.format(modName) self.expect_generated_text([expected]) def when_pattern_is(self, pattern): self.pattern = pattern def when_config_is(self, config): self.config = config def expect_generated_text(self, text): text = self.add_newlines(text) self.assertEqual(text, to_text(self.pattern, self.config)) def add_newlines(self, lines): return [l + '\n' for l in lines] if __name__ == '__main__': unittest.main()
[ 1, 1053, 443, 27958, 13, 5215, 22028, 13, 3166, 29830, 29947, 29918, 2272, 11802, 29918, 27925, 29889, 2917, 1053, 679, 29918, 2917, 29892, 7670, 15708, 29892, 304, 29918, 726, 13, 13, 13, 23397, 353, 518, 2558, 15708, 29898, 2272, 11802, 29889, 29968, 29918, 29877, 29892, 22028, 29889, 29968, 6720, 29928, 29918, 1783, 2241, 29892, 525, 5372, 29918, 6519, 1495, 29962, 13, 13, 13, 1990, 12782, 5896, 3057, 29898, 348, 27958, 29889, 3057, 8259, 1125, 13, 1678, 822, 731, 3373, 29898, 1311, 1125, 13, 4706, 1583, 29889, 4381, 353, 6213, 13, 13, 1678, 822, 1243, 29918, 6310, 29918, 11037, 29918, 18280, 29918, 6310, 29918, 2378, 29898, 1311, 1125, 13, 4706, 1583, 29889, 9294, 9843, 4197, 1402, 679, 29918, 2917, 29898, 3285, 5159, 876, 13, 13, 1678, 822, 1243, 29918, 14369, 29918, 6519, 29918, 11037, 29918, 862, 29879, 267, 29918, 14369, 29918, 1989, 29898, 1311, 1125, 13, 4706, 1583, 29889, 8256, 29918, 11037, 29918, 275, 3552, 877, 2055, 29896, 742, 511, 876, 13, 4706, 1583, 29889, 8256, 29918, 9012, 29918, 598, 18959, 29909, 11287, 13, 4706, 1583, 29889, 17854, 29918, 2917, 4197, 2558, 15708, 29898, 2272, 11802, 29889, 29968, 29918, 29874, 29892, 22028, 29889, 29968, 6720, 29928, 29918, 29940, 12413, 29892, 525, 2055, 29896, 1495, 2314, 13, 13, 1678, 822, 1243, 29918, 10184, 29918, 6519, 29918, 11037, 29918, 862, 29879, 267, 29918, 29906, 29918, 8149, 29898, 1311, 1125, 13, 4706, 1583, 29889, 8256, 29918, 11037, 29918, 275, 3552, 877, 2055, 29896, 742, 525, 2055, 29906, 742, 511, 876, 13, 4706, 1583, 29889, 8256, 29918, 9012, 29918, 598, 18959, 29909, 360, 11287, 13, 4706, 1583, 29889, 17854, 29918, 2917, 4197, 13, 9651, 7670, 15708, 29898, 2272, 11802, 29889, 29968, 29918, 29874, 29892, 22028, 29889, 29968, 6720, 29928, 29918, 29940, 12413, 29892, 525, 2055, 29896, 5477, 13, 9651, 7670, 15708, 29898, 2272, 11802, 29889, 29968, 29918, 29881, 29892, 22028, 29889, 29968, 6720, 29928, 29918, 29940, 12413, 29892, 525, 2055, 29906, 1495, 2314, 13, 13, 1678, 822, 1243, 29918, 29906, 29918, 9012, 29918, 11037, 29918, 862, 29879, 267, 29918, 29906, 29918, 9012, 29898, 1311, 1125, 13, 4706, 1583, 29889, 8256, 29918, 11037, 29918, 275, 3552, 877, 2055, 29896, 742, 511, 6702, 2055, 29906, 742, 4961, 13, 4706, 1583, 29889, 8256, 29918, 9012, 29918, 598, 18959, 29909, 742, 525, 29928, 11287, 13, 4706, 1583, 29889, 17854, 29918, 2917, 4197, 13, 9651, 7670, 15708, 29898, 2272, 11802, 29889, 29968, 29918, 29874, 29892, 22028, 29889, 29968, 6720, 29928, 29918, 29940, 12413, 29892, 525, 2055, 29896, 5477, 13, 9651, 7670, 15708, 29898, 2272, 11802, 29889, 29968, 29918, 29881, 29892, 22028, 29889, 29968, 6720, 29928, 29918, 29940, 12413, 29892, 525, 2055, 29906, 1495, 2314, 13, 13, 1678, 822, 1243, 29918, 517, 29877, 29918, 29880, 1992, 29918, 17664, 29918, 262, 29918, 1220, 29918, 2457, 29918, 4381, 29898, 1311, 1125, 13, 4706, 1583, 29889, 8256, 29918, 11037, 29918, 275, 3552, 877, 2055, 29896, 742, 525, 2055, 29906, 5477, 876, 13, 4706, 1583, 29889, 8256, 29918, 9012, 29918, 598, 18959, 29909, 11287, 13, 4706, 1583, 29889, 8256, 29918, 4381, 29918, 275, 29898, 23397, 29897, 13, 4706, 1583, 29889, 17854, 29918, 2917, 29898, 23397, 29897, 13, 13, 1678, 822, 1243, 29918, 24220, 29918, 275, 29918, 862, 8485, 29918, 294, 29918, 29968, 6720, 29928, 29918, 1783, 2241, 29898, 1311, 1125, 13, 4706, 1583, 29889, 8256, 29918, 11037, 29918, 275, 3552, 877, 2055, 29896, 742, 511, 876, 13, 4706, 1583, 29889, 8256, 29918, 9012, 29918, 598, 18959, 24220, 29974, 29909, 11287, 13, 4706, 1583, 29889, 17854, 29918, 2917, 4197, 2558, 15708, 29898, 2272, 11802, 29889, 29968, 29918, 29874, 29892, 22028, 29889, 29968, 6720, 29928, 29918, 1783, 2241, 29892, 525, 2055, 29896, 1495, 2314, 13, 13, 1678, 822, 1243, 29918, 10184, 29918, 1545, 14903, 29918, 598, 29918, 862, 8485, 29898, 1311, 1125, 13, 4706, 1583, 29889, 8256, 29918, 11037, 29918, 275, 3552, 877, 2055, 29896, 742, 511, 876, 13, 4706, 1583, 29889, 8256, 29918, 9012, 29918, 598, 18959, 24220, 29974, 29880, 10889, 29974, 29909, 11287, 13, 4706, 413, 1545, 29879, 353, 22028, 29889, 29968, 6720, 29928, 29918, 1783, 2241, 891, 22028, 29889, 29968, 6720, 29928, 29918, 29931, 7068, 6545, 29911, 13, 4706, 1583, 29889, 17854, 29918, 2917, 4197, 2558, 15708, 29898, 2272, 11802, 29889, 29968, 29918, 29874, 29892, 413, 1545, 29879, 29892, 525, 2055, 29896, 1495, 2314, 13, 13, 1678, 822, 1243, 29918, 13609, 4878, 29918, 8149, 29918, 598, 29918, 862, 8485, 29898, 1311, 1125, 13, 4706, 1583, 29889, 8256, 29918, 11037, 29918, 275, 3552, 877, 2055, 29896, 742, 511, 876, 13, 4706, 1583, 29889, 8256, 29918, 9012, 29918, 598, 18959, 29874, 11287, 13, 4706, 1583, 29889, 17854, 29918, 2917, 4197, 2558, 15708, 29898, 2272, 11802, 29889, 29968, 29918, 29874, 29892, 22028, 29889, 29968, 6720, 29928, 29918, 29940, 12413, 29892, 525, 2055, 29896, 1495, 2314, 13, 13, 1678, 822, 1243, 29918, 13609, 4878, 29918, 18732, 29918, 8149, 29918, 598, 29918, 862, 8485, 29898, 1311, 1125, 13, 4706, 1583, 29889, 8256, 29918, 11037, 29918, 275, 3552, 877, 2055, 29896, 742, 511, 876, 13, 4706, 1583, 29889, 8256, 29918, 9012, 29918, 598, 18959, 3493, 11287, 13, 4706, 1583, 29889, 17854, 29918, 2917, 29898, 13, 9651, 518, 2558, 15708, 29898, 2272, 11802, 29889, 29968, 29918, 5550, 11538, 29892, 22028, 29889, 29968, 6720, 29928, 29918, 29940, 12413, 29892, 525, 2055, 29896, 1495, 2314, 13, 13, 1678, 822, 1243, 29918, 21064, 4878, 29918, 1545, 14903, 29918, 598, 29918, 862, 8485, 29898, 1311, 1125, 13, 4706, 1583, 29889, 8256, 29918, 11037, 29918, 275, 3552, 877, 2055, 29896, 742, 511, 876, 13, 4706, 1583, 29889, 8256, 29918, 9012, 29918, 598, 18959, 29931, 1783, 2241, 29974, 29909, 11287, 13, 4706, 1583, 29889, 17854, 29918, 2917, 4197, 2558, 15708, 29898, 2272, 11802, 29889, 29968, 29918, 29874, 29892, 22028, 29889, 29968, 6720, 29928, 29918, 29931, 1783, 2241, 29892, 525, 2055, 29896, 1495, 2314, 13, 13, 1678, 822, 1243, 29918, 20965, 29918, 1989, 29918, 9902, 29918, 262, 29918, 4381, 29898, 1311, 1125, 13, 4706, 1583, 29889, 8256, 29918, 11037, 29918, 275, 3552, 877, 2055, 29896, 742, 511, 876, 13, 4706, 1583, 29889, 8256, 29918, 9012, 29918, 598, 18959, 29943, 29946, 29906, 11287, 13, 4706, 1583, 29889, 8256, 29918, 4381, 29918, 275, 29898, 23397, 29897, 13, 4706, 1583, 29889, 17854, 29918, 2917, 29898, 23397, 29897, 13, 13, 1678, 822, 746, 29918, 11037, 29918, 275, 29898, 1311, 29892, 4766, 1125, 13, 4706, 1583, 29889, 11037, 353, 4766, 13, 13, 1678, 822, 746, 29918, 9012, 29918, 598, 29898, 1311, 29892, 3454, 1125, 13, 4706, 1583, 29889, 9012, 353, 3454, 13, 13, 1678, 822, 746, 29918, 4381, 29918, 275, 29898, 1311, 29892, 2322, 1125, 13, 4706, 1583, 29889, 4381, 353, 2322, 13, 13, 1678, 822, 2149, 29918, 2917, 29898, 1311, 29892, 2295, 1125, 13, 4706, 1121, 353, 679, 29918, 2917, 29898, 1311, 29889, 11037, 29892, 1583, 29889, 9012, 29892, 1583, 29889, 4381, 29897, 13, 4706, 1583, 29889, 9294, 9843, 29898, 2917, 29892, 1121, 29897, 13, 13, 13, 1990, 12782, 11371, 3057, 29898, 348, 27958, 29889, 3057, 8259, 1125, 13, 1678, 822, 1243, 29918, 6310, 29918, 11037, 29918, 4738, 1078, 29918, 6310, 29918, 1445, 29898, 1311, 1125, 13, 4706, 1583, 29889, 9294, 9843, 4197, 1402, 304, 29918, 726, 29898, 3285, 5159, 876, 13, 13, 1678, 822, 1243, 29918, 650, 29918, 6519, 29918, 4738, 1078, 29918, 29896, 29918, 1220, 29898, 1311, 1125, 13, 4706, 1583, 29889, 8256, 29918, 11037, 29918, 275, 3552, 877, 2055, 29896, 742, 511, 876, 13, 4706, 1583, 29889, 8256, 29918, 2917, 29918, 275, 4197, 2558, 15708, 29898, 2272, 11802, 29889, 29968, 29918, 29874, 29892, 22028, 29889, 29968, 6720, 29928, 29918, 29940, 12413, 29892, 525, 2055, 29896, 1495, 2314, 13, 4706, 1583, 29889, 17854, 29918, 13525, 29918, 726, 18959, 29874, 11287, 13, 13, 1678, 822, 1243, 29918, 10184, 29918, 26381, 29918, 17158, 29918, 1220, 29918, 2541, 29918, 29906, 29918, 17664, 29898, 1311, 1125, 13, 4706, 1583, 29889, 8256, 29918, 11037, 29918, 275, 3552, 877, 2055, 29896, 742, 525, 2055, 29906, 5477, 876, 13, 4706, 1583, 29889, 8256, 29918, 2917, 29918, 275, 4197, 2558, 15708, 29898, 2272, 11802, 29889, 29968, 29918, 29874, 29892, 22028, 29889, 29968, 6720, 29928, 29918, 29940, 12413, 29892, 525, 2055, 29896, 5477, 13, 462, 632, 7670, 15708, 29898, 2272, 11802, 29889, 29968, 29918, 29890, 29892, 22028, 29889, 29968, 6720, 29928, 29918, 29940, 12413, 29892, 525, 2055, 29906, 1495, 2314, 13, 4706, 1583, 29889, 17854, 29918, 13525, 29918, 726, 18959, 29874, 289, 11287, 13, 13, 1678, 822, 1243, 29918, 26381, 29918, 598, 29918, 13525, 29918, 262, 29918, 2098, 29918, 974, 29918, 11037, 29898, 1311, 1125, 13, 4706, 1583, 29889, 8256, 29918, 11037, 29918, 275, 3552, 877, 2055, 29896, 742, 525, 2055, 29906, 5477, 876, 13, 4706, 1583, 29889, 8256, 29918, 2917, 29918, 275, 4197, 2558, 15708, 29898, 2272, 11802, 29889, 29968, 29918, 29874, 29892, 22028, 29889, 29968, 6720, 29928, 29918, 29940, 12413, 29892, 525, 2055, 29906, 5477, 13, 462, 632, 7670, 15708, 29898, 2272, 11802, 29889, 29968, 29918, 29890, 29892, 22028, 29889, 29968, 6720, 29928, 29918, 29940, 12413, 29892, 525, 2055, 29896, 1495, 2314, 13, 4706, 1583, 29889, 17854, 29918, 13525, 29918, 726, 18959, 29890, 263, 11287, 13, 13, 1678, 822, 1243, 29918, 10184, 29918, 9012, 29918, 17158, 29918, 29906, 29918, 9012, 23538, 1311, 1125, 13, 4706, 1583, 29889, 8256, 29918, 11037, 29918, 275, 3552, 877, 2055, 29896, 742, 511, 6702, 2055, 29906, 742, 511, 876, 13, 4706, 1583, 29889, 8256, 29918, 2917, 29918, 275, 4197, 2558, 15708, 29898, 2272, 11802, 29889, 29968, 29918, 29874, 29892, 22028, 29889, 29968, 6720, 29928, 29918, 29940, 12413, 29892, 525, 2055, 29906, 5477, 13, 462, 632, 7670, 15708, 29898, 2272, 11802, 29889, 29968, 29918, 29890, 29892, 22028, 29889, 29968, 6720, 29928, 29918, 29940, 12413, 29892, 525, 2055, 29896, 1495, 2314, 13, 4706, 1583, 29889, 17854, 29918, 13525, 29918, 726, 18959, 29890, 742, 525, 29874, 11287, 13, 13, 1678, 822, 1243, 29918, 29968, 6720, 29928, 29918, 1783, 2241, 29918, 4738, 1078, 29918, 4905, 29898, 1311, 1125, 13, 4706, 1583, 29889, 17854, 29918, 29941, 29918, 1545, 29918, 26100, 29918, 3179, 839, 877, 24220, 1495, 13, 13, 1678, 822, 1243, 29918, 29968, 6720, 29928, 29918, 7068, 6545, 29911, 29918, 4738, 1078, 29918, 4905, 29898, 1311, 1125, 13, 4706, 1583, 29889, 17854, 29918, 29941, 29918, 1545, 29918, 26100, 29918, 3179, 839, 877, 10889, 1495, 13, 13, 1678, 822, 1243, 29918, 29968, 6720, 29928, 29918, 1964, 29911, 29918, 4738, 1078, 29918, 4905, 29898, 1311, 1125, 13, 4706, 1583, 29889, 17854, 29918, 29941, 29918, 1545, 29918, 26100, 29918, 3179, 839, 877, 1997, 1495, 13, 13, 1678, 822, 1243, 29918, 29968, 6720, 29928, 29918, 2303, 6040, 29918, 4738, 1078, 29918, 4905, 29898, 1311, 1125, 13, 4706, 1583, 29889, 17854, 29918, 29941, 29918, 1545, 29918, 26100, 29918, 3179, 839, 877, 7299, 1495, 13, 13, 1678, 822, 1243, 29918, 29968, 6720, 29928, 29918, 29907, 3301, 29903, 29918, 4738, 1078, 29918, 4905, 29898, 1311, 1125, 13, 4706, 1583, 29889, 17854, 29918, 1545, 29918, 3179, 839, 877, 29883, 2547, 1495, 13, 13, 1678, 822, 1243, 29918, 29968, 6720, 29928, 29918, 13967, 29918, 4738, 1078, 29918, 4905, 29898, 1311, 1125, 13, 4706, 1583, 29889, 17854, 29918, 1545, 29918, 3179, 839, 877, 1949, 1495, 13, 13, 1678, 822, 1243, 29918, 29968, 6720, 29928, 29918, 20387, 29918, 4738, 1078, 29918, 4905, 29898, 1311, 1125, 13, 4706, 1583, 29889, 17854, 29918, 1545, 29918, 3179, 839, 877, 8513, 1495, 13, 13, 1678, 822, 2149, 29918, 29941, 29918, 1545, 29918, 26100, 29918, 3179, 839, 29898, 1311, 29892, 2967, 2111, 1170, 1125, 13, 4706, 1583, 29889, 17854, 29918, 1545, 29918, 3179, 839, 29898, 3188, 2111, 1170, 29897, 13, 4706, 1583, 29889, 17854, 29918, 1545, 29918, 3179, 839, 877, 29880, 29915, 718, 2967, 2111, 1170, 29897, 13, 4706, 1583, 29889, 17854, 29918, 1545, 29918, 3179, 839, 877, 29878, 29915, 718, 2967, 2111, 1170, 29897, 13, 13, 1678, 822, 2149, 29918, 1545, 29918, 3179, 839, 29898, 1311, 29892, 878, 1170, 1125, 13, 4706, 1583, 29889, 8256, 29918, 11037, 29918, 275, 3552, 877, 2055, 29896, 742, 511, 876, 13, 4706, 1746, 1170, 353, 525, 29968, 6720, 29928, 29918, 29915, 718, 878, 1170, 29889, 21064, 580, 13, 4706, 878, 353, 679, 5552, 29898, 2272, 11802, 29892, 1746, 1170, 29897, 13, 4706, 1583, 29889, 8256, 29918, 2917, 29918, 275, 4197, 2558, 15708, 29898, 2272, 11802, 29889, 29968, 29918, 29874, 29892, 878, 29892, 525, 2055, 29896, 1495, 2314, 13, 4706, 3806, 353, 22372, 7517, 29874, 4286, 4830, 29898, 1545, 1170, 29897, 13, 4706, 1583, 29889, 17854, 29918, 13525, 29918, 726, 4197, 9684, 2314, 13, 13, 1678, 822, 746, 29918, 11037, 29918, 275, 29898, 1311, 29892, 4766, 1125, 13, 4706, 1583, 29889, 11037, 353, 4766, 13, 13, 1678, 822, 746, 29918, 2917, 29918, 275, 29898, 1311, 29892, 2295, 1125, 13, 4706, 1583, 29889, 2917, 353, 2295, 13, 13, 1678, 822, 2149, 29918, 13525, 29918, 726, 29898, 1311, 29892, 1426, 1125, 13, 4706, 1426, 353, 1583, 29889, 1202, 29918, 1482, 9012, 29898, 726, 29897, 13, 4706, 1583, 29889, 9294, 9843, 29898, 726, 29892, 304, 29918, 726, 29898, 1311, 29889, 11037, 29892, 1583, 29889, 2917, 876, 13, 13, 1678, 822, 788, 29918, 1482, 9012, 29898, 1311, 29892, 3454, 1125, 13, 4706, 736, 518, 29880, 718, 11297, 29876, 29915, 363, 301, 297, 3454, 29962, 13, 13, 13, 361, 4770, 978, 1649, 1275, 525, 1649, 3396, 1649, 2396, 13, 1678, 443, 27958, 29889, 3396, 580, 13, 2 ]
app_djangoparser/views.py
mynameismaz/DjangoParser
0
156006
<gh_stars>0 from django.shortcuts import render from django.http import HttpResponse, HttpResponseRedirect import re import string import operator def index_page(request): if request.method == 'POST': f = request.FILES['sentFile'] with open(f.name, 'w'): file_content = f.read().decode('latin-1') file_content = "<pre class='content-file'>" + file_content + "</pre><br><br>" # Character count alphabet_count = { i: file_content.count(i) for i in list(string.ascii_lowercase) } sorted_alphabet_count = sorted(alphabet_count.items(), key=operator.itemgetter(1)) character_count = "<b>CHARACTERS</b><br>" for i in sorted_alphabet_count[::-1]: character_count += f"{i[0]}: {i[1]}<br>" new = re.sub('[\w]+' ,'', file_content) character_count += f"<br><b>Special Characters</b>: {len(new)}" return render(request, "index.html", { 'file_name': f.name, 'file_content': file_content, 'character_count': character_count }) else: return render(request, "index.html")
[ 1, 529, 12443, 29918, 303, 1503, 29958, 29900, 13, 3166, 9557, 29889, 12759, 7582, 29879, 1053, 4050, 13, 3166, 9557, 29889, 1124, 1053, 9056, 5103, 29892, 9056, 5103, 24735, 13, 5215, 337, 13, 5215, 1347, 13, 5215, 5455, 13, 13, 1753, 2380, 29918, 3488, 29898, 3827, 1125, 13, 1678, 565, 2009, 29889, 5696, 1275, 525, 5438, 2396, 13, 4706, 285, 353, 2009, 29889, 24483, 1839, 18616, 2283, 2033, 13, 13, 4706, 411, 1722, 29898, 29888, 29889, 978, 29892, 525, 29893, 29374, 13, 9651, 934, 29918, 3051, 353, 285, 29889, 949, 2141, 13808, 877, 5066, 262, 29899, 29896, 1495, 13, 13, 4706, 934, 29918, 3051, 353, 9872, 1457, 770, 2433, 3051, 29899, 1445, 11041, 29908, 718, 934, 29918, 3051, 718, 25225, 1457, 5299, 1182, 5299, 1182, 11903, 13, 13, 4706, 396, 26804, 2302, 13, 4706, 22968, 29918, 2798, 353, 426, 474, 29901, 934, 29918, 3051, 29889, 2798, 29898, 29875, 29897, 363, 474, 297, 1051, 29898, 1807, 29889, 294, 18869, 29918, 13609, 4878, 29897, 500, 13, 4706, 12705, 29918, 284, 17416, 29918, 2798, 353, 12705, 29898, 284, 17416, 29918, 2798, 29889, 7076, 3285, 1820, 29922, 6891, 29889, 667, 657, 357, 29898, 29896, 876, 13, 4706, 2931, 29918, 2798, 353, 9872, 29890, 29958, 11282, 17923, 23598, 829, 29890, 5299, 1182, 11903, 13, 4706, 363, 474, 297, 12705, 29918, 284, 17416, 29918, 2798, 29961, 1057, 29899, 29896, 5387, 13, 9651, 2931, 29918, 2798, 4619, 285, 29908, 29912, 29875, 29961, 29900, 29962, 6177, 426, 29875, 29961, 29896, 12258, 29966, 1182, 11903, 13, 13, 4706, 716, 353, 337, 29889, 1491, 877, 7110, 29893, 10062, 29915, 1919, 29915, 742, 934, 29918, 3051, 29897, 13, 4706, 2931, 29918, 2798, 4619, 285, 29908, 29966, 1182, 5299, 29890, 29958, 24780, 2896, 21706, 829, 29890, 23917, 426, 2435, 29898, 1482, 2915, 29908, 13, 13, 4706, 736, 4050, 29898, 3827, 29892, 376, 2248, 29889, 1420, 613, 426, 29871, 13, 9651, 525, 1445, 29918, 978, 2396, 285, 29889, 978, 29892, 29871, 13, 9651, 525, 1445, 29918, 3051, 2396, 934, 29918, 3051, 29892, 13, 9651, 525, 18609, 29918, 2798, 2396, 2931, 29918, 2798, 13, 4706, 5615, 13, 1678, 1683, 29901, 13, 4706, 736, 4050, 29898, 3827, 29892, 376, 2248, 29889, 1420, 1159, 2 ]
eyesore/decision_graph/compacting/_0_decision_node_compacter.py
twizmwazin/hacrs
2
125380
<filename>eyesore/decision_graph/compacting/_0_decision_node_compacter.py from .. import SuccessorsNode, SuccessorNode, DecisionNode, DecisionNotTakenNode from ..visitor import Visitor class DecisionNodeCompacter(Visitor): def _visit_successors_node(self, node, results): """ :param node: :type node: SuccessorsNode :return: """ sat_succs = [compact_succ for succ in node.sat_succs for compact_succ in results[succ]] if len(node.taken_constraints) == 0: return sat_succs unsat_succs = [compact_succ for succ in node.unsat_succs for compact_succ in results[succ]] return [DecisionNode(sat_succs, unsat_succs, taken_constraints=node.taken_constraints)] def _visit_successor_node(self, node, replacements): """ :param node: :type node: SuccessorNode :return: """ if node.satisfiable: if node.successor is not None: return replacements[node.successor] else: return [node] else: return [DecisionNotTakenNode([node.fresh_constraints], node.address, reachable_string_refs=node.reachable_string_refs)]
[ 1, 529, 9507, 29958, 1032, 267, 487, 29914, 7099, 2459, 29918, 4262, 29914, 2388, 627, 292, 19891, 29900, 29918, 7099, 2459, 29918, 3177, 29918, 2388, 5761, 29889, 2272, 13, 3166, 6317, 1053, 21397, 943, 4247, 29892, 21397, 272, 4247, 29892, 3826, 2459, 4247, 29892, 3826, 2459, 3664, 29911, 9424, 4247, 13, 3166, 6317, 1730, 2105, 1053, 5741, 2105, 13, 13, 13, 1990, 3826, 2459, 4247, 6843, 5761, 29898, 6116, 2105, 1125, 13, 1678, 822, 903, 1730, 277, 29918, 8698, 943, 29918, 3177, 29898, 1311, 29892, 2943, 29892, 2582, 1125, 13, 4706, 9995, 13, 13, 4706, 584, 3207, 2943, 29901, 13, 4706, 584, 1853, 2943, 29901, 21397, 943, 4247, 13, 4706, 584, 2457, 29901, 13, 4706, 9995, 13, 4706, 3290, 29918, 2146, 617, 29879, 353, 518, 2388, 627, 29918, 2146, 617, 363, 8348, 297, 2943, 29889, 29879, 271, 29918, 2146, 617, 29879, 363, 11071, 29918, 2146, 617, 297, 2582, 29961, 2146, 617, 5262, 13, 4706, 565, 7431, 29898, 3177, 29889, 29873, 9424, 29918, 13646, 29879, 29897, 1275, 29871, 29900, 29901, 13, 9651, 736, 3290, 29918, 2146, 617, 29879, 13, 13, 4706, 9644, 271, 29918, 2146, 617, 29879, 353, 518, 2388, 627, 29918, 2146, 617, 363, 8348, 297, 2943, 29889, 6948, 271, 29918, 2146, 617, 29879, 363, 11071, 29918, 2146, 617, 297, 2582, 29961, 2146, 617, 5262, 13, 4706, 736, 518, 6185, 2459, 4247, 29898, 29879, 271, 29918, 2146, 617, 29879, 29892, 9644, 271, 29918, 2146, 617, 29879, 29892, 4586, 29918, 13646, 29879, 29922, 3177, 29889, 29873, 9424, 29918, 13646, 29879, 4638, 13, 13, 1678, 822, 903, 1730, 277, 29918, 8698, 272, 29918, 3177, 29898, 1311, 29892, 2943, 29892, 1634, 4620, 4110, 1125, 13, 4706, 9995, 13, 13, 4706, 584, 3207, 2943, 29901, 13, 4706, 584, 1853, 2943, 29901, 21397, 272, 4247, 13, 4706, 584, 2457, 29901, 13, 4706, 9995, 13, 13, 4706, 565, 2943, 29889, 29879, 27685, 29875, 519, 29901, 13, 9651, 565, 2943, 29889, 8698, 272, 338, 451, 6213, 29901, 13, 18884, 736, 1634, 4620, 4110, 29961, 3177, 29889, 8698, 272, 29962, 13, 9651, 1683, 29901, 13, 18884, 736, 518, 3177, 29962, 13, 4706, 1683, 29901, 13, 9651, 736, 518, 6185, 2459, 3664, 29911, 9424, 4247, 4197, 3177, 29889, 29888, 3781, 29918, 13646, 29879, 1402, 2943, 29889, 7328, 29892, 13, 462, 462, 308, 6159, 519, 29918, 1807, 29918, 24539, 29922, 3177, 29889, 276, 496, 519, 29918, 1807, 29918, 24539, 4638, 13, 2 ]
utils/prepare_bcp.py
smeea/krcg-static
0
45072
"""A convenience function to rename BCP images """ import os import re from krcg.parser import _CLAN def prepare_bcp(path): for (dirpath, _dirnames, filenames) in os.walk(path): for name in filenames: clan_prefix = re.match(r"({})_".format(_CLAN), name.lower()) if clan_prefix: os.rename( os.path.join(dirpath, name), os.path.join(dirpath, name[clan_prefix.end(0) :]), )
[ 1, 9995, 29909, 29703, 740, 304, 19508, 350, 6271, 4558, 13, 15945, 29908, 13, 5215, 2897, 13, 5215, 337, 13, 13, 3166, 413, 2214, 29887, 29889, 16680, 1053, 903, 6154, 2190, 13, 13, 13, 1753, 19012, 29918, 29890, 6814, 29898, 2084, 1125, 13, 1678, 363, 313, 3972, 2084, 29892, 903, 3972, 7039, 29892, 977, 264, 1280, 29897, 297, 2897, 29889, 20919, 29898, 2084, 1125, 13, 4706, 363, 1024, 297, 977, 264, 1280, 29901, 13, 9651, 1067, 273, 29918, 13506, 353, 337, 29889, 4352, 29898, 29878, 29908, 3319, 1800, 29918, 1642, 4830, 7373, 6154, 2190, 511, 1024, 29889, 13609, 3101, 13, 9651, 565, 1067, 273, 29918, 13506, 29901, 13, 18884, 2897, 29889, 1267, 420, 29898, 13, 462, 1678, 2897, 29889, 2084, 29889, 7122, 29898, 3972, 2084, 29892, 1024, 511, 13, 462, 1678, 2897, 29889, 2084, 29889, 7122, 29898, 3972, 2084, 29892, 1024, 29961, 695, 273, 29918, 13506, 29889, 355, 29898, 29900, 29897, 584, 11724, 13, 18884, 1723, 13, 2 ]
SqueezeNet/SqueezeNet_keras.py
hgrui/DeepLearning_research
0
62028
from __future__ import print_function import os import keras from keras.layers import Dense,Flatten,Conv2D,MaxPooling2D,Activation,Input,Concatenate,Dropout,GlobalAveragePooling2D from keras.models import Model import time from keras.datasets import cifar10 from keras.optimizers import SGD from keras.utils import get_file from keras.preprocessing import image import numpy as np from keras.applications.imagenet_utils import preprocess_input, decode_predictions #SqueezeNet #backend=tf channels_last (rows,cols,channels) def fire_module(input,squeeze_filters,expand_filters): squeeze=Conv2D(squeeze_filters, kernel_size=(1,1), strides=1, padding='same', kernel_initializer='glorot_uniform', data_format='channels_last' )(input) relu_squeeze=Activation('relu')(squeeze) expand1=Conv2D(expand_filters, kernel_size=(1,1), strides=1, padding='same', kernel_initializer='glorot_uniform', data_format='channels_last' )(relu_squeeze) relu_expand1=Activation('relu')(expand1) expand2=Conv2D(expand_filters, kernel_size=(3,3), strides=1, padding='same', kernel_initializer='glorot_uniform', data_format='channels_last' )(relu_squeeze) relu_expand2=Activation('relu')(expand2) merge=Concatenate(axis=3)([relu_expand1,relu_expand2]) output=merge return output def SqueezeNet(input_shape,num_classes,weight=None): input=Input(shape=input_shape) conv_1=Conv2D(96, kernel_size=(7,7), strides=2, padding='same', kernel_initializer='glorot_uniform' )(input) pool_1=MaxPooling2D(pool_size=(3,3), strides=2)(conv_1) fire_2=fire_module(pool_1,16,64) fire_3=fire_module(fire_2,16,64) fire_4=fire_module(fire_3,32,128) pool_4=MaxPooling2D(pool_size=(3,3), strides=2)(fire_4) fire_5=fire_module(pool_4,32,128) fire_6=fire_module(fire_5,48,192) fire_7=fire_module(fire_6,48,192) fire_8=fire_module(fire_7,64,256) pool_8=MaxPooling2D(pool_size=(3,3), strides=2)(fire_8) fire_9=fire_module(pool_8,64,256) drop=Dropout(0.5)(fire_9) conv_10=Conv2D(num_classes, kernel_size=(1,1), strides=1, padding='same', kernel_initializer='glorot_uniform' )(drop) relu_11=Activation('relu')(conv_10) avgpool=GlobalAveragePooling2D()(relu_11) flatten=Flatten()(relu_11) dense=Dense(64)(flatten) relu_dense=Activation('relu')(dense) dense=Dense(2)(relu_dense) softmax1=Activation('softmax')(dense) softmax=Activation('softmax')(avgpool) print(softmax) output=softmax model=Model(input=input,output=output) return model def main(): t0=time.time() batch_size = 32 num_classes = 10 epochs = 20 data_augmentation = True print('start') (x_train, y_train), (x_test, y_test) = cifar10.load_data() print(x_train.shape) x_train_n = np.zeros((x_train.shape[0], 224, 224, 3),dtype = 'float16') x_test_n = np.zeros((x_test.shape[0], 224, 224, 3),dtype = 'float16') for i in range(x_train.shape[0]): if i%5000==0: print(i) data=x_train[i] img=image.array_to_img(data) img2=img.resize((224,224)) data2=image.img_to_array(img2) x_train_n[i,:]=data2 for i in range(x_test.shape[0]): if i%2000==0: print(i) data=x_test[i] img=image.array_to_img(data) img2=img.resize((224,224)) data2=image.img_to_array(img2) x_test_n[i,:]=data2 y_train = keras.utils.to_categorical(y_train, num_classes) y_test = keras.utils.to_categorical(y_test, num_classes) x_train_n /= 255.0 x_test_n /= 255.0 model=SqueezeNet((224,224,3),10) model.summary() print('wow') print(time.time()-t0) sgd=SGD(lr=0.01,decay=0.0002,momentum=0.9) model.compile(optimizer=sgd, loss='categorical_crossentropy', metrics=['accuracy']) model.fit(x_train_n, y_train, batch_size=batch_size, epochs=epochs, validation_data=(x_test_n, y_test), shuffle=True) if __name__=='__main__': main()
[ 1, 515, 4770, 29888, 9130, 1649, 1053, 1596, 29918, 2220, 30004, 13, 5215, 2897, 30004, 13, 5215, 13023, 294, 30004, 13, 3166, 13023, 294, 29889, 29277, 1053, 360, 1947, 29892, 29943, 5066, 841, 29892, 1168, 29894, 29906, 29928, 29892, 7976, 11426, 292, 29906, 29928, 29892, 21786, 362, 29892, 4290, 29892, 1168, 29883, 2579, 403, 29892, 15063, 449, 29892, 12756, 29909, 19698, 11426, 292, 29906, 29928, 30004, 13, 3166, 13023, 294, 29889, 9794, 1053, 8125, 30004, 13, 5215, 931, 30004, 13, 3166, 13023, 294, 29889, 14538, 1691, 1053, 274, 361, 279, 29896, 29900, 30004, 13, 3166, 13023, 294, 29889, 20640, 19427, 1053, 317, 29954, 29928, 30004, 13, 3166, 13023, 294, 29889, 13239, 1053, 679, 29918, 1445, 30004, 13, 3166, 13023, 294, 29889, 1457, 19170, 1053, 1967, 30004, 13, 5215, 12655, 408, 7442, 30004, 13, 3166, 13023, 294, 29889, 932, 5795, 29889, 326, 5370, 300, 29918, 13239, 1053, 758, 5014, 29918, 2080, 29892, 21822, 29918, 27711, 1080, 30004, 13, 29937, 29903, 802, 29872, 911, 6779, 30004, 13, 30004, 13, 29937, 27852, 29922, 13264, 29871, 18196, 29918, 4230, 313, 5727, 29892, 22724, 29892, 305, 12629, 8443, 13, 30004, 13, 30004, 13, 6756, 13, 1753, 3974, 29918, 5453, 29898, 2080, 29892, 29879, 802, 29872, 911, 29918, 26705, 29892, 18837, 29918, 26705, 1125, 30004, 13, 1678, 269, 802, 29872, 911, 29922, 1168, 29894, 29906, 29928, 29898, 29879, 802, 29872, 911, 29918, 26705, 11167, 13, 462, 259, 8466, 29918, 2311, 7607, 29896, 29892, 29896, 511, 30004, 13, 462, 259, 851, 2247, 29922, 29896, 11167, 13, 462, 259, 7164, 2433, 17642, 23592, 13, 462, 259, 8466, 29918, 11228, 3950, 2433, 3820, 272, 327, 29918, 29590, 23592, 13, 462, 259, 848, 29918, 4830, 2433, 305, 12629, 29918, 4230, 29915, 30004, 13, 462, 259, 1723, 29898, 2080, 8443, 13, 1678, 1104, 29884, 29918, 29879, 802, 29872, 911, 29922, 21786, 362, 877, 2674, 29884, 1495, 29898, 29879, 802, 29872, 911, 8443, 13, 1678, 7985, 29896, 29922, 1168, 29894, 29906, 29928, 29898, 18837, 29918, 26705, 11167, 13, 462, 259, 8466, 29918, 2311, 7607, 29896, 29892, 29896, 511, 30004, 13, 462, 259, 851, 2247, 29922, 29896, 11167, 13, 462, 259, 7164, 2433, 17642, 23592, 13, 462, 259, 8466, 29918, 11228, 3950, 2433, 3820, 272, 327, 29918, 29590, 23592, 13, 462, 259, 848, 29918, 4830, 2433, 305, 12629, 29918, 4230, 29915, 30004, 13, 462, 259, 1723, 29898, 2674, 29884, 29918, 29879, 802, 29872, 911, 8443, 13, 1678, 1104, 29884, 29918, 18837, 29896, 29922, 21786, 362, 877, 2674, 29884, 1495, 29898, 18837, 29896, 8443, 13, 1678, 7985, 29906, 29922, 1168, 29894, 29906, 29928, 29898, 18837, 29918, 26705, 11167, 13, 462, 259, 8466, 29918, 2311, 7607, 29941, 29892, 29941, 511, 30004, 13, 462, 259, 851, 2247, 29922, 29896, 11167, 13, 462, 259, 7164, 2433, 17642, 23592, 13, 462, 259, 8466, 29918, 11228, 3950, 2433, 3820, 272, 327, 29918, 29590, 23592, 13, 462, 259, 848, 29918, 4830, 2433, 305, 12629, 29918, 4230, 29915, 30004, 13, 462, 259, 1723, 29898, 2674, 29884, 29918, 29879, 802, 29872, 911, 8443, 13, 1678, 1104, 29884, 29918, 18837, 29906, 29922, 21786, 362, 877, 2674, 29884, 1495, 29898, 18837, 29906, 8443, 13, 1678, 10366, 29922, 1168, 29883, 2579, 403, 29898, 8990, 29922, 29941, 29897, 4197, 2674, 29884, 29918, 18837, 29896, 29892, 2674, 29884, 29918, 18837, 29906, 2314, 30004, 13, 1678, 1962, 29922, 14634, 30004, 13, 1678, 736, 1962, 30004, 13, 30004, 13, 1753, 317, 802, 29872, 911, 6779, 29898, 2080, 29918, 12181, 29892, 1949, 29918, 13203, 29892, 7915, 29922, 8516, 1125, 30004, 13, 1678, 1881, 29922, 4290, 29898, 12181, 29922, 2080, 29918, 12181, 8443, 13, 1678, 7602, 29918, 29896, 29922, 1168, 29894, 29906, 29928, 29898, 29929, 29953, 11167, 13, 462, 29871, 8466, 29918, 2311, 7607, 29955, 29892, 29955, 511, 30004, 13, 462, 29871, 851, 2247, 29922, 29906, 11167, 13, 462, 29871, 7164, 2433, 17642, 23592, 13, 462, 29871, 8466, 29918, 11228, 3950, 2433, 3820, 272, 327, 29918, 29590, 29915, 30004, 13, 462, 29871, 1723, 29898, 2080, 8443, 13, 1678, 11565, 29918, 29896, 29922, 7976, 11426, 292, 29906, 29928, 29898, 10109, 29918, 2311, 7607, 29941, 29892, 29941, 511, 30004, 13, 462, 4706, 851, 2247, 29922, 29906, 5033, 20580, 29918, 29896, 8443, 13, 1678, 3974, 29918, 29906, 29922, 8696, 29918, 5453, 29898, 10109, 29918, 29896, 29892, 29896, 29953, 29892, 29953, 29946, 8443, 13, 1678, 3974, 29918, 29941, 29922, 8696, 29918, 5453, 29898, 8696, 29918, 29906, 29892, 29896, 29953, 29892, 29953, 29946, 8443, 13, 1678, 3974, 29918, 29946, 29922, 8696, 29918, 5453, 29898, 8696, 29918, 29941, 29892, 29941, 29906, 29892, 29896, 29906, 29947, 8443, 13, 1678, 11565, 29918, 29946, 29922, 7976, 11426, 292, 29906, 29928, 29898, 10109, 29918, 2311, 7607, 29941, 29892, 29941, 511, 30004, 13, 462, 4706, 851, 2247, 29922, 29906, 5033, 8696, 29918, 29946, 8443, 13, 1678, 3974, 29918, 29945, 29922, 8696, 29918, 5453, 29898, 10109, 29918, 29946, 29892, 29941, 29906, 29892, 29896, 29906, 29947, 8443, 13, 1678, 3974, 29918, 29953, 29922, 8696, 29918, 5453, 29898, 8696, 29918, 29945, 29892, 29946, 29947, 29892, 29896, 29929, 29906, 8443, 13, 1678, 3974, 29918, 29955, 29922, 8696, 29918, 5453, 29898, 8696, 29918, 29953, 29892, 29946, 29947, 29892, 29896, 29929, 29906, 8443, 13, 1678, 3974, 29918, 29947, 29922, 8696, 29918, 5453, 29898, 8696, 29918, 29955, 29892, 29953, 29946, 29892, 29906, 29945, 29953, 8443, 13, 1678, 11565, 29918, 29947, 29922, 7976, 11426, 292, 29906, 29928, 29898, 10109, 29918, 2311, 7607, 29941, 29892, 29941, 511, 30004, 13, 462, 4706, 851, 2247, 29922, 29906, 5033, 8696, 29918, 29947, 8443, 13, 1678, 3974, 29918, 29929, 29922, 8696, 29918, 5453, 29898, 10109, 29918, 29947, 29892, 29953, 29946, 29892, 29906, 29945, 29953, 8443, 13, 1678, 5768, 29922, 15063, 449, 29898, 29900, 29889, 29945, 5033, 8696, 29918, 29929, 8443, 13, 1678, 7602, 29918, 29896, 29900, 29922, 1168, 29894, 29906, 29928, 29898, 1949, 29918, 13203, 11167, 13, 462, 259, 8466, 29918, 2311, 7607, 29896, 29892, 29896, 511, 30004, 13, 462, 259, 851, 2247, 29922, 29896, 11167, 13, 462, 259, 7164, 2433, 17642, 23592, 13, 462, 259, 8466, 29918, 11228, 3950, 2433, 3820, 272, 327, 29918, 29590, 29915, 30004, 13, 462, 259, 1723, 29898, 8865, 8443, 13, 1678, 1104, 29884, 29918, 29896, 29896, 29922, 21786, 362, 877, 2674, 29884, 1495, 29898, 20580, 29918, 29896, 29900, 8443, 13, 1678, 1029, 29887, 10109, 29922, 12756, 29909, 19698, 11426, 292, 29906, 29928, 580, 29898, 2674, 29884, 29918, 29896, 29896, 8443, 13, 30004, 13, 30004, 13, 1678, 1652, 8606, 29922, 29943, 5066, 841, 580, 29898, 2674, 29884, 29918, 29896, 29896, 8443, 13, 1678, 20619, 29922, 29928, 1947, 29898, 29953, 29946, 5033, 1579, 8606, 8443, 13, 1678, 1104, 29884, 29918, 1145, 344, 29922, 21786, 362, 877, 2674, 29884, 1495, 29898, 1145, 344, 8443, 13, 1678, 20619, 29922, 29928, 1947, 29898, 29906, 5033, 2674, 29884, 29918, 1145, 344, 8443, 13, 1678, 4964, 3317, 29896, 29922, 21786, 362, 877, 2695, 3317, 1495, 29898, 1145, 344, 8443, 13, 30004, 13, 1678, 4964, 3317, 29922, 21786, 362, 877, 2695, 3317, 1495, 29898, 485, 29887, 10109, 8443, 13, 1678, 1596, 29898, 2695, 3317, 8443, 13, 1678, 1962, 29922, 2695, 3317, 30004, 13, 1678, 1904, 29922, 3195, 29898, 2080, 29922, 2080, 29892, 4905, 29922, 4905, 8443, 13, 6756, 13, 1678, 736, 1904, 30004, 13, 30004, 13, 1678, 6756, 13, 30004, 13, 30004, 13, 30004, 13, 30004, 13, 1753, 1667, 7295, 30004, 13, 1678, 260, 29900, 29922, 2230, 29889, 2230, 26471, 13, 1678, 9853, 29918, 2311, 353, 29871, 29941, 29906, 30004, 13, 1678, 954, 29918, 13203, 353, 29871, 29896, 29900, 30004, 13, 1678, 21502, 12168, 353, 29871, 29906, 29900, 30004, 13, 1678, 848, 29918, 2987, 358, 362, 353, 5852, 30004, 13, 1678, 1596, 877, 2962, 1495, 30004, 13, 1678, 6756, 13, 1678, 313, 29916, 29918, 14968, 29892, 343, 29918, 14968, 511, 313, 29916, 29918, 1688, 29892, 343, 29918, 1688, 29897, 353, 274, 361, 279, 29896, 29900, 29889, 1359, 29918, 1272, 26471, 13, 1678, 1596, 29898, 29916, 29918, 14968, 29889, 12181, 8443, 13, 30004, 13, 1678, 921, 29918, 14968, 29918, 29876, 353, 7442, 29889, 3298, 359, 3552, 29916, 29918, 14968, 29889, 12181, 29961, 29900, 1402, 29871, 29906, 29906, 29946, 29892, 29871, 29906, 29906, 29946, 29892, 29871, 29941, 511, 29881, 1853, 353, 525, 7411, 29896, 29953, 1495, 30004, 13, 1678, 921, 29918, 1688, 29918, 29876, 353, 7442, 29889, 3298, 359, 3552, 29916, 29918, 1688, 29889, 12181, 29961, 29900, 1402, 29871, 29906, 29906, 29946, 29892, 29871, 29906, 29906, 29946, 29892, 29871, 29941, 511, 29881, 1853, 353, 525, 7411, 29896, 29953, 1495, 30004, 13, 30004, 13, 1678, 363, 474, 297, 3464, 29898, 29916, 29918, 14968, 29889, 12181, 29961, 29900, 29962, 1125, 30004, 13, 4706, 565, 474, 29995, 29945, 29900, 29900, 29900, 1360, 29900, 29901, 30004, 13, 9651, 1596, 29898, 29875, 8443, 13, 4706, 848, 29922, 29916, 29918, 14968, 29961, 29875, 29962, 30004, 13, 4706, 10153, 29922, 3027, 29889, 2378, 29918, 517, 29918, 2492, 29898, 1272, 8443, 13, 4706, 10153, 29906, 29922, 2492, 29889, 21476, 3552, 29906, 29906, 29946, 29892, 29906, 29906, 29946, 876, 30004, 13, 4706, 848, 29906, 29922, 3027, 29889, 2492, 29918, 517, 29918, 2378, 29898, 2492, 29906, 8443, 13, 4706, 921, 29918, 14968, 29918, 29876, 29961, 29875, 29892, 29901, 13192, 1272, 29906, 30004, 13, 1678, 363, 474, 297, 3464, 29898, 29916, 29918, 1688, 29889, 12181, 29961, 29900, 29962, 1125, 30004, 13, 4706, 565, 474, 29995, 29906, 29900, 29900, 29900, 1360, 29900, 29901, 30004, 13, 9651, 1596, 29898, 29875, 8443, 13, 4706, 848, 29922, 29916, 29918, 1688, 29961, 29875, 29962, 30004, 13, 4706, 10153, 29922, 3027, 29889, 2378, 29918, 517, 29918, 2492, 29898, 1272, 8443, 13, 4706, 10153, 29906, 29922, 2492, 29889, 21476, 3552, 29906, 29906, 29946, 29892, 29906, 29906, 29946, 876, 30004, 13, 4706, 848, 29906, 29922, 3027, 29889, 2492, 29918, 517, 29918, 2378, 29898, 2492, 29906, 8443, 13, 4706, 921, 29918, 1688, 29918, 29876, 29961, 29875, 29892, 29901, 13192, 1272, 29906, 30004, 13, 30004, 13, 1678, 343, 29918, 14968, 353, 13023, 294, 29889, 13239, 29889, 517, 29918, 29883, 20440, 936, 29898, 29891, 29918, 14968, 29892, 954, 29918, 13203, 8443, 13, 1678, 343, 29918, 1688, 353, 13023, 294, 29889, 13239, 29889, 517, 29918, 29883, 20440, 936, 29898, 29891, 29918, 1688, 29892, 954, 29918, 13203, 8443, 13, 30004, 13, 1678, 921, 29918, 14968, 29918, 29876, 847, 29922, 29871, 29906, 29945, 29945, 29889, 29900, 30004, 13, 1678, 921, 29918, 1688, 29918, 29876, 847, 29922, 29871, 29906, 29945, 29945, 29889, 29900, 30004, 13, 30004, 13, 1678, 1904, 29922, 29903, 802, 29872, 911, 6779, 3552, 29906, 29906, 29946, 29892, 29906, 29906, 29946, 29892, 29941, 511, 29896, 29900, 8443, 13, 1678, 1904, 29889, 7727, 26471, 13, 1678, 1596, 877, 29893, 340, 1495, 30004, 13, 1678, 1596, 29898, 2230, 29889, 2230, 580, 29899, 29873, 29900, 8443, 13, 1678, 269, 29887, 29881, 29922, 26016, 29928, 29898, 29212, 29922, 29900, 29889, 29900, 29896, 29892, 7099, 388, 29922, 29900, 29889, 29900, 29900, 29900, 29906, 29892, 29885, 2932, 398, 29922, 29900, 29889, 29929, 8443, 13, 1678, 1904, 29889, 12198, 29898, 20640, 3950, 29922, 5311, 29881, 29892, 462, 29871, 6756, 13, 462, 29871, 6410, 2433, 29883, 20440, 936, 29918, 19128, 296, 14441, 742, 462, 29871, 6756, 13, 462, 29871, 21556, 29922, 1839, 562, 2764, 4135, 2033, 8443, 13, 1678, 1904, 29889, 9202, 29898, 29916, 29918, 14968, 29918, 29876, 29892, 343, 29918, 14968, 11167, 13, 9651, 9853, 29918, 2311, 29922, 16175, 29918, 2311, 11167, 13, 9651, 21502, 12168, 29922, 1022, 2878, 29879, 11167, 13, 9651, 8845, 29918, 1272, 7607, 29916, 29918, 1688, 29918, 29876, 29892, 343, 29918, 1688, 511, 30004, 13, 9651, 528, 21897, 29922, 5574, 8443, 13, 30004, 13, 30004, 13, 361, 4770, 978, 1649, 1360, 29915, 1649, 3396, 1649, 2396, 30004, 13, 1678, 1667, 580, 2 ]
test/test_io_base.py
dan-win/fairways_py
0
160351
import unittest import unittest.mock def setUpModule(): pass def tearDownModule(): pass class MockDriver: MAX_CONN = 5 LAST_ID = 0 @classmethod def reset(cls): cls.LAST_ID = 0 def __init__(self, env_varname): self.__class__.LAST_ID = self.__class__.LAST_ID + 1 self.id = self.__class__.LAST_ID self.env_varname = env_varname def __str__(self): return f'Connection {self.id}' class ConnectionPoolTestCase(unittest.TestCase): @classmethod def setUpClass(cls): from fairways.ci import helpers cls.helpers = helpers from fairways.io.generic import base cls.base = base import re import os, sys cls.re = re cls.os = os root = helpers.getLogger() @classmethod def tearDownClass(cls): MockDriver.reset() def tearDown(self): MockDriver.reset() def test_pool_not_filled(self): """ """ ConnectionPool = self.base.ConnectionPool env_varname = "env_conn_str" # # @decorators.asyncmethod.io_task # async def test(ctx, dba=None): # await dba.CREATE_TABLE.execute() # await dba.INSERT_DATA.execute() # result = await dba.SELECT_DATA.get_records() # return result # with unittest.mock.patch.dict('os.environ', {db_alias: self.db_test_file}, clear=True): # # result = test(ctx) # result = self.helpers.run_asyn(AsyncLoop.run()) trace = [] for i in range(1, MockDriver.MAX_CONN + 2): conn = ConnectionPool.select(MockDriver, env_varname) trace.append(str(conn)) pool = ConnectionPool._pool.get(env_varname) self.assertEqual(len(pool.connections), MockDriver.MAX_CONN) self.assertListEqual(trace, [ 'Connection 1', 'Connection 2', 'Connection 3', 'Connection 4', 'Connection 5', 'Connection 1' ])
[ 1, 1053, 443, 27958, 13, 5215, 443, 27958, 29889, 17640, 13, 13, 1753, 731, 3373, 7355, 7295, 13, 1678, 1209, 13, 13, 1753, 734, 279, 6767, 7355, 7295, 13, 1678, 1209, 13, 13, 13, 13, 1990, 26297, 12376, 29901, 13, 1678, 18134, 29918, 6007, 29940, 353, 29871, 29945, 13, 13, 1678, 17900, 1254, 29918, 1367, 353, 29871, 29900, 13, 13, 1678, 732, 1990, 5696, 13, 1678, 822, 10092, 29898, 25932, 1125, 13, 4706, 1067, 29879, 29889, 4375, 1254, 29918, 1367, 353, 29871, 29900, 13, 13, 1678, 822, 4770, 2344, 12035, 1311, 29892, 8829, 29918, 1707, 978, 1125, 13, 4706, 1583, 17255, 1990, 26914, 4375, 1254, 29918, 1367, 353, 1583, 17255, 1990, 26914, 4375, 1254, 29918, 1367, 718, 29871, 29896, 13, 4706, 1583, 29889, 333, 353, 1583, 17255, 1990, 26914, 4375, 1254, 29918, 1367, 13, 4706, 1583, 29889, 6272, 29918, 1707, 978, 353, 8829, 29918, 1707, 978, 13, 268, 13, 1678, 822, 4770, 710, 12035, 1311, 1125, 13, 4706, 736, 285, 29915, 5350, 426, 1311, 29889, 333, 10162, 13, 13, 13, 1990, 15160, 11426, 3057, 8259, 29898, 348, 27958, 29889, 3057, 8259, 1125, 13, 13, 1678, 732, 1990, 5696, 13, 1678, 822, 731, 3373, 2385, 29898, 25932, 1125, 13, 4706, 515, 6534, 1994, 29889, 455, 1053, 1371, 414, 13, 4706, 1067, 29879, 29889, 3952, 6774, 353, 1371, 414, 13, 13, 4706, 515, 6534, 1994, 29889, 601, 29889, 19206, 1053, 2967, 29871, 13, 4706, 1067, 29879, 29889, 3188, 353, 2967, 13, 13, 4706, 1053, 337, 13, 4706, 1053, 2897, 29892, 10876, 13, 13, 4706, 1067, 29879, 29889, 276, 353, 337, 13, 4706, 1067, 29879, 29889, 359, 353, 2897, 13, 308, 13, 4706, 3876, 353, 1371, 414, 29889, 657, 16363, 580, 13, 13, 1678, 732, 1990, 5696, 13, 1678, 822, 734, 279, 6767, 2385, 29898, 25932, 1125, 13, 4706, 26297, 12376, 29889, 12071, 580, 13, 13, 1678, 822, 734, 279, 6767, 29898, 1311, 1125, 13, 4706, 26297, 12376, 29889, 12071, 580, 13, 13, 1678, 822, 1243, 29918, 10109, 29918, 1333, 29918, 26940, 29898, 1311, 1125, 13, 4706, 9995, 13, 4706, 9995, 13, 4706, 15160, 11426, 353, 1583, 29889, 3188, 29889, 5350, 11426, 13, 4706, 8829, 29918, 1707, 978, 353, 376, 6272, 29918, 13082, 29918, 710, 29908, 13, 13, 4706, 396, 396, 732, 19557, 4097, 29889, 12674, 5696, 29889, 601, 29918, 7662, 13, 4706, 396, 7465, 822, 1243, 29898, 13073, 29892, 270, 2291, 29922, 8516, 1125, 13, 4706, 396, 268, 7272, 270, 2291, 29889, 27045, 29918, 21009, 29889, 7978, 580, 13, 4706, 396, 268, 7272, 270, 2291, 29889, 19460, 29918, 14573, 29889, 7978, 580, 13, 4706, 396, 268, 1121, 353, 7272, 270, 2291, 29889, 6404, 29918, 14573, 29889, 657, 29918, 3757, 4339, 580, 13, 4706, 396, 268, 736, 1121, 13, 268, 13, 4706, 396, 411, 443, 27958, 29889, 17640, 29889, 5041, 29889, 8977, 877, 359, 29889, 21813, 742, 426, 2585, 29918, 19973, 29901, 1583, 29889, 2585, 29918, 1688, 29918, 1445, 1118, 2821, 29922, 5574, 1125, 13, 4706, 396, 268, 396, 1121, 353, 1243, 29898, 13073, 29897, 13, 4706, 396, 1121, 353, 1583, 29889, 3952, 6774, 29889, 3389, 29918, 294, 948, 29898, 8123, 18405, 29889, 3389, 3101, 13, 13, 4706, 9637, 353, 5159, 13, 13, 4706, 363, 474, 297, 3464, 29898, 29896, 29892, 26297, 12376, 29889, 12648, 29918, 6007, 29940, 718, 29871, 29906, 1125, 13, 9651, 11009, 353, 15160, 11426, 29889, 2622, 29898, 18680, 12376, 29892, 8829, 29918, 1707, 978, 29897, 13, 9651, 9637, 29889, 4397, 29898, 710, 29898, 13082, 876, 13, 13, 4706, 11565, 353, 15160, 11426, 3032, 10109, 29889, 657, 29898, 6272, 29918, 1707, 978, 29897, 13, 4706, 1583, 29889, 9294, 9843, 29898, 2435, 29898, 10109, 29889, 11958, 1953, 511, 26297, 12376, 29889, 12648, 29918, 6007, 29940, 29897, 13, 13, 4706, 1583, 29889, 9294, 1293, 9843, 29898, 15003, 29892, 518, 13, 9651, 525, 5350, 29871, 29896, 742, 13, 9651, 525, 5350, 29871, 29906, 742, 13, 9651, 525, 5350, 29871, 29941, 742, 13, 9651, 525, 5350, 29871, 29946, 742, 13, 9651, 525, 5350, 29871, 29945, 742, 13, 9651, 525, 5350, 29871, 29896, 29915, 13, 308, 2314, 13, 13, 2 ]
app/main/util/dto.py
tharindukumara/bert-sentiment-analysis
1
162021
<filename>app/main/util/dto.py<gh_stars>1-10 from flask_restplus import Namespace, fields class SentimentDto: api = Namespace('sentiment', description='sentiment prediction') sentiment = api.model('sentiment', { 'sentence': fields.String(required=True, description='sentence to predict'), })
[ 1, 529, 9507, 29958, 932, 29914, 3396, 29914, 4422, 29914, 29881, 517, 29889, 2272, 29966, 12443, 29918, 303, 1503, 29958, 29896, 29899, 29896, 29900, 13, 3166, 29784, 29918, 5060, 11242, 1053, 14706, 3535, 29892, 4235, 13, 13, 13, 1990, 28048, 2073, 29928, 517, 29901, 13, 1678, 7882, 353, 14706, 3535, 877, 18616, 2073, 742, 6139, 2433, 18616, 2073, 18988, 1495, 13, 1678, 19688, 353, 7882, 29889, 4299, 877, 18616, 2073, 742, 426, 13, 4706, 525, 18616, 663, 2396, 4235, 29889, 1231, 29898, 12403, 29922, 5574, 29892, 6139, 2433, 18616, 663, 304, 8500, 5477, 13, 1678, 5615, 13, 2 ]
mtp_api/apps/core/tests/test_scheduled_commands.py
ministryofjustice/mtp-api
5
150520
<filename>mtp_api/apps/core/tests/test_scheduled_commands.py import logging from datetime import timedelta from django.core.exceptions import ValidationError from django.test import TestCase from django.test.utils import captured_stdout from django.utils import timezone from mtp_common.test_utils import silence_logger from core.models import ScheduledCommand from core.management.commands import run_scheduled_commands class ScheduledCommandsTestCase(TestCase): def test_command_validation_fails(self): try: command = ScheduledCommand( name='non_existent_command', arg_string='', cron_entry='* * * * *' ) command.clean_fields() self.fail('No ValidationError raised by invalid command') except ValidationError: pass def test_command_validation(self): command = ScheduledCommand( name='load_test_data', arg_string='', cron_entry='* * * * *' ) command.clean_fields() def test_cron_entry_validation_fails(self): try: command = ScheduledCommand( name='load-test_data', arg_string='', cron_entry='* F F * *' ) command.clean_fields() self.fail('No ValidationError raised by invalid cron entry') except ValidationError: pass def test_newly_created_command_is_scheduled(self): command = ScheduledCommand( name='load_test_data', arg_string='', cron_entry='* * * * *' ) command.save() self.assertTrue(timezone.now() - command.next_execution < timedelta(minutes=1)) def test_due_command_is_scheduled(self): command = ScheduledCommand( name='load_test_data', arg_string='', cron_entry='*/10 * * * *', next_execution=timezone.now() ) command.save() self.assertTrue(command.is_scheduled()) def test_not_due_command_is_not_scheduled(self): command = ScheduledCommand( name='load_test_data', arg_string='', cron_entry='*/10 * * * *', next_execution=timezone.now() + timedelta(minutes=5) ) command.save() self.assertFalse(command.is_scheduled()) def test_command_running(self): command = ScheduledCommand( name='load_test_data', arg_string='--number-of-prisoners 60 --number-of-transactions 70', cron_entry='* * * * *', next_execution=timezone.now() ) command.save() run_commands = run_scheduled_commands.Command() with captured_stdout() as stdout, silence_logger(level=logging.ERROR): run_commands.handle() stdout = stdout.getvalue() self.assertIn('Making test users', stdout) self.assertIn('random credits', stdout) from prison.models import PrisonerLocation self.assertEqual(PrisonerLocation.objects.count(), 60) from transaction.models import Transaction self.assertEqual(Transaction.objects.count(), 70) def test_command_deleted_when_flag_set(self): command = ScheduledCommand( name='load_test_data', arg_string='--number-of-prisoners 60 --number-of-transactions 70', cron_entry='* * * * *', next_execution=timezone.now(), delete_after_next=True ) command.save() run_commands = run_scheduled_commands.Command() with captured_stdout(), silence_logger(level=logging.ERROR): run_commands.handle() self.assertEqual(ScheduledCommand.objects.all().count(), 0)
[ 1, 529, 9507, 29958, 4378, 29886, 29918, 2754, 29914, 13371, 29914, 3221, 29914, 21150, 29914, 1688, 29918, 816, 14989, 29918, 26381, 29889, 2272, 13, 5215, 12183, 13, 3166, 12865, 1053, 5335, 287, 2554, 13, 13, 3166, 9557, 29889, 3221, 29889, 11739, 29879, 1053, 15758, 362, 2392, 13, 3166, 9557, 29889, 1688, 1053, 4321, 8259, 13, 3166, 9557, 29889, 1688, 29889, 13239, 1053, 15468, 29918, 25393, 13, 3166, 9557, 29889, 13239, 1053, 29431, 13, 3166, 286, 9392, 29918, 9435, 29889, 1688, 29918, 13239, 1053, 15142, 29918, 21707, 13, 13, 3166, 7136, 29889, 9794, 1053, 1102, 14989, 6255, 13, 3166, 7136, 29889, 21895, 29889, 26381, 1053, 1065, 29918, 816, 14989, 29918, 26381, 13, 13, 13, 1990, 1102, 14989, 5261, 4167, 3057, 8259, 29898, 3057, 8259, 1125, 13, 1678, 822, 1243, 29918, 6519, 29918, 18157, 29918, 29888, 2234, 29898, 1311, 1125, 13, 4706, 1018, 29901, 13, 9651, 1899, 353, 1102, 14989, 6255, 29898, 13, 18884, 1024, 2433, 5464, 29918, 735, 9696, 29918, 6519, 742, 1852, 29918, 1807, 2433, 742, 18863, 29918, 8269, 2433, 29930, 334, 334, 334, 334, 29915, 13, 9651, 1723, 13, 9651, 1899, 29889, 14941, 29918, 9621, 580, 13, 9651, 1583, 29889, 14057, 877, 3782, 15758, 362, 2392, 10425, 491, 8340, 1899, 1495, 13, 4706, 5174, 15758, 362, 2392, 29901, 13, 9651, 1209, 13, 13, 1678, 822, 1243, 29918, 6519, 29918, 18157, 29898, 1311, 1125, 13, 4706, 1899, 353, 1102, 14989, 6255, 29898, 13, 9651, 1024, 2433, 1359, 29918, 1688, 29918, 1272, 742, 1852, 29918, 1807, 2433, 742, 18863, 29918, 8269, 2433, 29930, 334, 334, 334, 334, 29915, 13, 4706, 1723, 13, 4706, 1899, 29889, 14941, 29918, 9621, 580, 13, 13, 1678, 822, 1243, 29918, 29883, 1617, 29918, 8269, 29918, 18157, 29918, 29888, 2234, 29898, 1311, 1125, 13, 4706, 1018, 29901, 13, 9651, 1899, 353, 1102, 14989, 6255, 29898, 13, 18884, 1024, 2433, 1359, 29899, 1688, 29918, 1272, 742, 1852, 29918, 1807, 2433, 742, 18863, 29918, 8269, 2433, 29930, 383, 383, 334, 334, 29915, 13, 9651, 1723, 13, 9651, 1899, 29889, 14941, 29918, 9621, 580, 13, 9651, 1583, 29889, 14057, 877, 3782, 15758, 362, 2392, 10425, 491, 8340, 18863, 6251, 1495, 13, 4706, 5174, 15758, 362, 2392, 29901, 13, 9651, 1209, 13, 13, 1678, 822, 1243, 29918, 1482, 368, 29918, 11600, 29918, 6519, 29918, 275, 29918, 816, 14989, 29898, 1311, 1125, 13, 4706, 1899, 353, 1102, 14989, 6255, 29898, 13, 9651, 1024, 2433, 1359, 29918, 1688, 29918, 1272, 742, 1852, 29918, 1807, 2433, 742, 18863, 29918, 8269, 2433, 29930, 334, 334, 334, 334, 29915, 13, 4706, 1723, 13, 4706, 1899, 29889, 7620, 580, 13, 4706, 1583, 29889, 9294, 5574, 29898, 2230, 8028, 29889, 3707, 580, 448, 1899, 29889, 4622, 29918, 22256, 529, 5335, 287, 2554, 29898, 1195, 2667, 29922, 29896, 876, 13, 13, 1678, 822, 1243, 29918, 29123, 29918, 6519, 29918, 275, 29918, 816, 14989, 29898, 1311, 1125, 13, 4706, 1899, 353, 1102, 14989, 6255, 29898, 13, 9651, 1024, 2433, 1359, 29918, 1688, 29918, 1272, 742, 13, 9651, 1852, 29918, 1807, 2433, 742, 13, 9651, 18863, 29918, 8269, 2433, 3877, 29896, 29900, 334, 334, 334, 334, 742, 13, 9651, 2446, 29918, 22256, 29922, 2230, 8028, 29889, 3707, 580, 13, 4706, 1723, 13, 4706, 1899, 29889, 7620, 580, 13, 4706, 1583, 29889, 9294, 5574, 29898, 6519, 29889, 275, 29918, 816, 14989, 3101, 13, 13, 1678, 822, 1243, 29918, 1333, 29918, 29123, 29918, 6519, 29918, 275, 29918, 1333, 29918, 816, 14989, 29898, 1311, 1125, 13, 4706, 1899, 353, 1102, 14989, 6255, 29898, 13, 9651, 1024, 2433, 1359, 29918, 1688, 29918, 1272, 742, 13, 9651, 1852, 29918, 1807, 2433, 742, 13, 9651, 18863, 29918, 8269, 2433, 3877, 29896, 29900, 334, 334, 334, 334, 742, 13, 9651, 2446, 29918, 22256, 29922, 2230, 8028, 29889, 3707, 580, 718, 5335, 287, 2554, 29898, 1195, 2667, 29922, 29945, 29897, 13, 4706, 1723, 13, 4706, 1899, 29889, 7620, 580, 13, 4706, 1583, 29889, 9294, 8824, 29898, 6519, 29889, 275, 29918, 816, 14989, 3101, 13, 13, 1678, 822, 1243, 29918, 6519, 29918, 21094, 29898, 1311, 1125, 13, 4706, 1899, 353, 1102, 14989, 6255, 29898, 13, 9651, 1024, 2433, 1359, 29918, 1688, 29918, 1272, 742, 13, 9651, 1852, 29918, 1807, 2433, 489, 4537, 29899, 974, 29899, 558, 2285, 414, 29871, 29953, 29900, 1192, 4537, 29899, 974, 29899, 3286, 7387, 29871, 29955, 29900, 742, 13, 9651, 18863, 29918, 8269, 2433, 29930, 334, 334, 334, 334, 742, 13, 9651, 2446, 29918, 22256, 29922, 2230, 8028, 29889, 3707, 580, 13, 4706, 1723, 13, 4706, 1899, 29889, 7620, 580, 13, 4706, 1065, 29918, 26381, 353, 1065, 29918, 816, 14989, 29918, 26381, 29889, 6255, 580, 13, 4706, 411, 15468, 29918, 25393, 580, 408, 27591, 29892, 15142, 29918, 21707, 29898, 5563, 29922, 21027, 29889, 11432, 1125, 13, 9651, 1065, 29918, 26381, 29889, 8411, 580, 13, 13, 4706, 27591, 353, 27591, 29889, 657, 1767, 580, 13, 4706, 1583, 29889, 9294, 797, 877, 29924, 5086, 1243, 4160, 742, 27591, 29897, 13, 4706, 1583, 29889, 9294, 797, 877, 8172, 6625, 1169, 742, 27591, 29897, 13, 13, 4706, 515, 8475, 29889, 9794, 1053, 1588, 2285, 261, 6508, 13, 4706, 1583, 29889, 9294, 9843, 29898, 4040, 2285, 261, 6508, 29889, 12650, 29889, 2798, 3285, 29871, 29953, 29900, 29897, 13, 13, 4706, 515, 10804, 29889, 9794, 1053, 4103, 2467, 13, 4706, 1583, 29889, 9294, 9843, 29898, 12460, 29889, 12650, 29889, 2798, 3285, 29871, 29955, 29900, 29897, 13, 13, 1678, 822, 1243, 29918, 6519, 29918, 311, 22742, 29918, 8256, 29918, 15581, 29918, 842, 29898, 1311, 1125, 13, 4706, 1899, 353, 1102, 14989, 6255, 29898, 13, 9651, 1024, 2433, 1359, 29918, 1688, 29918, 1272, 742, 13, 9651, 1852, 29918, 1807, 2433, 489, 4537, 29899, 974, 29899, 558, 2285, 414, 29871, 29953, 29900, 1192, 4537, 29899, 974, 29899, 3286, 7387, 29871, 29955, 29900, 742, 13, 9651, 18863, 29918, 8269, 2433, 29930, 334, 334, 334, 334, 742, 13, 9651, 2446, 29918, 22256, 29922, 2230, 8028, 29889, 3707, 3285, 13, 9651, 5217, 29918, 7045, 29918, 4622, 29922, 5574, 13, 4706, 1723, 13, 4706, 1899, 29889, 7620, 580, 13, 4706, 1065, 29918, 26381, 353, 1065, 29918, 816, 14989, 29918, 26381, 29889, 6255, 580, 13, 4706, 411, 15468, 29918, 25393, 3285, 15142, 29918, 21707, 29898, 5563, 29922, 21027, 29889, 11432, 1125, 13, 9651, 1065, 29918, 26381, 29889, 8411, 580, 13, 4706, 1583, 29889, 9294, 9843, 29898, 4504, 14989, 6255, 29889, 12650, 29889, 497, 2141, 2798, 3285, 29871, 29900, 29897, 13, 2 ]
tests/test_auth.py
sergeyberezansky/appr
31
146562
import os.path import yaml from appr.auth import ApprAuth def test_fake_home(fake_home): assert os.path.expanduser("~") == fake_home def test_init_create_dir(fake_home): ApprAuth(".appr") assert os.path.exists(os.path.join(str(fake_home), ".appr")) def test_init_token_empty(fake_home): k = ApprAuth() assert os.path.exists(k.tokenfile) is False def test_get_empty_token(fake_home): k = ApprAuth() assert k.token('*') is None assert k.tokens is None def test_delete_empty_token(fake_home): """ Should not fail if there is no token """ k = ApprAuth() assert k.delete_token('*') is None def test_delete_token(fake_home): """ Should not fail if there is no token """ k = ApprAuth() k.add_token('*', "titid") assert k.token('*') == "titid" assert k.delete_token('*') == {'scope': {'namespace': '*', 'repo': '*'}, 'token': 'titid'} assert k.token('*') is None def test_create_token_value(fake_home): """ Should not fail if there is no token """ k = ApprAuth() k.add_token('a', "titic") k.add_token('b', "titib") assert k.token('a') == "titic" assert k.token('a') == "titic" assert k.token('c') is None def test_create_token_file(fake_home): k = ApprAuth() k.add_token('a', "titib") assert os.path.exists(k.tokenfile) is True f = open(k.tokenfile, 'r') r = f.read() assert {'auths': {'a': {'scope': {'namespace': '*', 'repo': '*'}, 'token': 'titib'}}} == yaml.load(r) def test_create_delete_get_token(fake_home): k = ApprAuth() k.add_token('a', "<PASSWORD>") assert k.token('a') == "<PASSWORD>" k.delete_token('a') assert k.token('a') is None def test_get_token_from_file(fake_home): k = ApprAuth() f = open(k.tokenfile, 'w') r = yaml.dump({'auths': {'a': {'scope': {'namespace': '*', 'repo': '*'}, 'token': '<PASSWORD>'}}}) f.write(r) f.close() k = ApprAuth() assert k.token('a') == "titib" def test_retro_compat(fake_home): k = ApprAuth() f = open(k.tokenfile, 'w') r = yaml.dump({'auths': {'a': 'foo', 'b': 'bar'}}) f.write(r) f.close() k = ApprAuth() f = open(k.tokenfile, 'r') new_format = f.read() f.close() expected = {'auths': {'a': {'scope': {'namespace': '*', 'repo': '*'}, 'token': 'foo'}, 'b': {'scope': {'namespace': '*', 'repo': '*'}, 'token': 'bar'}}} assert yaml.load(new_format) == expected assert k.tokens == expected
[ 1, 1053, 2897, 29889, 2084, 13, 13, 5215, 343, 8807, 13, 13, 3166, 623, 29878, 29889, 5150, 1053, 2401, 29878, 6444, 13, 13, 13, 1753, 1243, 29918, 29888, 1296, 29918, 5184, 29898, 29888, 1296, 29918, 5184, 1125, 13, 1678, 4974, 2897, 29889, 2084, 29889, 18837, 1792, 703, 30022, 1159, 1275, 25713, 29918, 5184, 13, 13, 13, 1753, 1243, 29918, 2344, 29918, 3258, 29918, 3972, 29898, 29888, 1296, 29918, 5184, 1125, 13, 1678, 2401, 29878, 6444, 17350, 932, 29878, 1159, 13, 1678, 4974, 2897, 29889, 2084, 29889, 9933, 29898, 359, 29889, 2084, 29889, 7122, 29898, 710, 29898, 29888, 1296, 29918, 5184, 511, 11393, 932, 29878, 5783, 13, 13, 13, 1753, 1243, 29918, 2344, 29918, 6979, 29918, 6310, 29898, 29888, 1296, 29918, 5184, 1125, 13, 1678, 413, 353, 2401, 29878, 6444, 580, 13, 1678, 4974, 2897, 29889, 2084, 29889, 9933, 29898, 29895, 29889, 6979, 1445, 29897, 338, 7700, 13, 13, 13, 1753, 1243, 29918, 657, 29918, 6310, 29918, 6979, 29898, 29888, 1296, 29918, 5184, 1125, 13, 1678, 413, 353, 2401, 29878, 6444, 580, 13, 1678, 4974, 413, 29889, 6979, 877, 29930, 1495, 338, 6213, 13, 1678, 4974, 413, 29889, 517, 12360, 338, 6213, 13, 13, 13, 1753, 1243, 29918, 8143, 29918, 6310, 29918, 6979, 29898, 29888, 1296, 29918, 5184, 1125, 13, 1678, 9995, 10575, 451, 4418, 565, 727, 338, 694, 5993, 9995, 13, 1678, 413, 353, 2401, 29878, 6444, 580, 13, 1678, 4974, 413, 29889, 8143, 29918, 6979, 877, 29930, 1495, 338, 6213, 13, 13, 13, 1753, 1243, 29918, 8143, 29918, 6979, 29898, 29888, 1296, 29918, 5184, 1125, 13, 1678, 9995, 10575, 451, 4418, 565, 727, 338, 694, 5993, 9995, 13, 1678, 413, 353, 2401, 29878, 6444, 580, 13, 1678, 413, 29889, 1202, 29918, 6979, 877, 29930, 742, 376, 23545, 333, 1159, 13, 1678, 4974, 413, 29889, 6979, 877, 29930, 1495, 1275, 376, 23545, 333, 29908, 13, 1678, 4974, 413, 29889, 8143, 29918, 6979, 877, 29930, 1495, 1275, 11117, 6078, 2396, 11117, 22377, 2396, 525, 29930, 742, 525, 20095, 2396, 525, 29930, 16675, 525, 6979, 2396, 525, 23545, 333, 10827, 13, 1678, 4974, 413, 29889, 6979, 877, 29930, 1495, 338, 6213, 13, 13, 1753, 1243, 29918, 3258, 29918, 6979, 29918, 1767, 29898, 29888, 1296, 29918, 5184, 1125, 13, 1678, 9995, 10575, 451, 4418, 565, 727, 338, 694, 5993, 9995, 13, 1678, 413, 353, 2401, 29878, 6444, 580, 13, 1678, 413, 29889, 1202, 29918, 6979, 877, 29874, 742, 376, 23545, 293, 1159, 13, 1678, 413, 29889, 1202, 29918, 6979, 877, 29890, 742, 376, 23545, 747, 1159, 13, 1678, 4974, 413, 29889, 6979, 877, 29874, 1495, 1275, 376, 23545, 293, 29908, 13, 1678, 4974, 413, 29889, 6979, 877, 29874, 1495, 1275, 376, 23545, 293, 29908, 13, 1678, 4974, 413, 29889, 6979, 877, 29883, 1495, 338, 6213, 13, 13, 13, 1753, 1243, 29918, 3258, 29918, 6979, 29918, 1445, 29898, 29888, 1296, 29918, 5184, 1125, 13, 1678, 413, 353, 2401, 29878, 6444, 580, 13, 1678, 413, 29889, 1202, 29918, 6979, 877, 29874, 742, 376, 23545, 747, 1159, 13, 1678, 4974, 2897, 29889, 2084, 29889, 9933, 29898, 29895, 29889, 6979, 1445, 29897, 338, 5852, 13, 1678, 285, 353, 1722, 29898, 29895, 29889, 6979, 1445, 29892, 525, 29878, 1495, 13, 1678, 364, 353, 285, 29889, 949, 580, 13, 1678, 4974, 11117, 5150, 29879, 2396, 11117, 29874, 2396, 11117, 6078, 2396, 11117, 22377, 2396, 525, 29930, 742, 525, 20095, 2396, 525, 29930, 16675, 525, 6979, 2396, 525, 23545, 747, 29915, 12499, 1275, 343, 8807, 29889, 1359, 29898, 29878, 29897, 13, 13, 13, 13, 1753, 1243, 29918, 3258, 29918, 8143, 29918, 657, 29918, 6979, 29898, 29888, 1296, 29918, 5184, 1125, 13, 1678, 413, 353, 2401, 29878, 6444, 580, 13, 1678, 413, 29889, 1202, 29918, 6979, 877, 29874, 742, 9872, 25711, 17013, 29958, 1159, 13, 1678, 4974, 413, 29889, 6979, 877, 29874, 1495, 1275, 9872, 25711, 17013, 11903, 13, 1678, 413, 29889, 8143, 29918, 6979, 877, 29874, 1495, 13, 1678, 4974, 413, 29889, 6979, 877, 29874, 1495, 338, 6213, 13, 13, 13, 1753, 1243, 29918, 657, 29918, 6979, 29918, 3166, 29918, 1445, 29898, 29888, 1296, 29918, 5184, 1125, 13, 1678, 413, 353, 2401, 29878, 6444, 580, 13, 1678, 285, 353, 1722, 29898, 29895, 29889, 6979, 1445, 29892, 525, 29893, 1495, 13, 1678, 364, 353, 343, 8807, 29889, 15070, 3319, 29915, 5150, 29879, 2396, 11117, 29874, 2396, 11117, 6078, 2396, 11117, 22377, 2396, 525, 29930, 742, 525, 20095, 2396, 525, 29930, 16675, 525, 6979, 2396, 12801, 25711, 17013, 16299, 930, 1800, 13, 1678, 285, 29889, 3539, 29898, 29878, 29897, 13, 1678, 285, 29889, 5358, 580, 13, 1678, 413, 353, 2401, 29878, 6444, 580, 13, 1678, 4974, 413, 29889, 6979, 877, 29874, 1495, 1275, 376, 23545, 747, 29908, 13, 13, 13, 1753, 1243, 29918, 2267, 307, 29918, 12667, 29898, 29888, 1296, 29918, 5184, 1125, 13, 1678, 413, 353, 2401, 29878, 6444, 580, 13, 1678, 285, 353, 1722, 29898, 29895, 29889, 6979, 1445, 29892, 525, 29893, 1495, 13, 1678, 364, 353, 343, 8807, 29889, 15070, 3319, 29915, 5150, 29879, 2396, 11117, 29874, 2396, 525, 5431, 742, 525, 29890, 2396, 525, 1646, 29915, 24289, 13, 1678, 285, 29889, 3539, 29898, 29878, 29897, 13, 1678, 285, 29889, 5358, 580, 13, 1678, 413, 353, 2401, 29878, 6444, 580, 13, 1678, 285, 353, 1722, 29898, 29895, 29889, 6979, 1445, 29892, 525, 29878, 1495, 13, 1678, 716, 29918, 4830, 353, 285, 29889, 949, 580, 13, 1678, 285, 29889, 5358, 580, 13, 1678, 3806, 353, 11117, 5150, 29879, 2396, 11117, 29874, 2396, 11117, 6078, 2396, 11117, 22377, 2396, 525, 29930, 742, 525, 20095, 2396, 525, 29930, 16675, 525, 6979, 2396, 525, 5431, 16675, 13, 462, 3986, 525, 29890, 2396, 11117, 6078, 2396, 11117, 22377, 2396, 525, 29930, 742, 525, 20095, 2396, 525, 29930, 16675, 525, 6979, 2396, 525, 1646, 29915, 12499, 13, 1678, 4974, 343, 8807, 29889, 1359, 29898, 1482, 29918, 4830, 29897, 1275, 3806, 13, 1678, 4974, 413, 29889, 517, 12360, 1275, 3806, 13, 2 ]
tests/openwisp2/sample_users/models.py
codesankalp/openwisp-ipam
81
163494
from django.contrib.auth.models import Group as AbstractGroup from django.core.validators import RegexValidator from django.db import models from openwisp_users.base.models import ( AbstractUser, BaseGroup, BaseOrganization, BaseOrganizationOwner, BaseOrganizationUser, ) from organizations.abstract import ( AbstractOrganization, AbstractOrganizationOwner, AbstractOrganizationUser, ) class User(AbstractUser): social_security_number = models.CharField( max_length=11, null=True, blank=True, validators=[RegexValidator(r'^\d\d\d-\d\d-\d\d\d\d$')], ) class Meta(AbstractUser.Meta): abstract = False class Organization(BaseOrganization, AbstractOrganization): pass class OrganizationUser(BaseOrganizationUser, AbstractOrganizationUser): pass class OrganizationOwner(BaseOrganizationOwner, AbstractOrganizationOwner): pass class Group(BaseGroup, AbstractGroup): pass
[ 1, 515, 9557, 29889, 21570, 29889, 5150, 29889, 9794, 1053, 6431, 408, 25513, 4782, 13, 3166, 9557, 29889, 3221, 29889, 3084, 4097, 1053, 25326, 24204, 13, 3166, 9557, 29889, 2585, 1053, 4733, 13, 3166, 1722, 29893, 11936, 29918, 7193, 29889, 3188, 29889, 9794, 1053, 313, 13, 1678, 25513, 2659, 29892, 13, 1678, 7399, 4782, 29892, 13, 1678, 7399, 27356, 2133, 29892, 13, 1678, 7399, 27356, 2133, 28213, 29892, 13, 1678, 7399, 27356, 2133, 2659, 29892, 13, 29897, 13, 3166, 25700, 29889, 16595, 1053, 313, 13, 1678, 25513, 27356, 2133, 29892, 13, 1678, 25513, 27356, 2133, 28213, 29892, 13, 1678, 25513, 27356, 2133, 2659, 29892, 13, 29897, 13, 13, 13, 1990, 4911, 29898, 9118, 2659, 1125, 13, 1678, 5264, 29918, 8926, 29918, 4537, 353, 4733, 29889, 27890, 29898, 13, 4706, 4236, 29918, 2848, 29922, 29896, 29896, 29892, 13, 4706, 1870, 29922, 5574, 29892, 13, 4706, 9654, 29922, 5574, 29892, 13, 4706, 2854, 4097, 11759, 4597, 735, 24204, 29898, 29878, 29915, 3823, 29881, 29905, 29881, 29905, 29881, 2612, 29881, 29905, 29881, 2612, 29881, 29905, 29881, 29905, 29881, 29905, 29881, 29938, 1495, 1402, 13, 1678, 1723, 13, 13, 1678, 770, 20553, 29898, 9118, 2659, 29889, 19346, 1125, 13, 4706, 9846, 353, 7700, 13, 13, 13, 1990, 9205, 2133, 29898, 5160, 27356, 2133, 29892, 25513, 27356, 2133, 1125, 13, 1678, 1209, 13, 13, 13, 1990, 9205, 2133, 2659, 29898, 5160, 27356, 2133, 2659, 29892, 25513, 27356, 2133, 2659, 1125, 13, 1678, 1209, 13, 13, 13, 1990, 9205, 2133, 28213, 29898, 5160, 27356, 2133, 28213, 29892, 25513, 27356, 2133, 28213, 1125, 13, 1678, 1209, 13, 13, 13, 1990, 6431, 29898, 5160, 4782, 29892, 25513, 4782, 1125, 13, 1678, 1209, 13, 2 ]