content
stringlengths
1
1.04M
input_ids
sequencelengths
1
774k
ratio_char_token
float64
0.38
22.9
token_count
int64
1
774k
# Authors: Jonathan Huggins <[email protected]> # Trevor Campbell <[email protected]> from __future__ import absolute_import, print_function import sys import csv import hashlib import pickle from warnings import warn import numpy as np import numpy.random as npr import scipy.sparse as sp import sklearn.datasets as skl_ds from sklearn import preprocessing from .distributions import logistic_likelihood from .utils import ensure_dimension_matches import h5py # based on: http://stackoverflow.com/questions/8955448/ def save_sparse_Xy(filename, X, y): """Save sparse X and array-like y as an npz file. Parameters ---------- filename : string X : sparse matrix, shape=(n_samples, n_features) y : array-like, shape=(n_samples,) """ np.savez(filename, data=X.data, indices=X.indices, indptr=X.indptr, shape=X.shape, y=y) def save_Xy(filename, X, y): """Save X, y as an npz file. Parameters ---------- filename : string X : matrix-like, shape=(n_samples, n_features) y : array-like, shape=(n_samples,) """ if sp.issparse(X): save_sparse_Xy(filename, X, y) else: np.savez(filename, X=X, y=y) def load_data(path, file_type, max_data=0, max_dim=0, preprocess=True, include_offset=False, target_dim=None, pos_label=None): """Load data from a variety of file types. Parameters ---------- path : string Data file path. file_type : string Supported file types are: 'svmlight', 'npy' (with the labels y in the rightmost col), 'npz', 'hdf5' (with datasets 'x' and 'y'), and 'csv' (with the labels y in the rightmost col) max_data : int If positive, maximum number of data points to use. If zero or negative, all data is used. Default is 0. max_dim : int If positive, maximum number of features to use. If zero or negative, all features are used. Default is 0. preprocess : boolean or Transformer, optional Flag indicating whether the data should be preprocessed. For sparse data, the features are scaled to [-1, 1]. For dense data, the features are scaled to have mean zero and variance one. Default is True. include_offset : boolean, optional Flag indicating that an offset feature should be added. Default is False. target_dim : int, optional When given, ensure X initially has this many features. Projection will be done after X is resized. Default is None. Returns ------- X : array-like matrix, shape=(n_samples, n_features) y : int ndarray, shape=(n_samples,) Each entry indicates whether each example is negative (-1 value) or positive (+1 value) pp_obj : None or Transformer Transformer object used on data, or None if ``preprocess=False`` """ if not isinstance(path, str): raise ValueError("'path' must be a string") if file_type in ["svmlight", "svm"]: X, y = _load_svmlight_data(path) elif file_type == "npy": X, y = _load_npy_data(path) elif file_type == "npz": X, y = _load_npz_data(path) elif file_type == "hdf5": X, y = _load_hdf5_data(path) elif file_type == "csv": X, y = _load_csv_data(path) else: raise ValueError("unsupported file type, %s" % file_type) if pos_label is None: y_vals = set(y) if len(y_vals) != 2: raise ValueError('Only expected y to take on two values, but instead' 'takes on the values ' + ', '.join(y_vals)) if 1.0 not in y_vals: raise ValueError('y does not take on 1.0 as one on of its values, but ' 'instead takes on the values ' + ', '.join(y_vals)) if -1.0 not in y_vals: y_vals.remove(1.0) print('converting y values of %s to -1.0' % y_vals.pop()) y[y != 1.0] = -1.0 else: y[y != pos_label] = -1.0 y[y == pos_label] = 1.0 if preprocess is False: pp_obj = None else: if preprocess is True: if sp.issparse(X): pp_obj = preprocessing.MaxAbsScaler(copy=False) else: pp_obj = preprocessing.StandardScaler(copy=False) else: pp_obj = preprocess if target_dim is not None and target_dim != pp_obj.scale_.shape[0]: raise ValueError('target dim does not match pp_obj') target_dim = pp_obj.scale_.shape[0] if target_dim is not None: X_dim = X.shape[1] if X_dim < target_dim: print('expanding X') extra_shape = (X.shape[0], target_dim - X_dim) if sp.issparse(X): stack_fun = sp.hstack extra = sp.csr_matrix(extra_shape) else: stack_fun = np.hstack extra = np.zeros(extra_shape) X = stack_fun([X, extra]) elif X_dim > target_dim: print('shrinking X') X = X[:,:target_dim] if preprocess is True: pp_obj.fit(X) X = pp_obj.transform(X) if include_offset: X = preprocessing.add_dummy_feature(X) if sp.issparse(X) and (X.nnz > np.prod(X.shape) / 10 or X.shape[1] <= 20): print("X is either low-dimensional or not very sparse, so converting " "to a numpy array") X = X.toarray() if isinstance(max_data, int) and max_data > 0 and max_data < X.shape[0]: X = X[:max_data,:] y = y[:max_data] if isinstance(max_dim, int) and max_dim > 0 and max_dim < X.shape[1]: X = X[:,:max_dim] return X, y, pp_obj def generate_gaussian_synthetic(num_samples, mean, covar, theta, fname=None, include_offset=False): """Generate classification data with covariates from Gaussian distribution. Generate `num_samples` data points with `X[i,:] ~ N(mean, covar)`, then use a logistic likelihood model with parameter `theta` to generate `y[i]`. If `include_offset = True`, then `X[i,-1] = 1`. Thus, `total_features = n_features` if `include_offset = False` and `n_features + 1` otherwise. Parameters ---------- num_samples : int mean : array-like, shape=(n_features,) covar : matrix-like, shape=(n_features, n_features) theta : array-like, shape=(total_features,) fname : string, optional If provided, save data to the provided filename include_offset : boolean, optional Default is False. Returns ------- X : ndarray with shape (num_samples, total_features) y : ndarray with shape (num_samples,) """ _ensure_means_covar_match(mean, covar) X = npr.multivariate_normal(mean, covar, num_samples) if include_offset: X = np.hstack((X, np.ones((num_samples, 1)))) return _generate_and_save_from_X(X, theta, fname) def generate_gaussian_mixture(num_samples, weights, means, covar, theta, fname=None, include_offset=False): """Generate classification data with covariates from Gaussian mixture. Generate `num_samples` data points with `X[i,:] ~ N(means[j,:], covar)` with probability `weights[j]`, then use a logistic likelihood model with parameter `theta` to generate `y[i]`. If `include_offset = True`, then `X[i,-1] = 1`. Thus, `total_features = n_features` if `include_offset = False` and `n_features + 1` otherwise. Parameters ---------- num_samples : int weights : array-like, shape=(n_components,) means : array-like, shape=(n_components, n_features) covar : matrix-like, shape=(n_features, n_features) theta : array-like, shape=(total_features,) fname : string, optional If provided, save data to the provided filename include_offset : boolean, optional Default is False. Returns ------- X : ndarray with shape (num_samples, total_features) y : ndarray with shape (num_samples,) """ _ensure_means_covar_match(means, covar) if means.shape[0] != weights.shape[0]: raise ValueError("'means' and 'weights' shapes do not match") components = npr.choice(weights.shape[0], num_samples, p=weights) z = np.zeros(means.shape[1]) X = means[components, :] + npr.multivariate_normal(z, covar, num_samples) if include_offset: X = np.hstack((X, np.ones((num_samples, 1)))) return _generate_and_save_from_X(X, theta, fname) def generate_reverse_mixture(num_samples, pos_prob, means, covar, fname=None): """Generate classification data class first, then Gaussian covariates. Generate `num_samples` data points with `Pr[y[i] = 1] = pos_prob` and `X[i,:] ~ N(means[y[i],:], covar)`. Parameters ---------- num_samples : int pos_prob : float means : array-like, shape=(2, n_features) covar : matrix-like, shape=(n_features, n_features) fname : string, optional If provided, save data to the provided filename Returns ------- X : ndarray with shape (num_samples, n_features) y : ndarray with shape (num_samples,) """ _ensure_means_covar_match(means, covar) if means.shape[0] != 2: raise ValueError("'means' must have exactly two means") y = npr.rand(num_samples) y[y <= pos_prob] = 1 y[y != 1] = -1 components = np.zeros(num_samples, dtype=np.int) components[y == 1] = 1 z = np.zeros(means.shape[1]) X = means[components, :] + npr.multivariate_normal(z, covar, num_samples) if fname is not None: np.save(fname, np.hstack((X, y[:, np.newaxis]))) return X, y def generate_binary_data(num_samples, probs, theta, fname=None, include_offset=False, ): """Generate classification data with binary covariates. Generate `num_samples` data points with `Pr[X[i,j] = 1] = probs[j]` and a logistic likelihood model with parameter `theta` to generate `y[i]`. If `include_offset = True`, then `X[i,-1] = 1`. Thus, `total_features = n_features` if `include_offset = False` and `n_features + 1` otherwise. Parameters ---------- num_samples : int probs : array-like, shape=(n_features) theta : array-like, shape=(total_features,) fname : string, optional If provided, save data to the provided filename include_offset : boolean, optional Default is False. Returns ------- X : csr_matrix with shape (num_samples, total_features) y : ndarray with shape (num_samples,) """ probs = probs[np.newaxis, :] X = npr.rand(num_samples, probs.shape[1]) X[X <= probs] = 1 X[X != 1] = 0 X = sp.csr_matrix(X, dtype=np.int32) if include_offset: X = sp.hstack((X, np.ones((num_samples, 1), dtype=np.int32)), format='csr') return _generate_and_save_from_X(X, theta, fname) def convert_categorical_data_to_svmlight(path, filetype, out_path, column_info, positive_labels, ignore_first_line=False, delimeter=',', init=None, no_new_features=False): """Convert categorical data into svmlight format. Column info is a space-separated list of information about each column. The options for each column are: * 'cat' - categorical data (induces multiple features) * 'bin' - binary data (induces single feature) * 'lab' - output label (can only be assigned to one column) * 'num' - numeric data * 'ign' - ignore column Parameters ---------- path : string file_type : string Supported file types are: 'csv' out_path : string column_info : string positive_labels : list of strings ignore_first_line : boolean, optional Default is False. delimeter : string, optional Default is ','. init : tuple, optional Output from previous execution of the function. Used to maintain consistency across multiple conversions. no_new_features : boolean, optional If init is provided, then don't create any new features. Returns ------- next_index : int data : object """ info = column_info.split(' ') if info.count('lab') != 1: raise ValueError('column_info must specify exactly one label column') label_index = info.index('lab') if init is not None: next_index, data, label_map, next_label_id = init if no_new_features: next_index = -next_index else: next_index = 1 data = [dict() for i in range(len(info))] next_label_id = 1 label_map = {} if filetype == 'csv': with open(path, 'rb') as csv_file, open(out_path, 'wb') as out_file: reader = csv.reader(csv_file, delimiter=delimeter) try: if ignore_first_line: reader.next() for row in reader: if len(info) != len(row): raise ValueError('row %d had an unexpected number of ' 'columns (expected %d, got %d)' % (reader.line_num, len(info), len(row))) if positive_labels is None: # hex_h = hashlib.md5(row[label_index]).hexdigest() # h = int(hex_h, 16) % 49979687 # out_file.write('%d ' % h) if row[label_index] not in label_map: label_map[row[label_index]] = next_label_id next_label_id += 1 out_file.write('%d ' % label_map[row[label_index]]) elif row[label_index] in positive_labels: out_file.write('1 ') else: out_file.write('-1 ') entry_list = [] for i, val in enumerate(row): entry, next_index = _process_row_entry(val, info[i], data[i], next_index) if entry is not None: entry_list.append(entry) entry_list.sort(cmp=lambda x,y: cmp(x[0], y[0])) out_file.write(' '.join(['%s:%s' % e for e in entry_list])) out_file.write('\n') except csv.Error as e: sys.exit('file %s, line %d: %s' % (path, reader.line_num, e)) if len(label_map) > 0: with open(out_path + '.label_map', 'w') as f: pickle.dump(label_map, f) return abs(next_index), data else: raise ValueError("unsupported file type, %s" % file_type)
[ 2, 46665, 25, 11232, 367, 6837, 1040, 1279, 73, 71, 6837, 1040, 31, 2781, 13, 15532, 29, 198, 2, 220, 220, 220, 220, 220, 220, 220, 220, 220, 25389, 14327, 1279, 8671, 48055, 31, 2781, 13, 15532, 29, 198, 198, 6738, 11593, 37443, 834, 1330, 4112, 62, 11748, 11, 3601, 62, 8818, 198, 198, 11748, 25064, 198, 11748, 269, 21370, 198, 11748, 12234, 8019, 198, 11748, 2298, 293, 198, 6738, 14601, 1330, 9828, 198, 198, 11748, 299, 32152, 355, 45941, 198, 11748, 299, 32152, 13, 25120, 355, 299, 1050, 198, 11748, 629, 541, 88, 13, 82, 29572, 355, 599, 198, 198, 11748, 1341, 35720, 13, 19608, 292, 1039, 355, 1341, 75, 62, 9310, 198, 6738, 1341, 35720, 1330, 662, 36948, 198, 6738, 764, 17080, 2455, 507, 1330, 2604, 2569, 62, 2339, 11935, 198, 6738, 764, 26791, 1330, 4155, 62, 46156, 62, 6759, 2052, 198, 198, 11748, 289, 20, 9078, 198, 198, 2, 1912, 319, 25, 2638, 1378, 25558, 2502, 11125, 13, 785, 14, 6138, 507, 14, 4531, 2816, 31115, 14, 198, 4299, 3613, 62, 82, 29572, 62, 55, 88, 7, 34345, 11, 1395, 11, 331, 2599, 198, 220, 220, 220, 37227, 16928, 29877, 1395, 290, 7177, 12, 2339, 331, 355, 281, 45941, 89, 2393, 13, 628, 220, 220, 220, 40117, 198, 220, 220, 220, 24200, 438, 198, 220, 220, 220, 29472, 1058, 4731, 628, 220, 220, 220, 1395, 1058, 29877, 17593, 11, 5485, 16193, 77, 62, 82, 12629, 11, 299, 62, 40890, 8, 628, 220, 220, 220, 331, 1058, 7177, 12, 2339, 11, 5485, 16193, 77, 62, 82, 12629, 35751, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 45941, 13, 21928, 89, 7, 34345, 11, 1366, 28, 55, 13, 7890, 11, 36525, 28, 55, 13, 521, 1063, 11, 773, 20692, 28, 55, 13, 521, 20692, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5485, 28, 55, 13, 43358, 11, 331, 28, 88, 8, 628, 198, 4299, 3613, 62, 55, 88, 7, 34345, 11, 1395, 11, 331, 2599, 198, 220, 220, 220, 37227, 16928, 1395, 11, 331, 355, 281, 45941, 89, 2393, 13, 628, 220, 220, 220, 40117, 198, 220, 220, 220, 24200, 438, 198, 220, 220, 220, 29472, 1058, 4731, 628, 220, 220, 220, 1395, 1058, 17593, 12, 2339, 11, 5485, 16193, 77, 62, 82, 12629, 11, 299, 62, 40890, 8, 628, 220, 220, 220, 331, 1058, 7177, 12, 2339, 11, 5485, 16193, 77, 62, 82, 12629, 35751, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 611, 599, 13, 747, 29572, 7, 55, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 3613, 62, 82, 29572, 62, 55, 88, 7, 34345, 11, 1395, 11, 331, 8, 198, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 45941, 13, 21928, 89, 7, 34345, 11, 1395, 28, 55, 11, 331, 28, 88, 8, 628, 628, 628, 198, 198, 4299, 3440, 62, 7890, 7, 6978, 11, 2393, 62, 4906, 11, 3509, 62, 7890, 28, 15, 11, 3509, 62, 27740, 28, 15, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 662, 14681, 28, 17821, 11, 2291, 62, 28968, 28, 25101, 11, 2496, 62, 27740, 28, 14202, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1426, 62, 18242, 28, 14202, 2599, 198, 220, 220, 220, 37227, 8912, 1366, 422, 257, 4996, 286, 2393, 3858, 13, 628, 220, 220, 220, 40117, 198, 220, 220, 220, 24200, 438, 198, 220, 220, 220, 3108, 1058, 4731, 198, 220, 220, 220, 220, 220, 220, 220, 6060, 2393, 3108, 13, 628, 220, 220, 220, 2393, 62, 4906, 1058, 4731, 198, 220, 220, 220, 220, 220, 220, 220, 36848, 2393, 3858, 389, 25, 705, 82, 14761, 2971, 3256, 705, 77, 9078, 6, 357, 4480, 262, 14722, 331, 287, 262, 198, 220, 220, 220, 220, 220, 220, 220, 826, 1712, 951, 828, 705, 37659, 89, 3256, 705, 71, 7568, 20, 6, 357, 4480, 40522, 705, 87, 6, 290, 705, 88, 33809, 290, 705, 40664, 6, 198, 220, 220, 220, 220, 220, 220, 220, 357, 4480, 262, 14722, 331, 287, 262, 826, 1712, 951, 8, 628, 220, 220, 220, 3509, 62, 7890, 1058, 493, 198, 220, 220, 220, 220, 220, 220, 220, 1002, 3967, 11, 5415, 1271, 286, 1366, 2173, 284, 779, 13, 1002, 6632, 393, 4633, 11, 198, 220, 220, 220, 220, 220, 220, 220, 477, 1366, 318, 973, 13, 15161, 318, 657, 13, 628, 220, 220, 220, 3509, 62, 27740, 1058, 493, 198, 220, 220, 220, 220, 220, 220, 220, 1002, 3967, 11, 5415, 1271, 286, 3033, 284, 779, 13, 1002, 6632, 393, 4633, 11, 198, 220, 220, 220, 220, 220, 220, 220, 477, 3033, 389, 973, 13, 15161, 318, 657, 13, 628, 220, 220, 220, 662, 14681, 1058, 25131, 393, 3602, 16354, 11, 11902, 198, 220, 220, 220, 220, 220, 220, 220, 19762, 12739, 1771, 262, 1366, 815, 307, 662, 14681, 276, 13, 1114, 29877, 198, 220, 220, 220, 220, 220, 220, 220, 1366, 11, 262, 3033, 389, 27464, 284, 25915, 16, 11, 352, 4083, 1114, 15715, 1366, 11, 262, 3033, 198, 220, 220, 220, 220, 220, 220, 220, 389, 27464, 284, 423, 1612, 6632, 290, 24198, 530, 13, 15161, 318, 6407, 13, 628, 220, 220, 220, 2291, 62, 28968, 1058, 25131, 11, 11902, 198, 220, 220, 220, 220, 220, 220, 220, 19762, 12739, 326, 281, 11677, 3895, 815, 307, 2087, 13, 15161, 318, 198, 220, 220, 220, 220, 220, 220, 220, 10352, 13, 628, 220, 220, 220, 2496, 62, 27740, 1058, 493, 11, 11902, 198, 220, 220, 220, 220, 220, 220, 220, 1649, 1813, 11, 4155, 1395, 7317, 468, 428, 867, 3033, 13, 4935, 295, 481, 198, 220, 220, 220, 220, 220, 220, 220, 307, 1760, 706, 1395, 318, 581, 1143, 13, 15161, 318, 6045, 13, 628, 220, 220, 220, 16409, 198, 220, 220, 220, 35656, 198, 220, 220, 220, 1395, 1058, 7177, 12, 2339, 17593, 11, 5485, 16193, 77, 62, 82, 12629, 11, 299, 62, 40890, 8, 628, 220, 220, 220, 331, 1058, 493, 299, 67, 18747, 11, 5485, 16193, 77, 62, 82, 12629, 35751, 198, 220, 220, 220, 220, 220, 220, 220, 5501, 5726, 9217, 1771, 1123, 1672, 318, 4633, 13841, 16, 1988, 8, 393, 198, 220, 220, 220, 220, 220, 220, 220, 3967, 11502, 16, 1988, 8, 628, 220, 220, 220, 9788, 62, 26801, 1058, 6045, 393, 3602, 16354, 198, 220, 220, 220, 220, 220, 220, 220, 3602, 16354, 2134, 973, 319, 1366, 11, 393, 6045, 611, 7559, 3866, 14681, 28, 25101, 15506, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 611, 407, 318, 39098, 7, 6978, 11, 965, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 5298, 11052, 12331, 7203, 6, 6978, 6, 1276, 307, 257, 4731, 4943, 628, 220, 220, 220, 611, 2393, 62, 4906, 287, 14631, 82, 14761, 2971, 1600, 366, 82, 14761, 1, 5974, 198, 220, 220, 220, 220, 220, 220, 220, 1395, 11, 331, 796, 4808, 2220, 62, 82, 14761, 2971, 62, 7890, 7, 6978, 8, 198, 220, 220, 220, 1288, 361, 2393, 62, 4906, 6624, 366, 77, 9078, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 1395, 11, 331, 796, 4808, 2220, 62, 77, 9078, 62, 7890, 7, 6978, 8, 198, 220, 220, 220, 1288, 361, 2393, 62, 4906, 6624, 366, 37659, 89, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 1395, 11, 331, 796, 4808, 2220, 62, 37659, 89, 62, 7890, 7, 6978, 8, 198, 220, 220, 220, 1288, 361, 2393, 62, 4906, 6624, 366, 71, 7568, 20, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 1395, 11, 331, 796, 4808, 2220, 62, 71, 7568, 20, 62, 7890, 7, 6978, 8, 198, 220, 220, 220, 1288, 361, 2393, 62, 4906, 6624, 366, 40664, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 1395, 11, 331, 796, 4808, 2220, 62, 40664, 62, 7890, 7, 6978, 8, 198, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 5298, 11052, 12331, 7203, 403, 15999, 2393, 2099, 11, 4064, 82, 1, 4064, 2393, 62, 4906, 8, 628, 198, 220, 220, 220, 611, 1426, 62, 18242, 318, 6045, 25, 198, 220, 220, 220, 220, 220, 220, 220, 331, 62, 12786, 796, 900, 7, 88, 8, 198, 220, 220, 220, 220, 220, 220, 220, 611, 18896, 7, 88, 62, 12786, 8, 14512, 362, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5298, 11052, 12331, 10786, 10049, 2938, 331, 284, 1011, 319, 734, 3815, 11, 475, 2427, 6, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 83, 1124, 319, 262, 3815, 705, 1343, 46083, 45302, 22179, 7, 88, 62, 12786, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 611, 352, 13, 15, 407, 287, 331, 62, 12786, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5298, 11052, 12331, 10786, 88, 857, 407, 1011, 319, 352, 13, 15, 355, 530, 319, 286, 663, 3815, 11, 475, 705, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 38070, 2753, 319, 262, 3815, 705, 1343, 46083, 45302, 22179, 7, 88, 62, 12786, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 611, 532, 16, 13, 15, 407, 287, 331, 62, 12786, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 331, 62, 12786, 13, 28956, 7, 16, 13, 15, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3601, 10786, 1102, 48820, 331, 3815, 286, 4064, 82, 284, 532, 16, 13, 15, 6, 4064, 331, 62, 12786, 13, 12924, 28955, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 331, 58, 88, 14512, 352, 13, 15, 60, 796, 532, 16, 13, 15, 198, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 331, 58, 88, 14512, 1426, 62, 18242, 60, 796, 532, 16, 13, 15, 198, 220, 220, 220, 220, 220, 220, 220, 331, 58, 88, 6624, 1426, 62, 18242, 60, 796, 352, 13, 15, 628, 220, 220, 220, 611, 662, 14681, 318, 10352, 25, 198, 220, 220, 220, 220, 220, 220, 220, 9788, 62, 26801, 796, 6045, 198, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 611, 662, 14681, 318, 6407, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 599, 13, 747, 29572, 7, 55, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 9788, 62, 26801, 796, 662, 36948, 13, 11518, 24849, 3351, 36213, 7, 30073, 28, 25101, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 9788, 62, 26801, 796, 662, 36948, 13, 23615, 3351, 36213, 7, 30073, 28, 25101, 8, 198, 220, 220, 220, 220, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 9788, 62, 26801, 796, 662, 14681, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 2496, 62, 27740, 318, 407, 6045, 290, 2496, 62, 27740, 14512, 9788, 62, 26801, 13, 9888, 44807, 43358, 58, 15, 5974, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5298, 11052, 12331, 10786, 16793, 5391, 857, 407, 2872, 9788, 62, 26801, 11537, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2496, 62, 27740, 796, 9788, 62, 26801, 13, 9888, 44807, 43358, 58, 15, 60, 198, 220, 220, 220, 220, 220, 220, 220, 611, 2496, 62, 27740, 318, 407, 6045, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1395, 62, 27740, 796, 1395, 13, 43358, 58, 16, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 1395, 62, 27740, 1279, 2496, 62, 27740, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3601, 10786, 11201, 27225, 1395, 11537, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3131, 62, 43358, 796, 357, 55, 13, 43358, 58, 15, 4357, 2496, 62, 27740, 532, 1395, 62, 27740, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 599, 13, 747, 29572, 7, 55, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8931, 62, 12543, 796, 599, 13, 71, 25558, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3131, 796, 599, 13, 6359, 81, 62, 6759, 8609, 7, 26086, 62, 43358, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8931, 62, 12543, 796, 45941, 13, 71, 25558, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3131, 796, 45941, 13, 9107, 418, 7, 26086, 62, 43358, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1395, 796, 8931, 62, 12543, 26933, 55, 11, 3131, 12962, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1288, 361, 1395, 62, 27740, 1875, 2496, 62, 27740, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3601, 10786, 36007, 8040, 1395, 11537, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1395, 796, 1395, 58, 45299, 25, 16793, 62, 27740, 60, 198, 220, 220, 220, 220, 220, 220, 220, 611, 662, 14681, 318, 6407, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 9788, 62, 26801, 13, 11147, 7, 55, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1395, 796, 9788, 62, 26801, 13, 35636, 7, 55, 8, 628, 220, 220, 220, 611, 2291, 62, 28968, 25, 198, 220, 220, 220, 220, 220, 220, 220, 1395, 796, 662, 36948, 13, 2860, 62, 67, 13513, 62, 30053, 7, 55, 8, 628, 220, 220, 220, 611, 599, 13, 747, 29572, 7, 55, 8, 290, 357, 55, 13, 20471, 89, 1875, 45941, 13, 1676, 67, 7, 55, 13, 43358, 8, 1220, 838, 393, 1395, 13, 43358, 58, 16, 60, 19841, 1160, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 3601, 7203, 55, 318, 2035, 1877, 12, 19577, 393, 407, 845, 29877, 11, 523, 23202, 366, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 1462, 257, 299, 32152, 7177, 4943, 198, 220, 220, 220, 220, 220, 220, 220, 1395, 796, 1395, 13, 1462, 18747, 3419, 198, 220, 220, 220, 611, 318, 39098, 7, 9806, 62, 7890, 11, 493, 8, 290, 3509, 62, 7890, 1875, 657, 290, 3509, 62, 7890, 1279, 1395, 13, 43358, 58, 15, 5974, 198, 220, 220, 220, 220, 220, 220, 220, 1395, 796, 1395, 58, 25, 9806, 62, 7890, 11, 47715, 198, 220, 220, 220, 220, 220, 220, 220, 331, 796, 331, 58, 25, 9806, 62, 7890, 60, 198, 220, 220, 220, 611, 318, 39098, 7, 9806, 62, 27740, 11, 493, 8, 290, 3509, 62, 27740, 1875, 657, 290, 3509, 62, 27740, 1279, 1395, 13, 43358, 58, 16, 5974, 198, 220, 220, 220, 220, 220, 220, 220, 1395, 796, 1395, 58, 45299, 25, 9806, 62, 27740, 60, 628, 220, 220, 220, 1441, 1395, 11, 331, 11, 9788, 62, 26801, 628, 628, 198, 4299, 7716, 62, 4908, 31562, 62, 1837, 429, 6587, 7, 22510, 62, 82, 12629, 11, 1612, 11, 39849, 283, 11, 262, 8326, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 277, 3672, 28, 14202, 11, 2291, 62, 28968, 28, 25101, 2599, 198, 220, 220, 220, 37227, 8645, 378, 17923, 1366, 351, 44829, 689, 422, 12822, 31562, 6082, 13, 628, 220, 220, 220, 2980, 378, 4600, 22510, 62, 82, 12629, 63, 1366, 2173, 351, 4600, 55, 58, 72, 11, 47715, 5299, 399, 7, 32604, 11, 39849, 283, 8, 47671, 788, 779, 198, 220, 220, 220, 257, 2604, 2569, 14955, 2746, 351, 11507, 4600, 1169, 8326, 63, 284, 7716, 4600, 88, 58, 72, 60, 44646, 198, 220, 220, 220, 1002, 4600, 17256, 62, 28968, 796, 6407, 47671, 788, 4600, 55, 58, 72, 12095, 16, 60, 796, 352, 44646, 6660, 11, 198, 220, 220, 220, 4600, 23350, 62, 40890, 796, 299, 62, 40890, 63, 611, 4600, 17256, 62, 28968, 796, 10352, 63, 290, 198, 220, 220, 220, 4600, 77, 62, 40890, 1343, 352, 63, 4306, 13, 628, 220, 220, 220, 40117, 198, 220, 220, 220, 24200, 438, 198, 220, 220, 220, 997, 62, 82, 12629, 1058, 493, 628, 220, 220, 220, 1612, 1058, 7177, 12, 2339, 11, 5485, 16193, 77, 62, 40890, 35751, 628, 220, 220, 220, 39849, 283, 1058, 17593, 12, 2339, 11, 5485, 16193, 77, 62, 40890, 11, 299, 62, 40890, 8, 628, 220, 220, 220, 262, 8326, 1058, 7177, 12, 2339, 11, 5485, 16193, 23350, 62, 40890, 35751, 628, 220, 220, 220, 277, 3672, 1058, 4731, 11, 11902, 198, 220, 220, 220, 220, 220, 220, 220, 1002, 2810, 11, 3613, 1366, 284, 262, 2810, 29472, 628, 220, 220, 220, 2291, 62, 28968, 1058, 25131, 11, 11902, 198, 220, 220, 220, 220, 220, 220, 220, 15161, 318, 10352, 13, 628, 220, 220, 220, 16409, 198, 220, 220, 220, 35656, 198, 220, 220, 220, 1395, 1058, 299, 67, 18747, 351, 5485, 357, 22510, 62, 82, 12629, 11, 2472, 62, 40890, 8, 628, 220, 220, 220, 331, 1058, 299, 67, 18747, 351, 5485, 357, 22510, 62, 82, 12629, 35751, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 4808, 641, 495, 62, 1326, 504, 62, 66, 709, 283, 62, 15699, 7, 32604, 11, 39849, 283, 8, 198, 220, 220, 220, 1395, 796, 299, 1050, 13, 16680, 42524, 62, 11265, 7, 32604, 11, 39849, 283, 11, 997, 62, 82, 12629, 8, 198, 220, 220, 220, 611, 2291, 62, 28968, 25, 198, 220, 220, 220, 220, 220, 220, 220, 1395, 796, 45941, 13, 71, 25558, 19510, 55, 11, 45941, 13, 1952, 19510, 22510, 62, 82, 12629, 11, 352, 35514, 198, 220, 220, 220, 1441, 4808, 8612, 378, 62, 392, 62, 21928, 62, 6738, 62, 55, 7, 55, 11, 262, 8326, 11, 277, 3672, 8, 628, 198, 4299, 7716, 62, 4908, 31562, 62, 76, 9602, 7, 22510, 62, 82, 12629, 11, 19590, 11, 1724, 11, 39849, 283, 11, 262, 8326, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 277, 3672, 28, 14202, 11, 2291, 62, 28968, 28, 25101, 2599, 198, 220, 220, 220, 37227, 8645, 378, 17923, 1366, 351, 44829, 689, 422, 12822, 31562, 11710, 13, 628, 220, 220, 220, 2980, 378, 4600, 22510, 62, 82, 12629, 63, 1366, 2173, 351, 4600, 55, 58, 72, 11, 47715, 5299, 399, 7, 1326, 504, 58, 73, 11, 25, 4357, 39849, 283, 8, 63, 198, 220, 220, 220, 351, 12867, 4600, 43775, 58, 73, 60, 47671, 788, 779, 257, 2604, 2569, 14955, 2746, 351, 198, 220, 220, 220, 11507, 4600, 1169, 8326, 63, 284, 7716, 4600, 88, 58, 72, 60, 44646, 220, 1002, 4600, 17256, 62, 28968, 796, 6407, 47671, 198, 220, 220, 220, 788, 4600, 55, 58, 72, 12095, 16, 60, 796, 352, 44646, 220, 6660, 11, 4600, 23350, 62, 40890, 796, 299, 62, 40890, 63, 611, 198, 220, 220, 220, 4600, 17256, 62, 28968, 796, 10352, 63, 290, 4600, 77, 62, 40890, 1343, 352, 63, 4306, 13, 628, 220, 220, 220, 40117, 198, 220, 220, 220, 24200, 438, 198, 220, 220, 220, 997, 62, 82, 12629, 1058, 493, 628, 220, 220, 220, 19590, 1058, 7177, 12, 2339, 11, 5485, 16193, 77, 62, 5589, 3906, 35751, 628, 220, 220, 220, 1724, 1058, 7177, 12, 2339, 11, 5485, 16193, 77, 62, 5589, 3906, 11, 299, 62, 40890, 8, 628, 220, 220, 220, 39849, 283, 1058, 17593, 12, 2339, 11, 5485, 16193, 77, 62, 40890, 11, 299, 62, 40890, 8, 628, 220, 220, 220, 262, 8326, 1058, 7177, 12, 2339, 11, 5485, 16193, 23350, 62, 40890, 35751, 628, 220, 220, 220, 277, 3672, 1058, 4731, 11, 11902, 198, 220, 220, 220, 220, 220, 220, 220, 1002, 2810, 11, 3613, 1366, 284, 262, 2810, 29472, 628, 220, 220, 220, 2291, 62, 28968, 1058, 25131, 11, 11902, 198, 220, 220, 220, 220, 220, 220, 220, 15161, 318, 10352, 13, 628, 220, 220, 220, 16409, 198, 220, 220, 220, 35656, 198, 220, 220, 220, 1395, 1058, 299, 67, 18747, 351, 5485, 357, 22510, 62, 82, 12629, 11, 2472, 62, 40890, 8, 628, 220, 220, 220, 331, 1058, 299, 67, 18747, 351, 5485, 357, 22510, 62, 82, 12629, 35751, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 4808, 641, 495, 62, 1326, 504, 62, 66, 709, 283, 62, 15699, 7, 1326, 504, 11, 39849, 283, 8, 198, 220, 220, 220, 611, 1724, 13, 43358, 58, 15, 60, 14512, 19590, 13, 43358, 58, 15, 5974, 198, 220, 220, 220, 220, 220, 220, 220, 5298, 11052, 12331, 7203, 6, 1326, 504, 6, 290, 705, 43775, 6, 15268, 466, 407, 2872, 4943, 198, 220, 220, 220, 6805, 796, 299, 1050, 13, 25541, 7, 43775, 13, 43358, 58, 15, 4357, 997, 62, 82, 12629, 11, 279, 28, 43775, 8, 198, 220, 220, 220, 1976, 796, 45941, 13, 9107, 418, 7, 1326, 504, 13, 43358, 58, 16, 12962, 198, 220, 220, 220, 1395, 796, 1724, 58, 5589, 3906, 11, 1058, 60, 1343, 299, 1050, 13, 16680, 42524, 62, 11265, 7, 89, 11, 39849, 283, 11, 997, 62, 82, 12629, 8, 198, 220, 220, 220, 611, 2291, 62, 28968, 25, 198, 220, 220, 220, 220, 220, 220, 220, 1395, 796, 45941, 13, 71, 25558, 19510, 55, 11, 45941, 13, 1952, 19510, 22510, 62, 82, 12629, 11, 352, 35514, 198, 220, 220, 220, 1441, 4808, 8612, 378, 62, 392, 62, 21928, 62, 6738, 62, 55, 7, 55, 11, 262, 8326, 11, 277, 3672, 8, 628, 198, 4299, 7716, 62, 50188, 62, 76, 9602, 7, 22510, 62, 82, 12629, 11, 1426, 62, 1676, 65, 11, 1724, 11, 39849, 283, 11, 277, 3672, 28, 14202, 2599, 198, 220, 220, 220, 37227, 8645, 378, 17923, 1366, 1398, 717, 11, 788, 12822, 31562, 44829, 689, 13, 628, 220, 220, 220, 2980, 378, 4600, 22510, 62, 82, 12629, 63, 1366, 2173, 351, 4600, 6836, 58, 88, 58, 72, 60, 796, 352, 60, 796, 1426, 62, 1676, 65, 63, 290, 198, 220, 220, 220, 4600, 55, 58, 72, 11, 47715, 5299, 399, 7, 1326, 504, 58, 88, 58, 72, 4357, 25, 4357, 39849, 283, 8, 44646, 628, 220, 220, 220, 40117, 198, 220, 220, 220, 24200, 438, 198, 220, 220, 220, 997, 62, 82, 12629, 1058, 493, 628, 220, 220, 220, 1426, 62, 1676, 65, 1058, 12178, 628, 220, 220, 220, 1724, 1058, 7177, 12, 2339, 11, 5485, 16193, 17, 11, 299, 62, 40890, 8, 628, 220, 220, 220, 39849, 283, 1058, 17593, 12, 2339, 11, 5485, 16193, 77, 62, 40890, 11, 299, 62, 40890, 8, 628, 220, 220, 220, 277, 3672, 1058, 4731, 11, 11902, 198, 220, 220, 220, 220, 220, 220, 220, 1002, 2810, 11, 3613, 1366, 284, 262, 2810, 29472, 628, 220, 220, 220, 16409, 198, 220, 220, 220, 35656, 198, 220, 220, 220, 1395, 1058, 299, 67, 18747, 351, 5485, 357, 22510, 62, 82, 12629, 11, 299, 62, 40890, 8, 628, 220, 220, 220, 331, 1058, 299, 67, 18747, 351, 5485, 357, 22510, 62, 82, 12629, 35751, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 4808, 641, 495, 62, 1326, 504, 62, 66, 709, 283, 62, 15699, 7, 1326, 504, 11, 39849, 283, 8, 198, 220, 220, 220, 611, 1724, 13, 43358, 58, 15, 60, 14512, 362, 25, 198, 220, 220, 220, 220, 220, 220, 220, 5298, 11052, 12331, 7203, 6, 1326, 504, 6, 1276, 423, 3446, 734, 1724, 4943, 198, 220, 220, 220, 331, 796, 299, 1050, 13, 25192, 7, 22510, 62, 82, 12629, 8, 198, 220, 220, 220, 331, 58, 88, 19841, 1426, 62, 1676, 65, 60, 796, 352, 198, 220, 220, 220, 331, 58, 88, 14512, 352, 60, 796, 532, 16, 198, 220, 220, 220, 6805, 796, 45941, 13, 9107, 418, 7, 22510, 62, 82, 12629, 11, 288, 4906, 28, 37659, 13, 600, 8, 198, 220, 220, 220, 6805, 58, 88, 6624, 352, 60, 796, 352, 198, 220, 220, 220, 1976, 796, 45941, 13, 9107, 418, 7, 1326, 504, 13, 43358, 58, 16, 12962, 198, 220, 220, 220, 1395, 796, 1724, 58, 5589, 3906, 11, 1058, 60, 1343, 299, 1050, 13, 16680, 42524, 62, 11265, 7, 89, 11, 39849, 283, 11, 997, 62, 82, 12629, 8, 198, 220, 220, 220, 611, 277, 3672, 318, 407, 6045, 25, 198, 220, 220, 220, 220, 220, 220, 220, 45941, 13, 21928, 7, 69, 3672, 11, 45941, 13, 71, 25558, 19510, 55, 11, 331, 58, 45299, 45941, 13, 3605, 22704, 60, 22305, 198, 220, 220, 220, 1441, 1395, 11, 331, 628, 198, 4299, 7716, 62, 39491, 62, 7890, 7, 22510, 62, 82, 12629, 11, 386, 1443, 11, 262, 8326, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 277, 3672, 28, 14202, 11, 2291, 62, 28968, 28, 25101, 11, 15179, 198, 220, 220, 220, 37227, 8645, 378, 17923, 1366, 351, 13934, 44829, 689, 13, 628, 220, 220, 220, 2980, 378, 4600, 22510, 62, 82, 12629, 63, 1366, 2173, 351, 4600, 6836, 58, 55, 58, 72, 11, 73, 60, 796, 352, 60, 796, 386, 1443, 58, 73, 60, 63, 290, 198, 220, 220, 220, 257, 2604, 2569, 14955, 2746, 351, 11507, 4600, 1169, 8326, 63, 284, 7716, 4600, 88, 58, 72, 60, 44646, 198, 220, 220, 220, 1002, 4600, 17256, 62, 28968, 796, 6407, 47671, 220, 788, 4600, 55, 58, 72, 12095, 16, 60, 796, 352, 44646, 220, 6660, 11, 198, 220, 220, 220, 4600, 23350, 62, 40890, 796, 299, 62, 40890, 63, 611, 4600, 17256, 62, 28968, 796, 10352, 63, 290, 198, 220, 220, 220, 4600, 77, 62, 40890, 1343, 352, 63, 4306, 13, 628, 220, 220, 220, 40117, 198, 220, 220, 220, 24200, 438, 198, 220, 220, 220, 997, 62, 82, 12629, 1058, 493, 628, 220, 220, 220, 386, 1443, 1058, 7177, 12, 2339, 11, 5485, 16193, 77, 62, 40890, 8, 628, 220, 220, 220, 262, 8326, 1058, 7177, 12, 2339, 11, 5485, 16193, 23350, 62, 40890, 35751, 628, 220, 220, 220, 277, 3672, 1058, 4731, 11, 11902, 198, 220, 220, 220, 220, 220, 220, 220, 1002, 2810, 11, 3613, 1366, 284, 262, 2810, 29472, 628, 220, 220, 220, 2291, 62, 28968, 1058, 25131, 11, 11902, 198, 220, 220, 220, 220, 220, 220, 220, 15161, 318, 10352, 13, 628, 220, 220, 220, 16409, 198, 220, 220, 220, 35656, 198, 220, 220, 220, 1395, 1058, 269, 27891, 62, 6759, 8609, 351, 5485, 357, 22510, 62, 82, 12629, 11, 2472, 62, 40890, 8, 628, 220, 220, 220, 331, 1058, 299, 67, 18747, 351, 5485, 357, 22510, 62, 82, 12629, 35751, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 386, 1443, 796, 386, 1443, 58, 37659, 13, 3605, 22704, 11, 1058, 60, 198, 220, 220, 220, 1395, 796, 299, 1050, 13, 25192, 7, 22510, 62, 82, 12629, 11, 386, 1443, 13, 43358, 58, 16, 12962, 198, 220, 220, 220, 1395, 58, 55, 19841, 386, 1443, 60, 796, 352, 198, 220, 220, 220, 1395, 58, 55, 14512, 352, 60, 796, 657, 198, 220, 220, 220, 1395, 796, 599, 13, 6359, 81, 62, 6759, 8609, 7, 55, 11, 288, 4906, 28, 37659, 13, 600, 2624, 8, 198, 220, 220, 220, 611, 2291, 62, 28968, 25, 198, 220, 220, 220, 220, 220, 220, 220, 1395, 796, 599, 13, 71, 25558, 19510, 55, 11, 45941, 13, 1952, 19510, 22510, 62, 82, 12629, 11, 352, 828, 288, 4906, 28, 37659, 13, 600, 2624, 36911, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5794, 11639, 6359, 81, 11537, 198, 220, 220, 220, 1441, 4808, 8612, 378, 62, 392, 62, 21928, 62, 6738, 62, 55, 7, 55, 11, 262, 8326, 11, 277, 3672, 8, 628, 198, 198, 4299, 10385, 62, 66, 2397, 12409, 62, 7890, 62, 1462, 62, 82, 14761, 2971, 7, 6978, 11, 2393, 4906, 11, 503, 62, 6978, 11, 5721, 62, 10951, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3967, 62, 23912, 1424, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8856, 62, 11085, 62, 1370, 28, 25101, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1619, 16912, 28, 3256, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2315, 28, 14202, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 645, 62, 3605, 62, 40890, 28, 25101, 2599, 198, 220, 220, 220, 37227, 3103, 1851, 4253, 12409, 1366, 656, 264, 14761, 2971, 5794, 13, 628, 220, 220, 220, 29201, 7508, 318, 257, 2272, 12, 25512, 515, 1351, 286, 1321, 546, 1123, 5721, 13, 198, 220, 220, 220, 383, 3689, 329, 1123, 5721, 389, 25, 198, 220, 220, 220, 220, 220, 220, 220, 1635, 705, 9246, 6, 532, 4253, 12409, 1366, 357, 10259, 728, 3294, 3033, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1635, 705, 8800, 6, 532, 13934, 1366, 357, 10259, 728, 2060, 3895, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1635, 705, 23912, 6, 532, 5072, 6167, 357, 5171, 691, 307, 8686, 284, 530, 5721, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1635, 705, 22510, 6, 532, 35575, 1366, 198, 220, 220, 220, 220, 220, 220, 220, 1635, 705, 570, 6, 532, 8856, 5721, 628, 220, 220, 220, 40117, 198, 220, 220, 220, 24200, 438, 198, 220, 220, 220, 3108, 1058, 4731, 628, 220, 220, 220, 2393, 62, 4906, 1058, 4731, 198, 220, 220, 220, 220, 220, 220, 220, 36848, 2393, 3858, 389, 25, 705, 40664, 6, 628, 220, 220, 220, 503, 62, 6978, 1058, 4731, 628, 220, 220, 220, 5721, 62, 10951, 1058, 4731, 628, 220, 220, 220, 3967, 62, 23912, 1424, 1058, 1351, 286, 13042, 628, 220, 220, 220, 8856, 62, 11085, 62, 1370, 1058, 25131, 11, 11902, 198, 220, 220, 220, 220, 220, 220, 220, 15161, 318, 10352, 13, 628, 220, 220, 220, 1619, 16912, 1058, 4731, 11, 11902, 198, 220, 220, 220, 220, 220, 220, 220, 15161, 318, 705, 4032, 13, 628, 220, 220, 220, 2315, 1058, 46545, 11, 11902, 198, 220, 220, 220, 220, 220, 220, 220, 25235, 422, 2180, 9706, 286, 262, 2163, 13, 16718, 284, 5529, 198, 220, 220, 220, 220, 220, 220, 220, 15794, 1973, 3294, 32626, 13, 628, 220, 220, 220, 645, 62, 3605, 62, 40890, 1058, 25131, 11, 11902, 198, 220, 220, 220, 220, 220, 220, 220, 1002, 2315, 318, 2810, 11, 788, 836, 470, 2251, 597, 649, 3033, 13, 628, 220, 220, 220, 16409, 198, 220, 220, 220, 35656, 198, 220, 220, 220, 1306, 62, 9630, 1058, 493, 628, 220, 220, 220, 1366, 1058, 2134, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 7508, 796, 5721, 62, 10951, 13, 35312, 10786, 705, 8, 198, 220, 220, 220, 611, 7508, 13, 9127, 10786, 23912, 11537, 14512, 352, 25, 198, 220, 220, 220, 220, 220, 220, 220, 5298, 11052, 12331, 10786, 28665, 62, 10951, 1276, 11986, 3446, 530, 6167, 5721, 11537, 198, 220, 220, 220, 6167, 62, 9630, 796, 7508, 13, 9630, 10786, 23912, 11537, 198, 220, 220, 220, 611, 2315, 318, 407, 6045, 25, 198, 220, 220, 220, 220, 220, 220, 220, 1306, 62, 9630, 11, 1366, 11, 6167, 62, 8899, 11, 1306, 62, 18242, 62, 312, 796, 2315, 198, 220, 220, 220, 220, 220, 220, 220, 611, 645, 62, 3605, 62, 40890, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1306, 62, 9630, 796, 532, 19545, 62, 9630, 198, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 1306, 62, 9630, 796, 352, 198, 220, 220, 220, 220, 220, 220, 220, 1366, 796, 685, 11600, 3419, 329, 1312, 287, 2837, 7, 11925, 7, 10951, 4008, 60, 198, 220, 220, 220, 220, 220, 220, 220, 1306, 62, 18242, 62, 312, 796, 352, 198, 220, 220, 220, 220, 220, 220, 220, 6167, 62, 8899, 796, 23884, 628, 220, 220, 220, 611, 2393, 4906, 6624, 705, 40664, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 351, 1280, 7, 6978, 11, 705, 26145, 11537, 355, 269, 21370, 62, 7753, 11, 1280, 7, 448, 62, 6978, 11, 705, 39346, 11537, 355, 503, 62, 7753, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 9173, 796, 269, 21370, 13, 46862, 7, 40664, 62, 7753, 11, 46728, 2676, 28, 12381, 16912, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1949, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 8856, 62, 11085, 62, 1370, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 9173, 13, 19545, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 329, 5752, 287, 9173, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 18896, 7, 10951, 8, 14512, 18896, 7, 808, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5298, 11052, 12331, 10786, 808, 4064, 67, 550, 281, 10059, 1271, 286, 705, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 28665, 82, 357, 40319, 4064, 67, 11, 1392, 4064, 67, 33047, 4064, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 357, 46862, 13, 1370, 62, 22510, 11, 18896, 7, 10951, 828, 18896, 7, 808, 22305, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 3967, 62, 23912, 1424, 318, 6045, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 17910, 62, 71, 796, 12234, 8019, 13, 9132, 20, 7, 808, 58, 18242, 62, 9630, 35944, 33095, 12894, 395, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 289, 796, 493, 7, 33095, 62, 71, 11, 1467, 8, 4064, 48391, 3720, 39925, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 503, 62, 7753, 13, 13564, 10786, 4, 67, 705, 4064, 289, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 5752, 58, 18242, 62, 9630, 60, 407, 287, 6167, 62, 8899, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6167, 62, 8899, 58, 808, 58, 18242, 62, 9630, 11907, 796, 1306, 62, 18242, 62, 312, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1306, 62, 18242, 62, 312, 15853, 352, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 503, 62, 7753, 13, 13564, 10786, 4, 67, 705, 4064, 6167, 62, 8899, 58, 808, 58, 18242, 62, 9630, 11907, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1288, 361, 5752, 58, 18242, 62, 9630, 60, 287, 3967, 62, 23912, 1424, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 503, 62, 7753, 13, 13564, 10786, 16, 705, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 503, 62, 7753, 13, 13564, 10786, 12, 16, 705, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5726, 62, 4868, 796, 17635, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 329, 1312, 11, 1188, 287, 27056, 378, 7, 808, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5726, 11, 1306, 62, 9630, 796, 4808, 14681, 62, 808, 62, 13000, 7, 2100, 11, 7508, 58, 72, 4357, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1366, 58, 72, 4357, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1306, 62, 9630, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 5726, 318, 407, 6045, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5726, 62, 4868, 13, 33295, 7, 13000, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5726, 62, 4868, 13, 30619, 7, 48991, 28, 50033, 2124, 11, 88, 25, 269, 3149, 7, 87, 58, 15, 4357, 331, 58, 15, 60, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 503, 62, 7753, 13, 13564, 10786, 45302, 22179, 7, 17816, 4, 82, 25, 4, 82, 6, 4064, 304, 329, 304, 287, 5726, 62, 4868, 60, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 503, 62, 7753, 13, 13564, 10786, 59, 77, 11537, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2845, 269, 21370, 13, 12331, 355, 304, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 25064, 13, 37023, 10786, 7753, 4064, 82, 11, 1627, 4064, 67, 25, 4064, 82, 6, 4064, 357, 6978, 11, 9173, 13, 1370, 62, 22510, 11, 304, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 611, 18896, 7, 18242, 62, 8899, 8, 1875, 657, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 351, 1280, 7, 448, 62, 6978, 1343, 45302, 18242, 62, 8899, 3256, 705, 86, 11537, 355, 277, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2298, 293, 13, 39455, 7, 18242, 62, 8899, 11, 277, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 2352, 7, 19545, 62, 9630, 828, 1366, 198, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 5298, 11052, 12331, 7203, 403, 15999, 2393, 2099, 11, 4064, 82, 1, 4064, 2393, 62, 4906, 8, 198 ]
2.174249
6,990
import os import django from distutils.version import StrictVersion DJANGO_VERSION = StrictVersion(django.get_version()) # Make filepaths relative to settings. ROOT = os.path.dirname(os.path.abspath(__file__)) path = lambda *a: os.path.join(ROOT, *a) DEBUG = True TEST_RUNNER = 'django.test.runner.DiscoverRunner' JINJA_CONFIG = {} SITE_ID = 1 USE_I18N = False SECRET_KEY = 'foobar' DATABASES = { 'default': { 'NAME': 'test.db', 'ENGINE': 'django.db.backends.sqlite3', }, # Provide a readonly DB for testing DB replication scenarios. 'readonly': { 'NAME': 'test.readonly.db', 'ENGINE': 'django.db.backends.sqlite3', } } if 'DATABASE_URL' in os.environ: try: import dj_database_url import psycopg2 DATABASES['default'] = dj_database_url.config() except ImportError: raise ImportError('Using the DATABASE_URL variable requires ' 'dj-database-url and psycopg2. Try:\n\npip install ' '-r travis.txt') INSTALLED_APPS = ( 'django.contrib.admin', 'django.contrib.auth', 'django.contrib.contenttypes', 'django.contrib.sessions', 'django.contrib.sites', 'waffle', 'test_app', ) _MIDDLEWARE_CLASSES = ( 'django.middleware.common.CommonMiddleware', 'django.contrib.sessions.middleware.SessionMiddleware', 'django.contrib.auth.middleware.AuthenticationMiddleware', 'waffle.middleware.WaffleMiddleware', ) if DJANGO_VERSION < StrictVersion('1.10.0'): MIDDLEWARE_CLASSES = _MIDDLEWARE_CLASSES else: MIDDLEWARE = _MIDDLEWARE_CLASSES ROOT_URLCONF = 'test_app.urls' CUSTOM_USER_MODEL = 'auth.User' _CONTEXT_PROCESSORS = ( 'django.contrib.auth.context_processors.auth', 'django.template.context_processors.request', ) TEMPLATES = [ { 'BACKEND': 'django_jinja.backend.Jinja2', 'DIRS': [], 'APP_DIRS': True, 'OPTIONS': { 'match_regex': r'jinja.*', 'match_extension': '', 'newstyle_gettext': True, 'context_processors': _CONTEXT_PROCESSORS, 'undefined': 'jinja2.Undefined', 'extensions': [ 'jinja2.ext.i18n', 'jinja2.ext.autoescape', 'waffle.jinja.WaffleExtension', ], } }, { 'BACKEND': 'django.template.backends.django.DjangoTemplates', 'DIRS': [], 'APP_DIRS': True, 'OPTIONS': { 'debug': DEBUG, 'context_processors': _CONTEXT_PROCESSORS, } }, ] WAFFLE_FLAG_DEFAULT = False WAFFLE_SWITCH_DEFAULT = False WAFFLE_SAMPLE_DEFAULT = False WAFFLE_READ_FROM_WRITE_DB = False WAFFLE_OVERRIDE = False WAFFLE_CACHE_PREFIX = 'test:'
[ 11748, 28686, 198, 11748, 42625, 14208, 198, 198, 6738, 1233, 26791, 13, 9641, 1330, 520, 2012, 14815, 198, 198, 35028, 1565, 11230, 62, 43717, 796, 520, 2012, 14815, 7, 28241, 14208, 13, 1136, 62, 9641, 28955, 198, 198, 2, 6889, 2393, 6978, 82, 3585, 284, 6460, 13, 198, 13252, 2394, 796, 28686, 13, 6978, 13, 15908, 3672, 7, 418, 13, 6978, 13, 397, 2777, 776, 7, 834, 7753, 834, 4008, 198, 6978, 796, 37456, 1635, 64, 25, 28686, 13, 6978, 13, 22179, 7, 13252, 2394, 11, 1635, 64, 8, 198, 198, 30531, 796, 6407, 198, 51, 6465, 62, 49, 4944, 21479, 796, 705, 28241, 14208, 13, 9288, 13, 16737, 13, 44596, 49493, 6, 198, 198, 41, 1268, 37048, 62, 10943, 16254, 796, 23884, 198, 198, 50, 12709, 62, 2389, 796, 352, 198, 19108, 62, 40, 1507, 45, 796, 10352, 198, 198, 23683, 26087, 62, 20373, 796, 705, 6513, 30973, 6, 198, 198, 35, 1404, 6242, 1921, 1546, 796, 1391, 198, 220, 220, 220, 705, 12286, 10354, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 705, 20608, 10354, 705, 9288, 13, 9945, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 705, 26808, 8881, 10354, 705, 28241, 14208, 13, 9945, 13, 1891, 2412, 13, 25410, 578, 18, 3256, 198, 220, 220, 220, 8964, 628, 220, 220, 220, 1303, 44290, 257, 1100, 8807, 20137, 329, 4856, 20137, 30330, 13858, 13, 198, 220, 220, 220, 705, 961, 8807, 10354, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 705, 20608, 10354, 705, 9288, 13, 961, 8807, 13, 9945, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 705, 26808, 8881, 10354, 705, 28241, 14208, 13, 9945, 13, 1891, 2412, 13, 25410, 578, 18, 3256, 198, 220, 220, 220, 1782, 198, 92, 198, 198, 361, 705, 35, 1404, 6242, 11159, 62, 21886, 6, 287, 28686, 13, 268, 2268, 25, 198, 220, 220, 220, 1949, 25, 198, 220, 220, 220, 220, 220, 220, 220, 1330, 42625, 62, 48806, 62, 6371, 198, 220, 220, 220, 220, 220, 220, 220, 1330, 17331, 22163, 70, 17, 198, 220, 220, 220, 220, 220, 220, 220, 360, 1404, 6242, 1921, 1546, 17816, 12286, 20520, 796, 42625, 62, 48806, 62, 6371, 13, 11250, 3419, 198, 220, 220, 220, 2845, 17267, 12331, 25, 198, 220, 220, 220, 220, 220, 220, 220, 5298, 17267, 12331, 10786, 12814, 262, 360, 1404, 6242, 11159, 62, 21886, 7885, 4433, 705, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 28241, 12, 48806, 12, 6371, 290, 17331, 22163, 70, 17, 13, 9993, 7479, 77, 59, 37659, 541, 2721, 705, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 12, 81, 1291, 4703, 13, 14116, 11537, 198, 198, 38604, 7036, 1961, 62, 2969, 3705, 796, 357, 198, 220, 220, 220, 705, 28241, 14208, 13, 3642, 822, 13, 28482, 3256, 198, 220, 220, 220, 705, 28241, 14208, 13, 3642, 822, 13, 18439, 3256, 198, 220, 220, 220, 705, 28241, 14208, 13, 3642, 822, 13, 11299, 19199, 3256, 198, 220, 220, 220, 705, 28241, 14208, 13, 3642, 822, 13, 82, 6202, 3256, 198, 220, 220, 220, 705, 28241, 14208, 13, 3642, 822, 13, 49315, 3256, 198, 220, 220, 220, 705, 86, 30697, 3256, 198, 220, 220, 220, 705, 9288, 62, 1324, 3256, 198, 8, 198, 198, 62, 44, 2389, 35, 2538, 33746, 62, 31631, 1546, 796, 357, 198, 220, 220, 220, 705, 28241, 14208, 13, 27171, 1574, 13, 11321, 13, 17227, 34621, 1574, 3256, 198, 220, 220, 220, 705, 28241, 14208, 13, 3642, 822, 13, 82, 6202, 13, 27171, 1574, 13, 36044, 34621, 1574, 3256, 198, 220, 220, 220, 705, 28241, 14208, 13, 3642, 822, 13, 18439, 13, 27171, 1574, 13, 47649, 3299, 34621, 1574, 3256, 198, 220, 220, 220, 705, 86, 30697, 13, 27171, 1574, 13, 54, 30697, 34621, 1574, 3256, 198, 8, 198, 198, 361, 13004, 1565, 11230, 62, 43717, 1279, 520, 2012, 14815, 10786, 16, 13, 940, 13, 15, 6, 2599, 198, 220, 220, 220, 25269, 35, 2538, 33746, 62, 31631, 1546, 796, 4808, 44, 2389, 35, 2538, 33746, 62, 31631, 1546, 198, 17772, 25, 198, 220, 220, 220, 25269, 35, 2538, 33746, 796, 4808, 44, 2389, 35, 2538, 33746, 62, 31631, 1546, 198, 198, 13252, 2394, 62, 4261, 5639, 1340, 37, 796, 705, 9288, 62, 1324, 13, 6371, 82, 6, 198, 198, 34, 7759, 2662, 62, 29904, 62, 33365, 3698, 796, 705, 18439, 13, 12982, 6, 198, 198, 62, 10943, 32541, 62, 4805, 4503, 7597, 20673, 796, 357, 198, 220, 220, 220, 705, 28241, 14208, 13, 3642, 822, 13, 18439, 13, 22866, 62, 14681, 669, 13, 18439, 3256, 198, 220, 220, 220, 705, 28241, 14208, 13, 28243, 13, 22866, 62, 14681, 669, 13, 25927, 3256, 198, 8, 198, 198, 51, 3620, 6489, 29462, 796, 685, 198, 220, 220, 220, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 705, 31098, 10619, 10354, 705, 28241, 14208, 62, 18594, 6592, 13, 1891, 437, 13, 41, 259, 6592, 17, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 705, 34720, 50, 10354, 685, 4357, 198, 220, 220, 220, 220, 220, 220, 220, 705, 24805, 62, 34720, 50, 10354, 6407, 11, 198, 220, 220, 220, 220, 220, 220, 220, 705, 3185, 51, 11053, 10354, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 15699, 62, 260, 25636, 10354, 374, 6, 18594, 6592, 15885, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 15699, 62, 2302, 3004, 10354, 705, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 3605, 7635, 62, 1136, 5239, 10354, 6407, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 22866, 62, 14681, 669, 10354, 4808, 10943, 32541, 62, 4805, 4503, 7597, 20673, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 917, 18156, 10354, 705, 18594, 6592, 17, 13, 31319, 18156, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 2302, 5736, 10354, 685, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 18594, 6592, 17, 13, 2302, 13, 72, 1507, 77, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 18594, 6592, 17, 13, 2302, 13, 2306, 3028, 36435, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 86, 30697, 13, 18594, 6592, 13, 54, 30697, 11627, 3004, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 16589, 198, 220, 220, 220, 220, 220, 220, 220, 1782, 198, 220, 220, 220, 8964, 198, 220, 220, 220, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 705, 31098, 10619, 10354, 705, 28241, 14208, 13, 28243, 13, 1891, 2412, 13, 28241, 14208, 13, 35, 73, 14208, 12966, 17041, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 705, 34720, 50, 10354, 685, 4357, 198, 220, 220, 220, 220, 220, 220, 220, 705, 24805, 62, 34720, 50, 10354, 6407, 11, 198, 220, 220, 220, 220, 220, 220, 220, 705, 3185, 51, 11053, 10354, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 24442, 10354, 16959, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 22866, 62, 14681, 669, 10354, 4808, 10943, 32541, 62, 4805, 4503, 7597, 20673, 11, 198, 220, 220, 220, 220, 220, 220, 220, 1782, 198, 220, 220, 220, 8964, 198, 60, 198, 198, 15543, 5777, 2538, 62, 38948, 62, 7206, 38865, 796, 10352, 198, 15543, 5777, 2538, 62, 17887, 31949, 62, 7206, 38865, 796, 10352, 198, 15543, 5777, 2538, 62, 49302, 16437, 62, 7206, 38865, 796, 10352, 198, 15543, 5777, 2538, 62, 15675, 62, 10913, 2662, 62, 18564, 12709, 62, 11012, 796, 10352, 198, 15543, 5777, 2538, 62, 41983, 49, 14114, 796, 10352, 198, 15543, 5777, 2538, 62, 34, 2246, 13909, 62, 47, 31688, 10426, 796, 705, 9288, 32105, 198 ]
2.053254
1,352
"""This example showcase FastEstimator usage for tensorflow users. In this file, we use tf.dataset as data input. """ import numpy as np import tensorflow as tf from tensorflow.python.keras import Sequential, layers import fastestimator as fe from fastestimator.op.tensorop.loss import CrossEntropy from fastestimator.op.tensorop.model import ModelOp, UpdateOp from fastestimator.trace.metric import Accuracy if __name__ == "__main__": est = get_estimator() est.fit()
[ 37811, 1212, 1672, 21742, 12549, 22362, 320, 1352, 8748, 329, 11192, 273, 11125, 2985, 13, 554, 428, 2393, 11, 356, 779, 48700, 13, 19608, 292, 316, 355, 1366, 5128, 13, 198, 37811, 198, 11748, 299, 32152, 355, 45941, 198, 11748, 11192, 273, 11125, 355, 48700, 198, 6738, 11192, 273, 11125, 13, 29412, 13, 6122, 292, 1330, 24604, 1843, 11, 11685, 198, 198, 11748, 14162, 320, 1352, 355, 730, 198, 6738, 14162, 320, 1352, 13, 404, 13, 83, 22854, 404, 13, 22462, 1330, 6372, 14539, 28338, 198, 6738, 14162, 320, 1352, 13, 404, 13, 83, 22854, 404, 13, 19849, 1330, 9104, 18257, 11, 10133, 18257, 198, 6738, 14162, 320, 1352, 13, 40546, 13, 4164, 1173, 1330, 33222, 628, 628, 628, 198, 361, 11593, 3672, 834, 6624, 366, 834, 12417, 834, 1298, 198, 197, 395, 796, 651, 62, 395, 320, 1352, 3419, 198, 197, 395, 13, 11147, 3419 ]
3.260274
146
from tensorflow.keras.applications import InceptionV3 from tensorflow.keras.applications.imagenet_utils import preprocess_input, decode_predictions import numpy as np from tensorflow import keras from matplotlib import pyplot as plt from tensorflow.keras.preprocessing import image from tensorflow.keras import Input from skimage import transform as st import cv2 import tensorflow as tf images = np.load('dataset/LLD_icon_numpy/dataset1.npy') model = InceptionV3(include_top=True, weights='imagenet') start_index = 0 end_index = 2000 count = 0 while count<50: images_batch = images[start_index:end_index] image_list = [] for img in images_batch: img = cv2.resize(img, dsize=(299, 299), interpolation=cv2.INTER_CUBIC) image_list.append(img) images_list = np.array(image_list) predictions = model.predict(images_list) decoded_predictions = decode_predictions(predictions, top=3) decoded_predictions = np.array(decoded_predictions) np.save('predictions/decoded_predictions_'+str(count)+'.npy', decoded_predictions) start_index = start_index + 2000 end_index = end_index + 2000 count = count + 1
[ 6738, 11192, 273, 11125, 13, 6122, 292, 13, 1324, 677, 602, 1330, 554, 4516, 53, 18, 198, 6738, 11192, 273, 11125, 13, 6122, 292, 13, 1324, 677, 602, 13, 320, 11286, 316, 62, 26791, 1330, 662, 14681, 62, 15414, 11, 36899, 62, 28764, 9278, 198, 11748, 299, 32152, 355, 45941, 198, 6738, 11192, 273, 11125, 1330, 41927, 292, 198, 6738, 2603, 29487, 8019, 1330, 12972, 29487, 355, 458, 83, 198, 6738, 11192, 273, 11125, 13, 6122, 292, 13, 3866, 36948, 1330, 2939, 198, 6738, 11192, 273, 11125, 13, 6122, 292, 1330, 23412, 198, 6738, 1341, 9060, 1330, 6121, 355, 336, 198, 11748, 269, 85, 17, 198, 11748, 11192, 273, 11125, 355, 48700, 628, 198, 17566, 796, 45941, 13, 2220, 10786, 19608, 292, 316, 14, 3069, 35, 62, 4749, 62, 77, 32152, 14, 19608, 292, 316, 16, 13, 77, 9078, 11537, 198, 19849, 796, 554, 4516, 53, 18, 7, 17256, 62, 4852, 28, 17821, 11, 19590, 11639, 320, 11286, 316, 11537, 198, 198, 9688, 62, 9630, 796, 657, 198, 437, 62, 9630, 796, 4751, 198, 9127, 796, 657, 198, 198, 4514, 954, 27, 1120, 25, 198, 220, 220, 220, 4263, 62, 43501, 796, 4263, 58, 9688, 62, 9630, 25, 437, 62, 9630, 60, 198, 220, 220, 220, 2939, 62, 4868, 796, 17635, 198, 220, 220, 220, 329, 33705, 287, 4263, 62, 43501, 25, 198, 220, 220, 220, 220, 220, 220, 220, 33705, 796, 269, 85, 17, 13, 411, 1096, 7, 9600, 11, 288, 7857, 16193, 22579, 11, 31011, 828, 39555, 341, 28, 33967, 17, 13, 41358, 62, 34, 10526, 2149, 8, 198, 220, 220, 220, 220, 220, 220, 220, 2939, 62, 4868, 13, 33295, 7, 9600, 8, 628, 220, 220, 220, 4263, 62, 4868, 796, 45941, 13, 18747, 7, 9060, 62, 4868, 8, 628, 220, 220, 220, 16277, 796, 2746, 13, 79, 17407, 7, 17566, 62, 4868, 8, 628, 220, 220, 220, 875, 9043, 62, 28764, 9278, 796, 36899, 62, 28764, 9278, 7, 28764, 9278, 11, 1353, 28, 18, 8, 628, 220, 220, 220, 875, 9043, 62, 28764, 9278, 796, 45941, 13, 18747, 7, 12501, 9043, 62, 28764, 9278, 8, 198, 220, 220, 220, 220, 198, 220, 220, 220, 45941, 13, 21928, 10786, 28764, 9278, 14, 12501, 9043, 62, 28764, 9278, 62, 6, 10, 2536, 7, 9127, 47762, 4458, 77, 9078, 3256, 875, 9043, 62, 28764, 9278, 8, 198, 220, 220, 220, 923, 62, 9630, 796, 923, 62, 9630, 1343, 4751, 198, 220, 220, 220, 886, 62, 9630, 796, 886, 62, 9630, 1343, 4751, 198, 220, 220, 220, 954, 796, 954, 1343, 352, 628 ]
2.758865
423
import os import sys def get_project_path(): """ Return the path to the project root folder :return: The path to the project root folder """ return os.path.dirname(os.path.dirname(__file__)) def set_web_app_secret(): """ Replace the secret key in the web application Python source file """ file = os.path.join(get_project_path(), "data", ".env") with open(file, mode="wt", encoding="utf-8") as f: f.writelines([ f"SECRET_KEY={os.urandom(32).hex()}\n" ]) if __name__ == "__main__": try: set_web_app_secret() sys.exit(0) except BaseException as e: print(f"Error: {e}") sys.exit(1)
[ 11748, 28686, 198, 11748, 25064, 628, 198, 4299, 651, 62, 16302, 62, 6978, 33529, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 8229, 262, 3108, 284, 262, 1628, 6808, 9483, 628, 220, 220, 220, 1058, 7783, 25, 383, 3108, 284, 262, 1628, 6808, 9483, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 1441, 28686, 13, 6978, 13, 15908, 3672, 7, 418, 13, 6978, 13, 15908, 3672, 7, 834, 7753, 834, 4008, 628, 198, 4299, 900, 62, 12384, 62, 1324, 62, 21078, 33529, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 40177, 262, 3200, 1994, 287, 262, 3992, 3586, 11361, 2723, 2393, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 2393, 796, 28686, 13, 6978, 13, 22179, 7, 1136, 62, 16302, 62, 6978, 22784, 366, 7890, 1600, 27071, 24330, 4943, 198, 220, 220, 220, 351, 1280, 7, 7753, 11, 4235, 2625, 46569, 1600, 21004, 2625, 40477, 12, 23, 4943, 355, 277, 25, 198, 220, 220, 220, 220, 220, 220, 220, 277, 13, 8933, 20655, 26933, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 277, 1, 23683, 26087, 62, 20373, 34758, 418, 13, 333, 3749, 7, 2624, 737, 33095, 3419, 32239, 77, 1, 198, 220, 220, 220, 220, 220, 220, 220, 33761, 628, 198, 361, 11593, 3672, 834, 6624, 366, 834, 12417, 834, 1298, 198, 220, 220, 220, 1949, 25, 198, 220, 220, 220, 220, 220, 220, 220, 900, 62, 12384, 62, 1324, 62, 21078, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 25064, 13, 37023, 7, 15, 8, 628, 220, 220, 220, 2845, 7308, 16922, 355, 304, 25, 198, 220, 220, 220, 220, 220, 220, 220, 3601, 7, 69, 1, 12331, 25, 1391, 68, 92, 4943, 198, 220, 220, 220, 220, 220, 220, 220, 25064, 13, 37023, 7, 16, 8, 198 ]
2.324415
299
# -*- coding: utf-8 -*- from resources.lib import kodiutils from resources.lib import kodilogging from resources.lib.messenger.socketclient import SockClient as SocketClient import logging import time import xbmc import xbmcaddon from resources.lib.actions import execute ADDON = xbmcaddon.Addon() logger = logging.getLogger(ADDON.getAddonInfo('id'))
[ 2, 532, 9, 12, 19617, 25, 3384, 69, 12, 23, 532, 9, 12, 201, 198, 201, 198, 6738, 4133, 13, 8019, 1330, 479, 23130, 26791, 201, 198, 6738, 4133, 13, 8019, 1330, 479, 375, 346, 30853, 201, 198, 6738, 4133, 13, 8019, 13, 37348, 6540, 13, 44971, 16366, 1330, 311, 735, 11792, 355, 47068, 11792, 201, 198, 11748, 18931, 201, 198, 11748, 640, 201, 198, 11748, 2124, 20475, 66, 201, 198, 11748, 2124, 20475, 66, 48078, 201, 198, 6738, 4133, 13, 8019, 13, 4658, 1330, 12260, 201, 198, 201, 198, 201, 198, 201, 198, 29266, 1340, 796, 2124, 20475, 66, 48078, 13, 4550, 261, 3419, 201, 198, 6404, 1362, 796, 18931, 13, 1136, 11187, 1362, 7, 29266, 1340, 13, 1136, 4550, 261, 12360, 10786, 312, 6, 4008, 201, 198, 201, 198, 201, 198, 201, 198, 201, 198, 201, 198 ]
2.733813
139
import random from inventory import Inventory from skill import Skill from utility import Utility # POKEMING - GON'NA CATCH 'EM ALL # -- A simple hack 'n slash game in console # -- This class is handles all player related things # Default Constructor # This prints the player's current stats # This allows the player to attack an enemy # <enemy> Enemy Object - The enemy to be attacked # This function check if there is enough mana to cast the spell # <mana_cost> Integer - The mana cost to cast the spell # return boolean # The function that allows the player to level up and gain some improvements # This allows the player to take damage from an attack # <value> Integer - The damage that the player will take # This checks if the player is dead or not # return boolean # This allows the player to gain experience points and some coins after killing an enemy # <enemy> Enemy Object - The enemy that was killed # This allows the player to reflenish its mana in exchange with in-game coins
[ 11748, 4738, 201, 198, 6738, 13184, 1330, 35772, 201, 198, 6738, 5032, 1330, 16023, 201, 198, 6738, 10361, 1330, 34030, 201, 198, 201, 198, 2, 350, 11380, 3620, 2751, 532, 402, 1340, 6, 4535, 327, 11417, 705, 3620, 11096, 201, 198, 2, 1377, 317, 2829, 8156, 705, 77, 24632, 983, 287, 8624, 201, 198, 2, 1377, 770, 1398, 318, 17105, 477, 2137, 3519, 1243, 201, 198, 220, 220, 220, 1303, 15161, 28407, 273, 201, 198, 201, 198, 220, 220, 220, 1303, 770, 20842, 262, 2137, 338, 1459, 9756, 201, 198, 201, 198, 220, 220, 220, 1303, 770, 3578, 262, 2137, 284, 1368, 281, 4472, 201, 198, 220, 220, 220, 1303, 1279, 46970, 29, 21785, 9515, 532, 383, 4472, 284, 307, 7384, 201, 198, 201, 198, 220, 220, 220, 1303, 770, 2163, 2198, 611, 612, 318, 1576, 13149, 284, 3350, 262, 4822, 201, 198, 220, 220, 220, 1303, 1279, 805, 64, 62, 15805, 29, 34142, 532, 383, 13149, 1575, 284, 3350, 262, 4822, 201, 198, 220, 220, 220, 1303, 1441, 25131, 201, 198, 201, 198, 220, 220, 220, 1303, 383, 2163, 326, 3578, 262, 2137, 284, 1241, 510, 290, 4461, 617, 8561, 201, 198, 201, 198, 220, 220, 220, 1303, 770, 3578, 262, 2137, 284, 1011, 2465, 422, 281, 1368, 201, 198, 220, 220, 220, 1303, 1279, 8367, 29, 34142, 532, 383, 2465, 326, 262, 2137, 481, 1011, 201, 198, 201, 198, 220, 220, 220, 1303, 770, 8794, 611, 262, 2137, 318, 2636, 393, 407, 201, 198, 220, 220, 220, 1303, 1441, 25131, 201, 198, 201, 198, 220, 220, 220, 1303, 770, 3578, 262, 2137, 284, 4461, 1998, 2173, 290, 617, 10796, 706, 5170, 281, 4472, 201, 198, 220, 220, 220, 1303, 1279, 46970, 29, 21785, 9515, 532, 383, 4472, 326, 373, 2923, 201, 198, 201, 198, 220, 220, 220, 1303, 770, 3578, 262, 2137, 284, 1006, 11925, 680, 663, 13149, 287, 5163, 351, 287, 12, 6057, 10796, 201 ]
3.424528
318
import time import grpc import threading from crawl_service import crawl_service_pb2 from crawl_service import crawl_service_pb2_grpc if __name__ == '__main__': start_new_thread(f, 'codeforces', 'ConanYu') start_new_thread(f, 'codeforces', 'ConanYu') start_new_thread(f, 'codeforces', 'ConanYu') start_new_thread(f, 'codeforces', '????????') start_new_thread(g, 'vjudge', 'ConanYu') start_new_thread(f, 'atcoder', 'ConanYu') start_new_thread(g, 'codeforces', 'ConanYu') start_new_thread(h, 'nowcoder') start_new_thread(h, 'leetcode') start_new_thread(h, 'atcoder') start_new_thread(h, 'codeforces') time.sleep(5.0)
[ 11748, 640, 198, 11748, 1036, 14751, 198, 11748, 4704, 278, 198, 6738, 27318, 62, 15271, 1330, 27318, 62, 15271, 62, 40842, 17, 198, 6738, 27318, 62, 15271, 1330, 27318, 62, 15271, 62, 40842, 17, 62, 2164, 14751, 628, 628, 628, 198, 361, 11593, 3672, 834, 6624, 705, 834, 12417, 834, 10354, 198, 220, 220, 220, 923, 62, 3605, 62, 16663, 7, 69, 11, 705, 19815, 891, 273, 728, 3256, 705, 3103, 272, 40728, 11537, 198, 220, 220, 220, 923, 62, 3605, 62, 16663, 7, 69, 11, 705, 19815, 891, 273, 728, 3256, 705, 3103, 272, 40728, 11537, 198, 220, 220, 220, 923, 62, 3605, 62, 16663, 7, 69, 11, 705, 19815, 891, 273, 728, 3256, 705, 3103, 272, 40728, 11537, 198, 220, 220, 220, 923, 62, 3605, 62, 16663, 7, 69, 11, 705, 19815, 891, 273, 728, 3256, 705, 35709, 11537, 198, 220, 220, 220, 923, 62, 3605, 62, 16663, 7, 70, 11, 705, 85, 10456, 469, 3256, 705, 3103, 272, 40728, 11537, 198, 220, 220, 220, 923, 62, 3605, 62, 16663, 7, 69, 11, 705, 265, 66, 12342, 3256, 705, 3103, 272, 40728, 11537, 198, 220, 220, 220, 923, 62, 3605, 62, 16663, 7, 70, 11, 705, 19815, 891, 273, 728, 3256, 705, 3103, 272, 40728, 11537, 198, 220, 220, 220, 923, 62, 3605, 62, 16663, 7, 71, 11, 705, 2197, 66, 12342, 11537, 198, 220, 220, 220, 923, 62, 3605, 62, 16663, 7, 71, 11, 705, 293, 316, 8189, 11537, 198, 220, 220, 220, 923, 62, 3605, 62, 16663, 7, 71, 11, 705, 265, 66, 12342, 11537, 198, 220, 220, 220, 923, 62, 3605, 62, 16663, 7, 71, 11, 705, 19815, 891, 273, 728, 11537, 198, 220, 220, 220, 640, 13, 42832, 7, 20, 13, 15, 8, 198 ]
2.306897
290
from ..core import BlockParser base_rules = [ (lambda x: ":GAP (global)" in x, _parse_bandgap) ] class Scf2Parser(BlockParser): """Parser for Wien2k's .scf2 file"""
[ 6738, 11485, 7295, 1330, 9726, 46677, 628, 198, 198, 8692, 62, 38785, 796, 685, 198, 220, 220, 220, 357, 50033, 2124, 25, 366, 25, 38, 2969, 357, 20541, 16725, 287, 2124, 11, 4808, 29572, 62, 3903, 43554, 8, 198, 60, 628, 198, 4871, 1446, 69, 17, 46677, 7, 12235, 46677, 2599, 198, 220, 220, 220, 37227, 46677, 329, 370, 2013, 17, 74, 338, 764, 1416, 69, 17, 2393, 37811, 198 ]
2.542857
70
# -*- coding: utf-8 -*- """Top-level package for pdtimeout.""" __author__ = """Hugo Perrier""" __email__ = '[email protected]' __version__ = '0.1.0'
[ 2, 532, 9, 12, 19617, 25, 3384, 69, 12, 23, 532, 9, 12, 198, 198, 37811, 9126, 12, 5715, 5301, 329, 279, 67, 48678, 526, 15931, 198, 198, 834, 9800, 834, 796, 37227, 48098, 78, 2448, 5277, 37811, 198, 834, 12888, 834, 796, 705, 71, 525, 5277, 31, 40972, 41935, 13, 785, 6, 198, 834, 9641, 834, 796, 705, 15, 13, 16, 13, 15, 6, 198 ]
2.378788
66
# coding:utf-8 import time from urllib import parse import logging from .SQLMap import SQLMap, CONTENT_STATUS, CONTENT_TYPE DEFAULT_LEVEL = 1
[ 2, 19617, 25, 40477, 12, 23, 198, 198, 11748, 640, 198, 6738, 2956, 297, 571, 1330, 21136, 198, 11748, 18931, 198, 198, 6738, 764, 17861, 13912, 1330, 16363, 13912, 11, 22904, 3525, 62, 35744, 2937, 11, 22904, 3525, 62, 25216, 198, 198, 7206, 38865, 62, 2538, 18697, 796, 352, 628 ]
2.92
50
import torch from models.layers import Embedding, Linear, FactorizationMachine class HOFMModel(torch.nn.Module): """ Model: Higher-Order Factorization Machines Ref: M Blondel, et al. Higher-Order Factorization Machines, 2016. """ def forward(self, x): """ :param x: {'ids': LongTensor B*F, 'vals': FloatTensor B*F} :return: y of size B, Regression and Classification (+sigmoid) """ x_emb = self.embedding(x) # B*F*Ex(order-1) y = self.linear(x) + self.fm(x_emb[:, :, :self.nemb]) # B for i in range(self.order-2): emb = x_emb[:, :, (i+1)*self.nemb: (i+2)*self.nemb] # B*F*E y += self.kernels[i](emb) # B return y
[ 11748, 28034, 198, 6738, 4981, 13, 75, 6962, 1330, 13302, 6048, 278, 11, 44800, 11, 27929, 1634, 37573, 198, 198, 4871, 367, 19238, 44, 17633, 7, 13165, 354, 13, 20471, 13, 26796, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 9104, 25, 220, 16038, 12, 18743, 27929, 1634, 31182, 198, 220, 220, 220, 6524, 25, 220, 220, 220, 337, 1086, 623, 417, 11, 2123, 435, 13, 16038, 12, 18743, 27929, 1634, 31182, 11, 1584, 13, 198, 220, 220, 220, 37227, 628, 220, 220, 220, 825, 2651, 7, 944, 11, 2124, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 2124, 25, 220, 220, 1391, 6, 2340, 10354, 5882, 51, 22854, 347, 9, 37, 11, 705, 12786, 10354, 48436, 51, 22854, 347, 9, 37, 92, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 7783, 25, 220, 220, 220, 331, 286, 2546, 347, 11, 3310, 2234, 290, 40984, 11502, 82, 17225, 1868, 8, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 2124, 62, 24419, 796, 2116, 13, 20521, 12083, 7, 87, 8, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 347, 9, 37, 9, 3109, 7, 2875, 12, 16, 8, 198, 220, 220, 220, 220, 220, 220, 220, 331, 796, 2116, 13, 29127, 7, 87, 8, 1343, 2116, 13, 38353, 7, 87, 62, 24419, 58, 45299, 1058, 11, 1058, 944, 13, 77, 24419, 12962, 220, 220, 1303, 347, 198, 220, 220, 220, 220, 220, 220, 220, 329, 1312, 287, 2837, 7, 944, 13, 2875, 12, 17, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4072, 796, 2124, 62, 24419, 58, 45299, 1058, 11, 357, 72, 10, 16, 27493, 944, 13, 77, 24419, 25, 357, 72, 10, 17, 27493, 944, 13, 77, 24419, 60, 1303, 347, 9, 37, 9, 36, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 331, 15853, 2116, 13, 74, 44930, 58, 72, 16151, 24419, 8, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 347, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 331 ]
1.977444
399
for _ in range(int(input())): n=int(input()) L=[2**(i+1) for i in range(n)] #I want an extra 1 @l[0] to make it less w=[0,0] L=[2**(i+1) for i in range(n)] L[n//2 -1],L[-1]=L[-1],L[n//2 -1] for i in range(n): if i<(n//2): w[0]+=L[i] else: w[1]+=L[i] print(w[0]-w[1]) #Algorithm is based on following idea of rearranging ''' print(l) for i in range(0,n//2-1): l[i],l[i+(n//2)]=l[i+(n//2)],l[i] print(l) print(l) '''
[ 1640, 4808, 220, 287, 2837, 7, 600, 7, 15414, 28955, 2599, 201, 198, 220, 220, 220, 299, 28, 600, 7, 15414, 28955, 201, 198, 220, 220, 220, 406, 41888, 17, 1174, 7, 72, 10, 16, 8, 329, 1312, 287, 2837, 7, 77, 15437, 1303, 40, 765, 281, 3131, 352, 2488, 75, 58, 15, 60, 284, 787, 340, 1342, 201, 198, 220, 220, 220, 266, 41888, 15, 11, 15, 60, 201, 198, 220, 220, 220, 406, 41888, 17, 1174, 7, 72, 10, 16, 8, 329, 1312, 287, 2837, 7, 77, 15437, 201, 198, 220, 220, 220, 406, 58, 77, 1003, 17, 532, 16, 4357, 43, 58, 12, 16, 22241, 43, 58, 12, 16, 4357, 43, 58, 77, 1003, 17, 532, 16, 60, 201, 198, 220, 220, 220, 329, 1312, 287, 2837, 7, 77, 2599, 201, 198, 220, 220, 220, 220, 220, 220, 220, 611, 1312, 27, 7, 77, 1003, 17, 2599, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 266, 58, 15, 60, 47932, 43, 58, 72, 60, 201, 198, 220, 220, 220, 220, 220, 220, 220, 2073, 25, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 266, 58, 16, 60, 47932, 43, 58, 72, 60, 201, 198, 220, 220, 220, 3601, 7, 86, 58, 15, 45297, 86, 58, 16, 12962, 201, 198, 220, 220, 220, 1303, 2348, 42289, 318, 1912, 319, 1708, 2126, 286, 37825, 4924, 201, 198, 220, 220, 220, 705, 7061, 201, 198, 220, 220, 220, 3601, 7, 75, 8, 201, 198, 220, 220, 220, 329, 1312, 287, 2837, 7, 15, 11, 77, 1003, 17, 12, 16, 2599, 201, 198, 220, 220, 220, 220, 220, 220, 220, 300, 58, 72, 4357, 75, 58, 72, 33747, 77, 1003, 17, 15437, 28, 75, 58, 72, 33747, 77, 1003, 17, 8, 4357, 75, 58, 72, 60, 201, 198, 220, 220, 220, 220, 220, 220, 220, 3601, 7, 75, 8, 201, 198, 220, 220, 220, 3601, 7, 75, 8, 201, 198, 220, 220, 220, 705, 7061, 201, 198 ]
1.619048
336
import esprima import glob import os from copy import deepcopy
[ 11748, 1658, 1050, 8083, 198, 11748, 15095, 198, 11748, 28686, 198, 6738, 4866, 1330, 2769, 30073, 628 ]
3.764706
17
from arekit.common.folding.base import BaseDataFolding class NoFolding(BaseDataFolding): """ The case of absent folding in experiment. """ @property def get_current_state(self): """ Returns in order to be compatible with cv-based experiment format. """ return "0"
[ 6738, 389, 15813, 13, 11321, 13, 11379, 278, 13, 8692, 1330, 7308, 6601, 37, 33266, 628, 198, 4871, 1400, 37, 33266, 7, 14881, 6601, 37, 33266, 2599, 198, 220, 220, 220, 37227, 383, 1339, 286, 13717, 29909, 287, 6306, 13, 198, 220, 220, 220, 37227, 628, 220, 220, 220, 2488, 26745, 628, 220, 220, 220, 825, 651, 62, 14421, 62, 5219, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 16409, 287, 1502, 284, 307, 11670, 351, 269, 85, 12, 3106, 6306, 5794, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 366, 15, 1, 198 ]
2.825688
109
import tornado.web from pushpy_examples.client.ex_push_manager import ExamplePushManager from client.simple_interpreter import Interpreter, Adder, Multiplier m = ExamplePushManager() m.connect() repl_code_store = m.repl_code_store() repl_code_store.update({ "interpreter.Interpreter": Interpreter, "interpreter.math.Adder": Adder, "interpreter.math.Multiplier": Multiplier }, sync=True) # curl -X POST -d'["add", "add", 1, 2, "mul", 3, 4]' -H 'Content-Type: application/json' localhost:11000/math repl_code_store.set("/web/math", MathHandler, sync=True)
[ 11748, 33718, 13, 12384, 198, 198, 6738, 4574, 9078, 62, 1069, 12629, 13, 16366, 13, 1069, 62, 14689, 62, 37153, 1330, 17934, 49222, 13511, 198, 6738, 5456, 13, 36439, 62, 3849, 3866, 353, 1330, 4225, 3866, 353, 11, 1215, 1082, 11, 15237, 489, 959, 198, 198, 76, 796, 17934, 49222, 13511, 3419, 198, 76, 13, 8443, 3419, 198, 198, 35666, 62, 8189, 62, 8095, 796, 285, 13, 35666, 62, 8189, 62, 8095, 3419, 198, 198, 35666, 62, 8189, 62, 8095, 13, 19119, 15090, 198, 220, 220, 220, 366, 3849, 3866, 353, 13, 9492, 3866, 353, 1298, 4225, 3866, 353, 11, 198, 220, 220, 220, 366, 3849, 3866, 353, 13, 11018, 13, 2782, 1082, 1298, 1215, 1082, 11, 198, 220, 220, 220, 366, 3849, 3866, 353, 13, 11018, 13, 15205, 24705, 959, 1298, 15237, 489, 959, 198, 5512, 17510, 28, 17821, 8, 628, 198, 2, 29249, 532, 55, 24582, 532, 67, 6, 14692, 2860, 1600, 366, 2860, 1600, 352, 11, 362, 11, 366, 76, 377, 1600, 513, 11, 604, 49946, 532, 39, 705, 19746, 12, 6030, 25, 3586, 14, 17752, 6, 1957, 4774, 25, 1157, 830, 14, 11018, 628, 198, 35666, 62, 8189, 62, 8095, 13, 2617, 7203, 14, 12384, 14, 11018, 1600, 16320, 25060, 11, 17510, 28, 17821, 8, 198 ]
2.733333
210
import json import logger import os import random from datetime import date from dotenv import load_dotenv from sys import exit import discord from discord.ext import commands, tasks from discord.utils import get log = logger.setup_applevel_logger(file_name = 'app_debug.log') load_dotenv() TOKEN = os.getenv('DISCORD_TOKEN') GUILD = os.getenv('DISCORD_GUILD') CHANNEL = os.getenv('SCHEDULER_CHANNEL') CAPTAINS = os.getenv('CAPTAINS') with open('POLL_OPTIONS', 'r') as f: POLL_OPTIONS = eval(f.read()) RIDES = list(POLL_OPTIONS.values()) SCHEDULE = dict((ride, []) for ride in RIDES) CAPTAINS_PER_RIDE = zip(RIDES, [1, 1, 2, 1, 1]) SCHEDULER_MSG = "@channel I'm a level 1 naive scheduling bot, and I make mistakes. " +\ "<@!766548029116907570> will help me fix it.\n" # Instantiate bot bot = commands.Bot(command_prefix='!') async def manage_schedule(channel, msg_id): """Read reactions on last poll message """ log.debug('Running {}.'.format(manage_schedule.__name__)) await bot.wait_until_ready() try: msg = await channel.fetch_message(msg_id) except discord.errors.NotFound: log.error("Discord error: Message ID {} not found.".format(msg_id)) await bot.close() exit() log.debug("Got message with ID {}".format(msg_id)) reactions = msg.reactions log.debug('Calling {} on channel.'.format(read_reactions.__name__)) avail = await read_reactions(reactions) for ride, n_cap in CAPTAINS_PER_RIDE: log.debug('Calling {} on channel for {}.'. format(create_ride_schedule.__name__, ride)) captains = await create_ride_schedule(ride, n_cap, avail) SCHEDULE[ride] = captains log.debug('Calling {}.'.format(update_logs.__name__)) update_logs() log.debug('Calling {} on channel.'.format(post_schedule.__name__)) await post_schedule(channel) async def read_reactions(reactions): """Read reactions from scheduler poll """ log.debug('Running {}.'.format(read_reactions.__name__)) await bot.wait_until_ready() log.debug('Getting availability from poll.') emojis = list(POLL_OPTIONS.keys()) avail = dict((ride, []) for ride in RIDES) for reaction in reactions: ride_index = '' try: ride_index = emojis.index(reaction.emoji) except ValueError: log.error("Invalid reaction found: " + reaction.emoji) continue users = await reaction.users().flatten() for user in users: if not user.bot: avail[RIDES[ride_index]].append(user) log.debug('Availability is: {}'.format( "\n".join(f'{k}: {users_to_names(v)}' for k,v in avail.items()) )) return avail async def create_ride_schedule(ride, n_cap, avail): """Create road captain schedule """ log.debug('Running {}.'.format(create_ride_schedule.__name__)) await bot.wait_until_ready() log.debug('Choosing road captains for {}'.format(ride)) captains = [] # choose randomly for now for i in range(n_cap): #captain = prioritise_absence(ride, avail) try: captain = random.choice(avail[ride]) except IndexError: captain = None captains.append(captain) # don't pick same captain twice for one ride if captain in avail[ride]: avail[ride].remove(captain) for s in avail.keys(): if captain in avail[s] and len(avail[s]) > 2: log.debug('Scheduled {} on {}. Removing them from {}'. format(captain.display_name, ride, s)) avail[s].remove(captain) log.debug( "Road captains for {} are {}".format(ride, users_to_names(captains)) ) return captains def prioritise_absence(ride, avail): """Prioritise captains that have been absent longer than others """ log.debug('Running {}.'.format(prioritise_absence.__name__)) with open('schedule') as f: schedule = [json.loads(line) for line in f] print(schedule) exit() return None def update_logs(): """Update log files. """ log.debug('Running {}.'.format(update_logs.__name__)) # log schedule to file log.debug('Saving schedule to log.') printable_schedule = SCHEDULE.copy() for ride in printable_schedule: printable_schedule[ride] = users_to_names(printable_schedule[ride]) printable_schedule['date'] = str(date.today()) json_schedule = json.dumps(printable_schedule) with open("schedule", 'a') as f: f.write('\n' + json_schedule) log.debug(json_schedule) async def post_schedule(channel): """Post schedule to channel. """ log.debug('Running {}.'.format(create_ride_schedule.__name__)) await bot.wait_until_ready() msg = SCHEDULER_MSG + "\nRoad captains for this week are" schedule_post = SCHEDULE.copy() for ride in schedule_post: schedule_post[ride] = users_to_tags(schedule_post[ride]) for k, v in schedule_post.items(): msg += f"\n\n**{k}**\n" +\ "\n".join(f'{c}' for c in v) log.debug('Send message to channel: \n{}'.format(msg)) m = await channel.send(msg) def users_to_names(users): """Convert a list of Users to a list of user names (str). """ return [u.display_name if u is not None else '' for u in users] def users_to_tags(users): """Convert a list of Users to a list of tags (str). """ return ["<@!{}>".format(u.id) if u is not None else '' for u in users] def user_to_tag(user): """Convert a list of Users to a list of tags (str). """ return "<@!{}>".format(user.id) if user is not None else '' @bot.event async def on_ready(): """Set up variables and logging """ log.debug('Running {}'.format(on_ready.__name__)) await bot.wait_until_ready() log.debug('Logged in as {}'.format(bot.user.name)) channel = bot.get_channel(int(CHANNEL)) log.debug('Channel is {}'.format(channel)) with open("MESSAGE_ID", 'r') as f: msg_id = int(f.readline()) log.debug('Read poll message with ID {}.'.format(msg_id)) log.debug('Calling {} on channel.'.format(manage_schedule.__name__)) await manage_schedule(channel, msg_id) log.debug('Shutdown poll bot.') await bot.close() log.debug('Starting scheduler bot.') bot.run(TOKEN)
[ 11748, 33918, 198, 11748, 49706, 198, 11748, 28686, 198, 11748, 4738, 198, 198, 6738, 4818, 8079, 1330, 3128, 198, 6738, 16605, 24330, 1330, 3440, 62, 26518, 24330, 198, 6738, 25064, 1330, 8420, 198, 198, 11748, 36446, 198, 6738, 36446, 13, 2302, 1330, 9729, 11, 8861, 198, 6738, 36446, 13, 26791, 1330, 651, 628, 198, 6404, 796, 49706, 13, 40406, 62, 1324, 5715, 62, 6404, 1362, 7, 7753, 62, 3672, 796, 705, 1324, 62, 24442, 13, 6404, 11537, 628, 198, 2220, 62, 26518, 24330, 3419, 198, 10468, 43959, 796, 28686, 13, 1136, 24330, 10786, 26288, 34, 12532, 62, 10468, 43959, 11537, 198, 38022, 26761, 796, 28686, 13, 1136, 24330, 10786, 26288, 34, 12532, 62, 38022, 26761, 11537, 198, 3398, 22846, 3698, 796, 28686, 13, 1136, 24330, 10786, 50, 3398, 1961, 6239, 1137, 62, 3398, 22846, 3698, 11537, 198, 33177, 5603, 20913, 796, 28686, 13, 1136, 24330, 10786, 33177, 5603, 20913, 11537, 198, 198, 4480, 1280, 10786, 16402, 3069, 62, 3185, 51, 11053, 3256, 705, 81, 11537, 355, 277, 25, 198, 220, 220, 220, 19922, 3069, 62, 3185, 51, 11053, 796, 5418, 7, 69, 13, 961, 28955, 198, 198, 49, 42538, 796, 1351, 7, 16402, 3069, 62, 3185, 51, 11053, 13, 27160, 28955, 198, 50, 3398, 1961, 24212, 796, 8633, 19510, 13154, 11, 685, 12962, 329, 6594, 287, 371, 42538, 8, 198, 33177, 5603, 20913, 62, 18973, 62, 49, 14114, 796, 19974, 7, 49, 42538, 11, 685, 16, 11, 352, 11, 362, 11, 352, 11, 352, 12962, 198, 198, 50, 3398, 1961, 6239, 1137, 62, 5653, 38, 796, 44212, 17620, 314, 1101, 257, 1241, 352, 24354, 26925, 10214, 11, 290, 314, 787, 10135, 13, 366, 1343, 59, 198, 220, 220, 220, 33490, 31, 0, 22, 2791, 4051, 1795, 1959, 1157, 35844, 2425, 2154, 29, 481, 1037, 502, 4259, 340, 13, 59, 77, 1, 198, 198, 2, 24470, 9386, 10214, 198, 13645, 796, 9729, 13, 20630, 7, 21812, 62, 40290, 11639, 0, 11537, 198, 198, 292, 13361, 825, 6687, 62, 15952, 5950, 7, 17620, 11, 31456, 62, 312, 2599, 198, 220, 220, 220, 37227, 5569, 12737, 319, 938, 3278, 3275, 220, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 2604, 13, 24442, 10786, 28768, 23884, 2637, 13, 18982, 7, 805, 496, 62, 15952, 5950, 13, 834, 3672, 834, 4008, 198, 220, 220, 220, 25507, 10214, 13, 17077, 62, 28446, 62, 1493, 3419, 628, 220, 220, 220, 1949, 25, 198, 220, 220, 220, 220, 220, 220, 220, 31456, 796, 25507, 6518, 13, 69, 7569, 62, 20500, 7, 19662, 62, 312, 8, 198, 220, 220, 220, 2845, 36446, 13, 48277, 13, 3673, 21077, 25, 198, 220, 220, 220, 220, 220, 220, 220, 2604, 13, 18224, 7203, 15642, 585, 4049, 25, 16000, 4522, 23884, 407, 1043, 526, 13, 18982, 7, 19662, 62, 312, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 25507, 10214, 13, 19836, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 8420, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 2604, 13, 24442, 7203, 30074, 3275, 351, 4522, 23884, 1911, 18982, 7, 19662, 62, 312, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 12737, 796, 31456, 13, 260, 4658, 628, 220, 220, 220, 2604, 13, 24442, 10786, 48593, 23884, 319, 6518, 2637, 13, 18982, 7, 961, 62, 260, 4658, 13, 834, 3672, 834, 4008, 198, 220, 220, 220, 29107, 796, 25507, 1100, 62, 260, 4658, 7, 260, 4658, 8, 628, 220, 220, 220, 329, 6594, 11, 299, 62, 11128, 287, 20176, 5603, 20913, 62, 18973, 62, 49, 14114, 25, 198, 220, 220, 220, 220, 220, 220, 220, 2604, 13, 24442, 10786, 48593, 23884, 319, 6518, 329, 23884, 2637, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5794, 7, 17953, 62, 13154, 62, 15952, 5950, 13, 834, 3672, 834, 11, 6594, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 37551, 796, 25507, 2251, 62, 13154, 62, 15952, 5950, 7, 13154, 11, 299, 62, 11128, 11, 29107, 8, 198, 220, 220, 220, 220, 220, 220, 220, 22374, 1961, 24212, 58, 13154, 60, 796, 37551, 628, 198, 220, 220, 220, 2604, 13, 24442, 10786, 48593, 23884, 2637, 13, 18982, 7, 19119, 62, 6404, 82, 13, 834, 3672, 834, 4008, 198, 220, 220, 220, 4296, 62, 6404, 82, 3419, 628, 220, 220, 220, 2604, 13, 24442, 10786, 48593, 23884, 319, 6518, 2637, 13, 18982, 7, 7353, 62, 15952, 5950, 13, 834, 3672, 834, 4008, 198, 220, 220, 220, 25507, 1281, 62, 15952, 5950, 7, 17620, 8, 628, 198, 292, 13361, 825, 1100, 62, 260, 4658, 7, 260, 4658, 2599, 198, 220, 220, 220, 37227, 5569, 12737, 422, 6038, 18173, 3278, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 2604, 13, 24442, 10786, 28768, 23884, 2637, 13, 18982, 7, 961, 62, 260, 4658, 13, 834, 3672, 834, 4008, 198, 220, 220, 220, 25507, 10214, 13, 17077, 62, 28446, 62, 1493, 3419, 628, 220, 220, 220, 2604, 13, 24442, 10786, 20570, 11500, 422, 3278, 2637, 8, 198, 220, 220, 220, 795, 13210, 271, 796, 1351, 7, 16402, 3069, 62, 3185, 51, 11053, 13, 13083, 28955, 198, 220, 220, 220, 29107, 796, 8633, 19510, 13154, 11, 685, 12962, 329, 6594, 287, 371, 42538, 8, 198, 220, 220, 220, 329, 6317, 287, 12737, 25, 198, 220, 220, 220, 220, 220, 220, 220, 6594, 62, 9630, 796, 10148, 198, 220, 220, 220, 220, 220, 220, 220, 1949, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6594, 62, 9630, 796, 795, 13210, 271, 13, 9630, 7, 260, 2673, 13, 368, 31370, 8, 198, 220, 220, 220, 220, 220, 220, 220, 2845, 11052, 12331, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2604, 13, 18224, 7203, 44651, 6317, 1043, 25, 366, 1343, 6317, 13, 368, 31370, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2555, 628, 220, 220, 220, 220, 220, 220, 220, 2985, 796, 25507, 6317, 13, 18417, 22446, 2704, 41769, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 329, 2836, 287, 2985, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 407, 2836, 13, 13645, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 29107, 58, 49, 42538, 58, 13154, 62, 9630, 60, 4083, 33295, 7, 7220, 8, 198, 220, 220, 220, 220, 198, 220, 220, 220, 2604, 13, 24442, 10786, 29841, 318, 25, 23884, 4458, 18982, 7, 198, 220, 220, 220, 220, 220, 220, 220, 37082, 77, 1911, 22179, 7, 69, 6, 90, 74, 38362, 1391, 18417, 62, 1462, 62, 14933, 7, 85, 38165, 6, 329, 479, 11, 85, 287, 29107, 13, 23814, 28955, 198, 220, 220, 220, 15306, 198, 220, 220, 220, 1441, 29107, 628, 198, 292, 13361, 825, 2251, 62, 13154, 62, 15952, 5950, 7, 13154, 11, 299, 62, 11128, 11, 29107, 2599, 198, 220, 220, 220, 37227, 16447, 2975, 10654, 7269, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 2604, 13, 24442, 10786, 28768, 23884, 2637, 13, 18982, 7, 17953, 62, 13154, 62, 15952, 5950, 13, 834, 3672, 834, 4008, 198, 220, 220, 220, 25507, 10214, 13, 17077, 62, 28446, 62, 1493, 3419, 628, 220, 220, 220, 2604, 13, 24442, 10786, 22164, 2752, 2975, 37551, 329, 23884, 4458, 18982, 7, 13154, 4008, 198, 220, 220, 220, 37551, 796, 17635, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1303, 3853, 15456, 329, 783, 198, 220, 220, 220, 329, 1312, 287, 2837, 7, 77, 62, 11128, 2599, 628, 220, 220, 220, 220, 220, 220, 220, 1303, 27144, 391, 796, 19086, 786, 62, 8937, 594, 7, 13154, 11, 29107, 8, 628, 220, 220, 220, 220, 220, 220, 220, 1949, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 10654, 796, 4738, 13, 25541, 7, 615, 603, 58, 13154, 12962, 198, 220, 220, 220, 220, 220, 220, 220, 2845, 12901, 12331, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 10654, 796, 6045, 628, 220, 220, 220, 220, 220, 220, 220, 37551, 13, 33295, 7, 27144, 391, 8, 628, 220, 220, 220, 220, 220, 220, 220, 1303, 836, 470, 2298, 976, 10654, 5403, 329, 530, 6594, 198, 220, 220, 220, 220, 220, 220, 220, 611, 10654, 287, 29107, 58, 13154, 5974, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 29107, 58, 13154, 4083, 28956, 7, 27144, 391, 8, 628, 220, 220, 220, 220, 220, 220, 220, 329, 264, 287, 29107, 13, 13083, 33529, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 10654, 287, 29107, 58, 82, 60, 290, 18896, 7, 615, 603, 58, 82, 12962, 1875, 362, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2604, 13, 24442, 10786, 50, 1740, 6309, 23884, 319, 23884, 13, 3982, 5165, 606, 422, 23884, 4458, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5794, 7, 27144, 391, 13, 13812, 62, 3672, 11, 6594, 11, 264, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 29107, 58, 82, 4083, 28956, 7, 27144, 391, 8, 628, 220, 220, 220, 2604, 13, 24442, 7, 198, 220, 220, 220, 220, 220, 220, 220, 366, 29197, 37551, 329, 23884, 389, 23884, 1911, 18982, 7, 13154, 11, 2985, 62, 1462, 62, 14933, 7, 27144, 1299, 4008, 198, 220, 220, 220, 1267, 198, 220, 220, 220, 1441, 37551, 628, 198, 4299, 19086, 786, 62, 8937, 594, 7, 13154, 11, 29107, 2599, 198, 220, 220, 220, 37227, 22442, 270, 786, 37551, 326, 423, 587, 13717, 2392, 621, 1854, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 2604, 13, 24442, 10786, 28768, 23884, 2637, 13, 18982, 7, 3448, 273, 270, 786, 62, 8937, 594, 13, 834, 3672, 834, 4008, 628, 198, 220, 220, 220, 351, 1280, 10786, 15952, 5950, 11537, 355, 277, 25, 198, 220, 220, 220, 220, 220, 220, 220, 7269, 796, 685, 17752, 13, 46030, 7, 1370, 8, 329, 1627, 287, 277, 60, 198, 220, 220, 220, 220, 198, 220, 220, 220, 3601, 7, 15952, 5950, 8, 628, 220, 220, 220, 8420, 3419, 198, 220, 220, 220, 1441, 6045, 628, 198, 4299, 4296, 62, 6404, 82, 33529, 198, 220, 220, 220, 37227, 10260, 2604, 3696, 13, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 2604, 13, 24442, 10786, 28768, 23884, 2637, 13, 18982, 7, 19119, 62, 6404, 82, 13, 834, 3672, 834, 4008, 628, 220, 220, 220, 1303, 2604, 7269, 284, 2393, 198, 220, 220, 220, 2604, 13, 24442, 10786, 50, 2703, 7269, 284, 2604, 2637, 8, 628, 220, 220, 220, 3601, 540, 62, 15952, 5950, 796, 22374, 1961, 24212, 13, 30073, 3419, 198, 220, 220, 220, 329, 6594, 287, 3601, 540, 62, 15952, 5950, 25, 198, 220, 220, 220, 220, 220, 220, 220, 3601, 540, 62, 15952, 5950, 58, 13154, 60, 796, 2985, 62, 1462, 62, 14933, 7, 4798, 540, 62, 15952, 5950, 58, 13154, 12962, 198, 220, 220, 220, 3601, 540, 62, 15952, 5950, 17816, 4475, 20520, 796, 965, 7, 4475, 13, 40838, 28955, 628, 220, 220, 220, 33918, 62, 15952, 5950, 796, 33918, 13, 67, 8142, 7, 4798, 540, 62, 15952, 5950, 8, 198, 220, 220, 220, 351, 1280, 7203, 15952, 5950, 1600, 705, 64, 11537, 355, 277, 25, 198, 220, 220, 220, 220, 220, 220, 220, 277, 13, 13564, 10786, 59, 77, 6, 1343, 33918, 62, 15952, 5950, 8, 198, 220, 220, 220, 2604, 13, 24442, 7, 17752, 62, 15952, 5950, 8, 628, 198, 292, 13361, 825, 1281, 62, 15952, 5950, 7, 17620, 2599, 198, 220, 220, 220, 37227, 6307, 7269, 284, 6518, 13, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 2604, 13, 24442, 10786, 28768, 23884, 2637, 13, 18982, 7, 17953, 62, 13154, 62, 15952, 5950, 13, 834, 3672, 834, 4008, 198, 220, 220, 220, 25507, 10214, 13, 17077, 62, 28446, 62, 1493, 3419, 628, 220, 220, 220, 31456, 796, 22374, 1961, 6239, 1137, 62, 5653, 38, 1343, 37082, 77, 29197, 37551, 329, 428, 1285, 389, 1, 628, 220, 220, 220, 7269, 62, 7353, 796, 22374, 1961, 24212, 13, 30073, 3419, 198, 220, 220, 220, 329, 6594, 287, 7269, 62, 7353, 25, 198, 220, 220, 220, 220, 220, 220, 220, 7269, 62, 7353, 58, 13154, 60, 796, 2985, 62, 1462, 62, 31499, 7, 15952, 5950, 62, 7353, 58, 13154, 12962, 628, 220, 220, 220, 329, 479, 11, 410, 287, 7269, 62, 7353, 13, 23814, 33529, 198, 220, 220, 220, 220, 220, 220, 220, 31456, 15853, 277, 1, 59, 77, 59, 77, 1174, 90, 74, 92, 1174, 59, 77, 1, 1343, 59, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 37082, 77, 1911, 22179, 7, 69, 6, 90, 66, 92, 6, 329, 269, 287, 410, 8, 628, 220, 220, 220, 2604, 13, 24442, 10786, 25206, 3275, 284, 6518, 25, 3467, 77, 90, 92, 4458, 18982, 7, 19662, 4008, 198, 220, 220, 220, 285, 796, 25507, 6518, 13, 21280, 7, 19662, 8, 628, 198, 4299, 2985, 62, 1462, 62, 14933, 7, 18417, 2599, 198, 220, 220, 220, 37227, 3103, 1851, 257, 1351, 286, 18987, 284, 257, 1351, 286, 2836, 3891, 357, 2536, 737, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 1441, 685, 84, 13, 13812, 62, 3672, 611, 334, 318, 407, 6045, 2073, 10148, 329, 334, 287, 2985, 60, 628, 198, 4299, 2985, 62, 1462, 62, 31499, 7, 18417, 2599, 198, 220, 220, 220, 37227, 3103, 1851, 257, 1351, 286, 18987, 284, 257, 1351, 286, 15940, 357, 2536, 737, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 1441, 14631, 27, 31, 0, 90, 92, 29, 1911, 18982, 7, 84, 13, 312, 8, 611, 334, 318, 407, 6045, 2073, 10148, 329, 334, 287, 2985, 60, 628, 198, 4299, 2836, 62, 1462, 62, 12985, 7, 7220, 2599, 198, 220, 220, 220, 37227, 3103, 1851, 257, 1351, 286, 18987, 284, 257, 1351, 286, 15940, 357, 2536, 737, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 1441, 33490, 31, 0, 90, 92, 29, 1911, 18982, 7, 7220, 13, 312, 8, 611, 2836, 318, 407, 6045, 2073, 10148, 628, 198, 31, 13645, 13, 15596, 198, 292, 13361, 825, 319, 62, 1493, 33529, 198, 220, 220, 220, 37227, 7248, 510, 9633, 290, 18931, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 2604, 13, 24442, 10786, 28768, 23884, 4458, 18982, 7, 261, 62, 1493, 13, 834, 3672, 834, 4008, 198, 220, 220, 220, 25507, 10214, 13, 17077, 62, 28446, 62, 1493, 3419, 628, 220, 220, 220, 2604, 13, 24442, 10786, 11187, 2004, 287, 355, 23884, 4458, 18982, 7, 13645, 13, 7220, 13, 3672, 4008, 628, 220, 220, 220, 6518, 796, 10214, 13, 1136, 62, 17620, 7, 600, 7, 3398, 22846, 3698, 4008, 198, 220, 220, 220, 2604, 13, 24442, 10786, 29239, 318, 23884, 4458, 18982, 7, 17620, 4008, 628, 220, 220, 220, 351, 1280, 7203, 44, 1546, 4090, 8264, 62, 2389, 1600, 705, 81, 11537, 355, 277, 25, 198, 220, 220, 220, 220, 220, 220, 220, 31456, 62, 312, 796, 493, 7, 69, 13, 961, 1370, 28955, 198, 220, 220, 220, 2604, 13, 24442, 10786, 5569, 3278, 3275, 351, 4522, 23884, 2637, 13, 18982, 7, 19662, 62, 312, 4008, 628, 220, 220, 220, 2604, 13, 24442, 10786, 48593, 23884, 319, 6518, 2637, 13, 18982, 7, 805, 496, 62, 15952, 5950, 13, 834, 3672, 834, 4008, 198, 220, 220, 220, 25507, 6687, 62, 15952, 5950, 7, 17620, 11, 31456, 62, 312, 8, 628, 220, 220, 220, 2604, 13, 24442, 10786, 39079, 2902, 3278, 10214, 2637, 8, 198, 220, 220, 220, 25507, 10214, 13, 19836, 3419, 628, 198, 6404, 13, 24442, 10786, 22851, 6038, 18173, 10214, 2637, 8, 198, 13645, 13, 5143, 7, 10468, 43959, 8 ]
2.450248
2,623
import time import requests import os from os import path import cv2 import numpy as np from aperturedb import ParallelLoader from aperturedb import CSVParser from aperturedb import ProgressBar HEADER_PATH = "filename" HEADER_URL = "url" class ImageDownloaderCSV(CSVParser.CSVParser): ''' ApertureDB Image Downloader. Expects a csv file with AT LEAST a "url" column, and optionally a "filename" field. If "filename" is not present, it is taken from the url. '''
[ 11748, 640, 198, 11748, 7007, 198, 11748, 28686, 198, 6738, 28686, 1330, 3108, 198, 198, 11748, 269, 85, 17, 198, 11748, 299, 32152, 355, 45941, 198, 198, 6738, 257, 11766, 1522, 65, 1330, 42945, 17401, 198, 6738, 257, 11766, 1522, 65, 1330, 9429, 8859, 28198, 198, 6738, 257, 11766, 1522, 65, 1330, 18387, 10374, 198, 198, 37682, 1137, 62, 34219, 796, 366, 34345, 1, 198, 37682, 1137, 62, 21886, 220, 796, 366, 6371, 1, 198, 198, 4871, 7412, 10002, 263, 7902, 53, 7, 7902, 8859, 28198, 13, 7902, 8859, 28198, 2599, 628, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 220, 220, 220, 220, 317, 27286, 11012, 7412, 10472, 263, 13, 198, 220, 220, 220, 220, 220, 220, 220, 23600, 82, 257, 269, 21370, 2393, 351, 5161, 12509, 11262, 257, 366, 6371, 1, 5721, 11, 290, 198, 220, 220, 220, 220, 220, 220, 220, 42976, 257, 366, 34345, 1, 2214, 13, 198, 220, 220, 220, 220, 220, 220, 220, 1002, 366, 34345, 1, 318, 407, 1944, 11, 340, 318, 2077, 422, 262, 19016, 13, 628, 220, 220, 220, 705, 7061, 198 ]
2.796703
182
from unittest import TestCase from unittest.mock import MagicMock import pytest from kubernetes import client from libs.api import API_KEY_NAME from scheduler.spawners.templates.env_vars import ( get_env_var, get_from_app_secret, get_resources_env_vars, get_service_env_vars ) @pytest.mark.spawner_mark
[ 6738, 555, 715, 395, 1330, 6208, 20448, 198, 6738, 555, 715, 395, 13, 76, 735, 1330, 6139, 44, 735, 198, 198, 11748, 12972, 9288, 198, 198, 6738, 479, 18478, 3262, 274, 1330, 5456, 198, 198, 6738, 9195, 82, 13, 15042, 1330, 7824, 62, 20373, 62, 20608, 198, 6738, 6038, 18173, 13, 48183, 364, 13, 11498, 17041, 13, 24330, 62, 85, 945, 1330, 357, 198, 220, 220, 220, 651, 62, 24330, 62, 7785, 11, 198, 220, 220, 220, 651, 62, 6738, 62, 1324, 62, 21078, 11, 198, 220, 220, 220, 651, 62, 37540, 62, 24330, 62, 85, 945, 11, 198, 220, 220, 220, 651, 62, 15271, 62, 24330, 62, 85, 945, 198, 8, 628, 198, 31, 9078, 9288, 13, 4102, 13, 48183, 263, 62, 4102, 198 ]
2.592
125
import matplotlib.pyplot as plt import numpy as np import seaborn as sns sns.reset_orig()
[ 11748, 2603, 29487, 8019, 13, 9078, 29487, 355, 458, 83, 198, 11748, 299, 32152, 355, 45941, 198, 11748, 384, 397, 1211, 355, 3013, 82, 198, 82, 5907, 13, 42503, 62, 11612, 3419, 198 ]
2.727273
33
"""Entity Xplora® Watch.""" from __future__ import annotations import logging from datetime import timedelta from typing import Any, Dict from homeassistant.components.switch import SwitchEntity from homeassistant.helpers.restore_state import RestoreEntity from .helper import XploraUpdateTime from pyxplora_api import pyxplora_api_async as PXA _LOGGER = logging.getLogger(__name__)
[ 37811, 32398, 1395, 489, 5799, 7461, 6305, 526, 15931, 198, 6738, 11593, 37443, 834, 1330, 37647, 198, 198, 11748, 18931, 198, 198, 6738, 4818, 8079, 1330, 28805, 12514, 198, 6738, 19720, 1330, 4377, 11, 360, 713, 198, 198, 6738, 1363, 562, 10167, 13, 5589, 3906, 13, 31943, 1330, 14645, 32398, 198, 6738, 1363, 562, 10167, 13, 16794, 364, 13, 2118, 382, 62, 5219, 1330, 42019, 32398, 198, 198, 6738, 764, 2978, 525, 1330, 1395, 489, 5799, 10260, 7575, 198, 198, 6738, 12972, 87, 489, 5799, 62, 15042, 1330, 12972, 87, 489, 5799, 62, 15042, 62, 292, 13361, 355, 350, 55, 32, 198, 198, 62, 25294, 30373, 796, 18931, 13, 1136, 11187, 1362, 7, 834, 3672, 834, 8, 628 ]
3.305085
118
""" Unit test for Treadmill apptrace events module. """ import unittest import mock from treadmill.apptrace import events class AppTraceEventsTest(unittest.TestCase): """Test all event classes operations. """ @mock.patch('treadmill.apptrace.events.AbortedTraceEvent.from_data', mock.Mock(set_spec=True)) @mock.patch('treadmill.apptrace.events.ConfiguredTraceEvent.from_data', mock.Mock(set_spec=True)) @mock.patch('treadmill.apptrace.events.DeletedTraceEvent.from_data', mock.Mock(set_spec=True)) @mock.patch('treadmill.apptrace.events.FinishedTraceEvent.from_data', mock.Mock(set_spec=True)) @mock.patch('treadmill.apptrace.events.KilledTraceEvent.from_data', mock.Mock(set_spec=True)) @mock.patch('treadmill.apptrace.events.PendingTraceEvent.from_data', mock.Mock(set_spec=True)) @mock.patch('treadmill.apptrace.events.ScheduledTraceEvent.from_data', mock.Mock(set_spec=True)) @mock.patch(('treadmill.apptrace.events' '.ServiceExitedTraceEvent.from_data'), mock.Mock(set_spec=True)) @mock.patch(('treadmill.apptrace.events' '.ServiceRunningTraceEvent.from_data'), mock.Mock(set_spec=True)) def test_factory(self): """Test class factory operations. """ events.AppTraceEvent.from_data( timestamp=1, source='tests', instanceid='proid.foo#123', event_type='scheduled', event_data='here', payload={'foo': 'bar'} ) events.ScheduledTraceEvent.from_data.assert_called_with( timestamp=1, source='tests', instanceid='proid.foo#123', event_type='scheduled', event_data='here', payload={'foo': 'bar'} ) events.AppTraceEvent.from_data( timestamp=2, source='tests', instanceid='proid.foo#123', event_type='pending', event_data=None, payload={'foo': 'bar'} ) events.PendingTraceEvent.from_data.assert_called_with( timestamp=2, source='tests', instanceid='proid.foo#123', event_type='pending', event_data=None, payload={'foo': 'bar'} ) def test_factory_bad_event(self): """Tests that failure to parse the event returns None. """ res = events.AppTraceEvent.from_data( timestamp=2, source='tests', instanceid='proid.foo#123', event_type='does_not_exists', event_data=None, payload={'foo': 'bar'} ) self.assertIsNone(res) res = events.AppTraceEvent.from_data( timestamp=2, source='tests', instanceid='proid.foo#123', event_type='service_running', event_data=None, payload={'foo': 'bar'} ) self.assertIsNone(res) def test_scheduled(self): """Scheduled event operations. """ event = events.ScheduledTraceEvent( timestamp=1, source='tests', instanceid='proid.foo#123', where='here', why='because', payload={'foo': 'bar'} ) self.assertEqual( event.to_dict(), { 'event_type': 'scheduled', 'timestamp': 1, 'source': 'tests', 'instanceid': 'proid.foo#123', 'where': 'here', 'why': 'because', 'payload': {'foo': 'bar'}, } ) self.assertEqual( event.to_data(), ( 1, 'tests', 'proid.foo#123', 'scheduled', 'here:because', {'foo': 'bar'}, ) ) self.assertEqual( event, events.ScheduledTraceEvent.from_data( timestamp=1, source='tests', instanceid='proid.foo#123', event_type='scheduled', event_data='here:because', payload={'foo': 'bar'} ) ) def test_pending(self): """Pending event operations. """ event = events.PendingTraceEvent( why='created', timestamp=2, source='tests', instanceid='proid.foo#123', payload={'foo': 'bar'} ) self.assertEqual( event.to_dict(), { 'event_type': 'pending', 'timestamp': 2, 'source': 'tests', 'instanceid': 'proid.foo#123', 'payload': {'foo': 'bar'}, 'why': 'created', } ) self.assertEqual( event.to_data(), ( 2, 'tests', 'proid.foo#123', 'pending', 'created', {'foo': 'bar'}, ) ) self.assertEqual( event, events.PendingTraceEvent.from_data( timestamp=2, source='tests', instanceid='proid.foo#123', event_type='pending', event_data='created', payload={'foo': 'bar'} ) ) def test_configured(self): """Configured event operations. """ event = events.ConfiguredTraceEvent( timestamp=1, source='tests', instanceid='proid.foo#123', uniqueid='AAAA', payload={'foo': 'bar'} ) self.assertEqual( event.to_dict(), { 'event_type': 'configured', 'timestamp': 1, 'source': 'tests', 'instanceid': 'proid.foo#123', 'uniqueid': 'AAAA', 'payload': {'foo': 'bar'}, } ) self.assertEqual( event.to_data(), ( 1, 'tests', 'proid.foo#123', 'configured', 'AAAA', {'foo': 'bar'}, ) ) self.assertEqual( event, events.ConfiguredTraceEvent.from_data( timestamp=1, source='tests', instanceid='proid.foo#123', event_type='configured', event_data='AAAA', payload={'foo': 'bar'} ) ) def test_deleted(self): """Deleted event operations. """ event = events.DeletedTraceEvent( timestamp=1, source='tests', instanceid='proid.foo#123', payload={'foo': 'bar'} ) self.assertEqual( event.to_dict(), { 'event_type': 'deleted', 'timestamp': 1, 'source': 'tests', 'instanceid': 'proid.foo#123', 'payload': {'foo': 'bar'}, } ) self.assertEqual( event.to_data(), ( 1, 'tests', 'proid.foo#123', 'deleted', '', {'foo': 'bar'}, ) ) self.assertEqual( event, events.DeletedTraceEvent.from_data( timestamp=1, source='tests', instanceid='proid.foo#123', event_type='deleted', event_data='not used', payload={'foo': 'bar'} ) ) def test_finished(self): """Finished event operations. """ event = events.FinishedTraceEvent( timestamp=1, source='tests', instanceid='proid.foo#123', rc=1, signal=2, payload={'foo': 'bar'} ) self.assertEqual( event.to_dict(), { 'event_type': 'finished', 'timestamp': 1, 'source': 'tests', 'instanceid': 'proid.foo#123', 'rc': 1, 'signal': 2, 'payload': {'foo': 'bar'}, } ) self.assertEqual( event.to_data(), ( 1, 'tests', 'proid.foo#123', 'finished', '1.2', {'foo': 'bar'}, ) ) self.assertEqual( event, events.FinishedTraceEvent.from_data( timestamp=1, source='tests', instanceid='proid.foo#123', event_type='finished', event_data='1.2', payload={'foo': 'bar'} ) ) def test_aborted(self): """Aborted event operations. """ event = events.AbortedTraceEvent( timestamp=1, source='tests', instanceid='proid.foo#123', why='reason', payload={'foo': 'bar'} ) self.assertEqual( event.to_dict(), { 'event_type': 'aborted', 'timestamp': 1, 'source': 'tests', 'instanceid': 'proid.foo#123', 'why': 'reason', 'payload': {'foo': 'bar'}, } ) self.assertEqual( event.to_data(), ( 1, 'tests', 'proid.foo#123', 'aborted', 'reason', {'foo': 'bar'}, ) ) self.assertEqual( event, events.AbortedTraceEvent.from_data( timestamp=1, source='tests', instanceid='proid.foo#123', event_type='aborted', event_data='reason', payload={'foo': 'bar'} ) ) def test_killed(self): """Killed event operations. """ event = events.KilledTraceEvent( timestamp=1, source='tests', instanceid='proid.foo#123', is_oom=True, payload={'foo': 'bar'} ) self.assertEqual( event.to_dict(), { 'event_type': 'killed', 'timestamp': 1, 'source': 'tests', 'instanceid': 'proid.foo#123', 'is_oom': True, 'payload': {'foo': 'bar'}, } ) self.assertEqual( event.to_data(), ( 1, 'tests', 'proid.foo#123', 'killed', 'oom', {'foo': 'bar'}, ) ) self.assertEqual( event, events.KilledTraceEvent.from_data( timestamp=1, source='tests', instanceid='proid.foo#123', event_type='killed', event_data='oom', payload={'foo': 'bar'} ) ) def test_service_running(self): """ServiceRunning event operations. """ event = events.ServiceRunningTraceEvent( timestamp=1, source='tests', instanceid='proid.foo#123', uniqueid='AAAA', service='web.web', payload={'foo': 'bar'} ) self.assertEqual( event.to_dict(), { 'event_type': 'service_running', 'timestamp': 1, 'source': 'tests', 'instanceid': 'proid.foo#123', 'uniqueid': 'AAAA', 'service': 'web.web', 'payload': {'foo': 'bar'}, } ) self.assertEqual( event.to_data(), ( 1, 'tests', 'proid.foo#123', 'service_running', 'AAAA.web.web', {'foo': 'bar'}, ) ) self.assertEqual( event, events.ServiceRunningTraceEvent.from_data( timestamp=1, source='tests', instanceid='proid.foo#123', event_type='service_running', event_data='AAAA.web.web', payload={'foo': 'bar'} ) ) def test_service_exited(self): """ServiceExited event operations. """ event = events.ServiceExitedTraceEvent( timestamp=1, source='tests', instanceid='proid.foo#123', uniqueid='AAAA', service='web.x', rc=1, signal=2, payload={'foo': 'bar'} ) self.assertEqual( event.to_dict(), { 'event_type': 'service_exited', 'timestamp': 1, 'source': 'tests', 'instanceid': 'proid.foo#123', 'uniqueid': 'AAAA', 'service': 'web.x', 'rc': 1, 'signal': 2, 'payload': {'foo': 'bar'}, } ) self.assertEqual( event.to_data(), ( 1, 'tests', 'proid.foo#123', 'service_exited', 'AAAA.web.x.1.2', {'foo': 'bar'}, ) ) self.assertEqual( event, events.ServiceExitedTraceEvent.from_data( timestamp=1, source='tests', instanceid='proid.foo#123', event_type='service_exited', event_data='AAAA.web.x.1.2', payload={'foo': 'bar'} ) ) if __name__ == '__main__': unittest.main()
[ 37811, 198, 26453, 1332, 329, 309, 961, 17805, 598, 40546, 2995, 8265, 13, 198, 37811, 198, 198, 11748, 555, 715, 395, 198, 198, 11748, 15290, 198, 198, 6738, 49246, 13, 1324, 40546, 1330, 2995, 628, 198, 4871, 2034, 2898, 558, 37103, 14402, 7, 403, 715, 395, 13, 14402, 20448, 2599, 198, 220, 220, 220, 37227, 14402, 477, 1785, 6097, 4560, 13, 198, 220, 220, 220, 37227, 628, 220, 220, 220, 2488, 76, 735, 13, 17147, 10786, 83, 961, 17805, 13, 1324, 40546, 13, 31534, 13, 4826, 9741, 2898, 558, 9237, 13, 6738, 62, 7890, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 15290, 13, 44, 735, 7, 2617, 62, 16684, 28, 17821, 4008, 198, 220, 220, 220, 2488, 76, 735, 13, 17147, 10786, 83, 961, 17805, 13, 1324, 40546, 13, 31534, 13, 16934, 1522, 2898, 558, 9237, 13, 6738, 62, 7890, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 15290, 13, 44, 735, 7, 2617, 62, 16684, 28, 17821, 4008, 198, 220, 220, 220, 2488, 76, 735, 13, 17147, 10786, 83, 961, 17805, 13, 1324, 40546, 13, 31534, 13, 5005, 33342, 2898, 558, 9237, 13, 6738, 62, 7890, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 15290, 13, 44, 735, 7, 2617, 62, 16684, 28, 17821, 4008, 198, 220, 220, 220, 2488, 76, 735, 13, 17147, 10786, 83, 961, 17805, 13, 1324, 40546, 13, 31534, 13, 18467, 1348, 2898, 558, 9237, 13, 6738, 62, 7890, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 15290, 13, 44, 735, 7, 2617, 62, 16684, 28, 17821, 4008, 198, 220, 220, 220, 2488, 76, 735, 13, 17147, 10786, 83, 961, 17805, 13, 1324, 40546, 13, 31534, 13, 42, 2967, 2898, 558, 9237, 13, 6738, 62, 7890, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 15290, 13, 44, 735, 7, 2617, 62, 16684, 28, 17821, 4008, 198, 220, 220, 220, 2488, 76, 735, 13, 17147, 10786, 83, 961, 17805, 13, 1324, 40546, 13, 31534, 13, 47, 1571, 2898, 558, 9237, 13, 6738, 62, 7890, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 15290, 13, 44, 735, 7, 2617, 62, 16684, 28, 17821, 4008, 198, 220, 220, 220, 2488, 76, 735, 13, 17147, 10786, 83, 961, 17805, 13, 1324, 40546, 13, 31534, 13, 50, 1740, 6309, 2898, 558, 9237, 13, 6738, 62, 7890, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 15290, 13, 44, 735, 7, 2617, 62, 16684, 28, 17821, 4008, 198, 220, 220, 220, 2488, 76, 735, 13, 17147, 7, 10786, 83, 961, 17805, 13, 1324, 40546, 13, 31534, 6, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 45302, 16177, 3109, 863, 2898, 558, 9237, 13, 6738, 62, 7890, 33809, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 15290, 13, 44, 735, 7, 2617, 62, 16684, 28, 17821, 4008, 198, 220, 220, 220, 2488, 76, 735, 13, 17147, 7, 10786, 83, 961, 17805, 13, 1324, 40546, 13, 31534, 6, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 45302, 16177, 28768, 2898, 558, 9237, 13, 6738, 62, 7890, 33809, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 15290, 13, 44, 735, 7, 2617, 62, 16684, 28, 17821, 4008, 198, 220, 220, 220, 825, 1332, 62, 69, 9548, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 14402, 1398, 8860, 4560, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 2995, 13, 4677, 2898, 558, 9237, 13, 6738, 62, 7890, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 41033, 28, 16, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2723, 11639, 41989, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4554, 312, 11639, 1676, 312, 13, 21943, 2, 10163, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 62, 4906, 11639, 1416, 704, 6309, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 62, 7890, 11639, 1456, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 21437, 34758, 6, 21943, 10354, 705, 5657, 6, 92, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 2995, 13, 50, 1740, 6309, 2898, 558, 9237, 13, 6738, 62, 7890, 13, 30493, 62, 7174, 62, 4480, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 41033, 28, 16, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2723, 11639, 41989, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4554, 312, 11639, 1676, 312, 13, 21943, 2, 10163, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 62, 4906, 11639, 1416, 704, 6309, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 62, 7890, 11639, 1456, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 21437, 34758, 6, 21943, 10354, 705, 5657, 6, 92, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 628, 220, 220, 220, 220, 220, 220, 220, 2995, 13, 4677, 2898, 558, 9237, 13, 6738, 62, 7890, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 41033, 28, 17, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2723, 11639, 41989, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4554, 312, 11639, 1676, 312, 13, 21943, 2, 10163, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 62, 4906, 11639, 79, 1571, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 62, 7890, 28, 14202, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 21437, 34758, 6, 21943, 10354, 705, 5657, 6, 92, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 2995, 13, 47, 1571, 2898, 558, 9237, 13, 6738, 62, 7890, 13, 30493, 62, 7174, 62, 4480, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 41033, 28, 17, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2723, 11639, 41989, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4554, 312, 11639, 1676, 312, 13, 21943, 2, 10163, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 62, 4906, 11639, 79, 1571, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 62, 7890, 28, 14202, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 21437, 34758, 6, 21943, 10354, 705, 5657, 6, 92, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 628, 220, 220, 220, 825, 1332, 62, 69, 9548, 62, 14774, 62, 15596, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 51, 3558, 326, 5287, 284, 21136, 262, 1785, 5860, 6045, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 581, 796, 2995, 13, 4677, 2898, 558, 9237, 13, 6738, 62, 7890, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 41033, 28, 17, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2723, 11639, 41989, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4554, 312, 11639, 1676, 312, 13, 21943, 2, 10163, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 62, 4906, 11639, 22437, 62, 1662, 62, 1069, 1023, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 62, 7890, 28, 14202, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 21437, 34758, 6, 21943, 10354, 705, 5657, 6, 92, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 30493, 3792, 14202, 7, 411, 8, 628, 220, 220, 220, 220, 220, 220, 220, 581, 796, 2995, 13, 4677, 2898, 558, 9237, 13, 6738, 62, 7890, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 41033, 28, 17, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2723, 11639, 41989, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4554, 312, 11639, 1676, 312, 13, 21943, 2, 10163, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 62, 4906, 11639, 15271, 62, 20270, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 62, 7890, 28, 14202, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 21437, 34758, 6, 21943, 10354, 705, 5657, 6, 92, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 30493, 3792, 14202, 7, 411, 8, 628, 220, 220, 220, 825, 1332, 62, 1416, 704, 6309, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 50, 1740, 6309, 1785, 4560, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1785, 796, 2995, 13, 50, 1740, 6309, 2898, 558, 9237, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 41033, 28, 16, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2723, 11639, 41989, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4554, 312, 11639, 1676, 312, 13, 21943, 2, 10163, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 810, 11639, 1456, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1521, 11639, 13893, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 21437, 34758, 6, 21943, 10354, 705, 5657, 6, 92, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 30493, 36, 13255, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 13, 1462, 62, 11600, 22784, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 15596, 62, 4906, 10354, 705, 1416, 704, 6309, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 16514, 27823, 10354, 352, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 10459, 10354, 705, 41989, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 39098, 312, 10354, 705, 1676, 312, 13, 21943, 2, 10163, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 3003, 10354, 705, 1456, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 22850, 10354, 705, 13893, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 15577, 2220, 10354, 1391, 6, 21943, 10354, 705, 5657, 6, 5512, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1782, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 30493, 36, 13255, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 13, 1462, 62, 7890, 22784, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 357, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 352, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 41989, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 1676, 312, 13, 21943, 2, 10163, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 1416, 704, 6309, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 1456, 25, 13893, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1391, 6, 21943, 10354, 705, 5657, 6, 5512, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 30493, 36, 13255, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2995, 13, 50, 1740, 6309, 2898, 558, 9237, 13, 6738, 62, 7890, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 41033, 28, 16, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2723, 11639, 41989, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4554, 312, 11639, 1676, 312, 13, 21943, 2, 10163, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 62, 4906, 11639, 1416, 704, 6309, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 62, 7890, 11639, 1456, 25, 13893, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 21437, 34758, 6, 21943, 10354, 705, 5657, 6, 92, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 628, 220, 220, 220, 825, 1332, 62, 79, 1571, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 47, 1571, 1785, 4560, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1785, 796, 2995, 13, 47, 1571, 2898, 558, 9237, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1521, 11639, 25598, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 41033, 28, 17, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2723, 11639, 41989, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4554, 312, 11639, 1676, 312, 13, 21943, 2, 10163, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 21437, 34758, 6, 21943, 10354, 705, 5657, 6, 92, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 30493, 36, 13255, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 13, 1462, 62, 11600, 22784, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 15596, 62, 4906, 10354, 705, 79, 1571, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 16514, 27823, 10354, 362, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 10459, 10354, 705, 41989, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 39098, 312, 10354, 705, 1676, 312, 13, 21943, 2, 10163, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 15577, 2220, 10354, 1391, 6, 21943, 10354, 705, 5657, 6, 5512, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 22850, 10354, 705, 25598, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1782, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 30493, 36, 13255, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 13, 1462, 62, 7890, 22784, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 357, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 362, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 41989, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 1676, 312, 13, 21943, 2, 10163, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 79, 1571, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 25598, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1391, 6, 21943, 10354, 705, 5657, 6, 5512, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 30493, 36, 13255, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2995, 13, 47, 1571, 2898, 558, 9237, 13, 6738, 62, 7890, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 41033, 28, 17, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2723, 11639, 41989, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4554, 312, 11639, 1676, 312, 13, 21943, 2, 10163, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 62, 4906, 11639, 79, 1571, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 62, 7890, 11639, 25598, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 21437, 34758, 6, 21943, 10354, 705, 5657, 6, 92, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 628, 220, 220, 220, 825, 1332, 62, 11250, 1522, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 16934, 1522, 1785, 4560, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1785, 796, 2995, 13, 16934, 1522, 2898, 558, 9237, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 41033, 28, 16, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2723, 11639, 41989, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4554, 312, 11639, 1676, 312, 13, 21943, 2, 10163, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3748, 312, 11639, 17922, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 21437, 34758, 6, 21943, 10354, 705, 5657, 6, 92, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 30493, 36, 13255, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 13, 1462, 62, 11600, 22784, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 15596, 62, 4906, 10354, 705, 11250, 1522, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 16514, 27823, 10354, 352, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 10459, 10354, 705, 41989, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 39098, 312, 10354, 705, 1676, 312, 13, 21943, 2, 10163, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 34642, 312, 10354, 705, 17922, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 15577, 2220, 10354, 1391, 6, 21943, 10354, 705, 5657, 6, 5512, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1782, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 30493, 36, 13255, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 13, 1462, 62, 7890, 22784, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 357, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 352, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 41989, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 1676, 312, 13, 21943, 2, 10163, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 11250, 1522, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 17922, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1391, 6, 21943, 10354, 705, 5657, 6, 5512, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 30493, 36, 13255, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2995, 13, 16934, 1522, 2898, 558, 9237, 13, 6738, 62, 7890, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 41033, 28, 16, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2723, 11639, 41989, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4554, 312, 11639, 1676, 312, 13, 21943, 2, 10163, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 62, 4906, 11639, 11250, 1522, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 62, 7890, 11639, 17922, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 21437, 34758, 6, 21943, 10354, 705, 5657, 6, 92, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 628, 220, 220, 220, 825, 1332, 62, 2934, 33342, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 5005, 33342, 1785, 4560, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1785, 796, 2995, 13, 5005, 33342, 2898, 558, 9237, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 41033, 28, 16, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2723, 11639, 41989, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4554, 312, 11639, 1676, 312, 13, 21943, 2, 10163, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 21437, 34758, 6, 21943, 10354, 705, 5657, 6, 92, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 30493, 36, 13255, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 13, 1462, 62, 11600, 22784, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 15596, 62, 4906, 10354, 705, 2934, 33342, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 16514, 27823, 10354, 352, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 10459, 10354, 705, 41989, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 39098, 312, 10354, 705, 1676, 312, 13, 21943, 2, 10163, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 15577, 2220, 10354, 1391, 6, 21943, 10354, 705, 5657, 6, 5512, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1782, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 30493, 36, 13255, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 13, 1462, 62, 7890, 22784, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 357, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 352, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 41989, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 1676, 312, 13, 21943, 2, 10163, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 2934, 33342, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1391, 6, 21943, 10354, 705, 5657, 6, 5512, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 30493, 36, 13255, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2995, 13, 5005, 33342, 2898, 558, 9237, 13, 6738, 62, 7890, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 41033, 28, 16, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2723, 11639, 41989, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4554, 312, 11639, 1676, 312, 13, 21943, 2, 10163, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 62, 4906, 11639, 2934, 33342, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 62, 7890, 11639, 1662, 973, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 21437, 34758, 6, 21943, 10354, 705, 5657, 6, 92, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 628, 220, 220, 220, 825, 1332, 62, 43952, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 18467, 1348, 1785, 4560, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1785, 796, 2995, 13, 18467, 1348, 2898, 558, 9237, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 41033, 28, 16, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2723, 11639, 41989, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4554, 312, 11639, 1676, 312, 13, 21943, 2, 10163, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 48321, 28, 16, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6737, 28, 17, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 21437, 34758, 6, 21943, 10354, 705, 5657, 6, 92, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 30493, 36, 13255, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 13, 1462, 62, 11600, 22784, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 15596, 62, 4906, 10354, 705, 43952, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 16514, 27823, 10354, 352, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 10459, 10354, 705, 41989, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 39098, 312, 10354, 705, 1676, 312, 13, 21943, 2, 10163, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 6015, 10354, 352, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 12683, 282, 10354, 362, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 15577, 2220, 10354, 1391, 6, 21943, 10354, 705, 5657, 6, 5512, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1782, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 30493, 36, 13255, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 13, 1462, 62, 7890, 22784, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 357, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 352, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 41989, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 1676, 312, 13, 21943, 2, 10163, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 43952, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 16, 13, 17, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1391, 6, 21943, 10354, 705, 5657, 6, 5512, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 30493, 36, 13255, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2995, 13, 18467, 1348, 2898, 558, 9237, 13, 6738, 62, 7890, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 41033, 28, 16, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2723, 11639, 41989, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4554, 312, 11639, 1676, 312, 13, 21943, 2, 10163, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 62, 4906, 11639, 43952, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 62, 7890, 11639, 16, 13, 17, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 21437, 34758, 6, 21943, 10354, 705, 5657, 6, 92, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 628, 220, 220, 220, 825, 1332, 62, 397, 9741, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 4826, 9741, 1785, 4560, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1785, 796, 2995, 13, 4826, 9741, 2898, 558, 9237, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 41033, 28, 16, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2723, 11639, 41989, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4554, 312, 11639, 1676, 312, 13, 21943, 2, 10163, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1521, 11639, 41181, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 21437, 34758, 6, 21943, 10354, 705, 5657, 6, 92, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 30493, 36, 13255, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 13, 1462, 62, 11600, 22784, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 15596, 62, 4906, 10354, 705, 397, 9741, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 16514, 27823, 10354, 352, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 10459, 10354, 705, 41989, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 39098, 312, 10354, 705, 1676, 312, 13, 21943, 2, 10163, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 22850, 10354, 705, 41181, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 15577, 2220, 10354, 1391, 6, 21943, 10354, 705, 5657, 6, 5512, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1782, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 30493, 36, 13255, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 13, 1462, 62, 7890, 22784, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 357, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 352, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 41989, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 1676, 312, 13, 21943, 2, 10163, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 397, 9741, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 41181, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1391, 6, 21943, 10354, 705, 5657, 6, 5512, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 30493, 36, 13255, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2995, 13, 4826, 9741, 2898, 558, 9237, 13, 6738, 62, 7890, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 41033, 28, 16, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2723, 11639, 41989, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4554, 312, 11639, 1676, 312, 13, 21943, 2, 10163, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 62, 4906, 11639, 397, 9741, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 62, 7890, 11639, 41181, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 21437, 34758, 6, 21943, 10354, 705, 5657, 6, 92, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 628, 220, 220, 220, 825, 1332, 62, 42130, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 42, 2967, 1785, 4560, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1785, 796, 2995, 13, 42, 2967, 2898, 558, 9237, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 41033, 28, 16, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2723, 11639, 41989, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4554, 312, 11639, 1676, 312, 13, 21943, 2, 10163, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 318, 62, 4207, 28, 17821, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 21437, 34758, 6, 21943, 10354, 705, 5657, 6, 92, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 30493, 36, 13255, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 13, 1462, 62, 11600, 22784, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 15596, 62, 4906, 10354, 705, 42130, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 16514, 27823, 10354, 352, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 10459, 10354, 705, 41989, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 39098, 312, 10354, 705, 1676, 312, 13, 21943, 2, 10163, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 271, 62, 4207, 10354, 6407, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 15577, 2220, 10354, 1391, 6, 21943, 10354, 705, 5657, 6, 5512, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1782, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 30493, 36, 13255, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 13, 1462, 62, 7890, 22784, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 357, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 352, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 41989, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 1676, 312, 13, 21943, 2, 10163, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 42130, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 4207, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1391, 6, 21943, 10354, 705, 5657, 6, 5512, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 30493, 36, 13255, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2995, 13, 42, 2967, 2898, 558, 9237, 13, 6738, 62, 7890, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 41033, 28, 16, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2723, 11639, 41989, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4554, 312, 11639, 1676, 312, 13, 21943, 2, 10163, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 62, 4906, 11639, 42130, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 62, 7890, 11639, 4207, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 21437, 34758, 6, 21943, 10354, 705, 5657, 6, 92, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 628, 220, 220, 220, 825, 1332, 62, 15271, 62, 20270, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 16177, 28768, 1785, 4560, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1785, 796, 2995, 13, 16177, 28768, 2898, 558, 9237, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 41033, 28, 16, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2723, 11639, 41989, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4554, 312, 11639, 1676, 312, 13, 21943, 2, 10163, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3748, 312, 11639, 17922, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2139, 11639, 12384, 13, 12384, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 21437, 34758, 6, 21943, 10354, 705, 5657, 6, 92, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 30493, 36, 13255, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 13, 1462, 62, 11600, 22784, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 15596, 62, 4906, 10354, 705, 15271, 62, 20270, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 16514, 27823, 10354, 352, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 10459, 10354, 705, 41989, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 39098, 312, 10354, 705, 1676, 312, 13, 21943, 2, 10163, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 34642, 312, 10354, 705, 17922, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 15271, 10354, 705, 12384, 13, 12384, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 15577, 2220, 10354, 1391, 6, 21943, 10354, 705, 5657, 6, 5512, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1782, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 30493, 36, 13255, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 13, 1462, 62, 7890, 22784, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 357, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 352, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 41989, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 1676, 312, 13, 21943, 2, 10163, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 15271, 62, 20270, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 17922, 13, 12384, 13, 12384, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1391, 6, 21943, 10354, 705, 5657, 6, 5512, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 30493, 36, 13255, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2995, 13, 16177, 28768, 2898, 558, 9237, 13, 6738, 62, 7890, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 41033, 28, 16, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2723, 11639, 41989, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4554, 312, 11639, 1676, 312, 13, 21943, 2, 10163, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 62, 4906, 11639, 15271, 62, 20270, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 62, 7890, 11639, 17922, 13, 12384, 13, 12384, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 21437, 34758, 6, 21943, 10354, 705, 5657, 6, 92, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 628, 220, 220, 220, 825, 1332, 62, 15271, 62, 1069, 863, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 16177, 3109, 863, 1785, 4560, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1785, 796, 2995, 13, 16177, 3109, 863, 2898, 558, 9237, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 41033, 28, 16, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2723, 11639, 41989, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4554, 312, 11639, 1676, 312, 13, 21943, 2, 10163, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3748, 312, 11639, 17922, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2139, 11639, 12384, 13, 87, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 48321, 28, 16, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6737, 28, 17, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 21437, 34758, 6, 21943, 10354, 705, 5657, 6, 92, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 30493, 36, 13255, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 13, 1462, 62, 11600, 22784, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 15596, 62, 4906, 10354, 705, 15271, 62, 1069, 863, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 16514, 27823, 10354, 352, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 10459, 10354, 705, 41989, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 39098, 312, 10354, 705, 1676, 312, 13, 21943, 2, 10163, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 34642, 312, 10354, 705, 17922, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 15271, 10354, 705, 12384, 13, 87, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 6015, 10354, 352, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 12683, 282, 10354, 362, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 15577, 2220, 10354, 1391, 6, 21943, 10354, 705, 5657, 6, 5512, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1782, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 30493, 36, 13255, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 13, 1462, 62, 7890, 22784, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 357, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 352, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 41989, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 1676, 312, 13, 21943, 2, 10163, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 15271, 62, 1069, 863, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 17922, 13, 12384, 13, 87, 13, 16, 13, 17, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1391, 6, 21943, 10354, 705, 5657, 6, 5512, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 30493, 36, 13255, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2995, 13, 16177, 3109, 863, 2898, 558, 9237, 13, 6738, 62, 7890, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 41033, 28, 16, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2723, 11639, 41989, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4554, 312, 11639, 1676, 312, 13, 21943, 2, 10163, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 62, 4906, 11639, 15271, 62, 1069, 863, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 62, 7890, 11639, 17922, 13, 12384, 13, 87, 13, 16, 13, 17, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 21437, 34758, 6, 21943, 10354, 705, 5657, 6, 92, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 628, 198, 361, 11593, 3672, 834, 6624, 705, 834, 12417, 834, 10354, 198, 220, 220, 220, 555, 715, 395, 13, 12417, 3419, 198 ]
1.639959
8,774
""" Tests for plotdirective build using sphinx extensions Test ability to combine plot_directive with mathcode """ from os.path import dirname, join as pjoin import re import sphinx SPHINX_1p8 = sphinx.version_info[:2] >= (1, 8) from sphinxtesters import PageBuilder from texext.tests.test_plotdirective import EXP_PLOT_AND_MATH PAGES = pjoin(dirname(__file__), 'plotdirective')
[ 37811, 30307, 329, 7110, 12942, 425, 1382, 1262, 599, 20079, 87, 18366, 198, 198, 14402, 2694, 284, 12082, 7110, 62, 12942, 425, 351, 10688, 8189, 198, 37811, 198, 198, 6738, 28686, 13, 6978, 1330, 26672, 3672, 11, 4654, 355, 279, 22179, 198, 11748, 302, 198, 198, 11748, 599, 20079, 87, 198, 4303, 39, 1268, 55, 62, 16, 79, 23, 796, 599, 20079, 87, 13, 9641, 62, 10951, 58, 25, 17, 60, 18189, 357, 16, 11, 807, 8, 198, 198, 6738, 599, 20079, 742, 8586, 1330, 7873, 32875, 198, 198, 6738, 48659, 2302, 13, 41989, 13, 9288, 62, 29487, 12942, 425, 1330, 25703, 62, 6489, 2394, 62, 6981, 62, 44, 12599, 198, 198, 4537, 48075, 796, 279, 22179, 7, 15908, 3672, 7, 834, 7753, 834, 828, 705, 29487, 12942, 425, 11537, 628 ]
2.946565
131
# Copyright (c) 2020 # [This program is licensed under the "MIT License"] # Please see the file LICENSE in the source # distribution of this software for license terms. import pygame as pg
[ 2, 15069, 357, 66, 8, 12131, 198, 2, 685, 1212, 1430, 318, 11971, 739, 262, 366, 36393, 13789, 8973, 198, 2, 4222, 766, 262, 2393, 38559, 24290, 287, 262, 2723, 198, 2, 6082, 286, 428, 3788, 329, 5964, 2846, 13, 198, 198, 11748, 12972, 6057, 355, 23241, 628 ]
3.979167
48
"""Tests for the features module.""" import numpy as np from aroma import features def test_feature_time_series(mel_mix, mc, max_correls): """Test the feature_time_series feature against pre-calculated values.""" np.random.seed(1) # Read mel_mix mel_mix = np.loadtxt(mel_mix) # Run feature_time_series max_RP_corr, _ = features.feature_time_series(mel_mix, mc) # Read features csv max_correls = np.load(max_correls) assert np.allclose(max_correls, max_RP_corr, atol=1e-2) # Run feature_time_series with metric metadata metadata = {} max_RP_corr, updated_metadata = features.feature_time_series( mel_mix, mc, metric_metadata=metadata, ) assert "max_RP_corr" in updated_metadata.keys() def test_feature_frequency(mel_FT_mix, HFC): """Test the feature_frequency feature against pre-calculated values.""" np.random.seed(1) # Read mel_FT_mix mel_FT_mix = np.loadtxt(mel_FT_mix) # Run feature_frequency HFC_test, _ = features.feature_frequency(mel_FT_mix, TR=2) # Read features csv HFC = np.load(HFC) assert np.allclose(HFC, HFC_test) # Run feature_frequency with metric metadata metadata = {} HFC_test, updated_metadata = features.feature_frequency( mel_FT_mix, TR=2, metric_metadata=metadata, ) assert "HFC" in updated_metadata.keys() def test_feature_spatial(mel_IC, edgeFract, csfFract): """Test the feature_spatial features against pre-calculated values.""" np.random.seed(1) # Run feature_spatial edge_fract, csf_fract, _ = features.feature_spatial(mel_IC) # Read features csv edgeFract = np.load(edgeFract) csfFract = np.load(csfFract) assert np.allclose(edgeFract, edge_fract) assert np.allclose(csfFract, csf_fract) # Run feature_spatial with metric metadata metadata = {} edge_fract, csf_fract, updated_metadata = features.feature_spatial(mel_IC, metadata) assert "edge_fract" in updated_metadata.keys() assert "csf_fract" in updated_metadata.keys()
[ 37811, 51, 3558, 329, 262, 3033, 8265, 526, 15931, 198, 11748, 299, 32152, 355, 45941, 198, 6738, 31242, 1330, 3033, 628, 198, 4299, 1332, 62, 30053, 62, 2435, 62, 25076, 7, 17694, 62, 19816, 11, 36650, 11, 3509, 62, 10215, 2411, 82, 2599, 198, 220, 220, 220, 37227, 14402, 262, 3895, 62, 2435, 62, 25076, 3895, 1028, 662, 12, 9948, 49262, 3815, 526, 15931, 198, 220, 220, 220, 45941, 13, 25120, 13, 28826, 7, 16, 8, 628, 220, 220, 220, 1303, 4149, 7758, 62, 19816, 198, 220, 220, 220, 7758, 62, 19816, 796, 45941, 13, 2220, 14116, 7, 17694, 62, 19816, 8, 628, 220, 220, 220, 1303, 5660, 3895, 62, 2435, 62, 25076, 198, 220, 220, 220, 3509, 62, 20031, 62, 10215, 81, 11, 4808, 796, 3033, 13, 30053, 62, 2435, 62, 25076, 7, 17694, 62, 19816, 11, 36650, 8, 628, 220, 220, 220, 1303, 4149, 3033, 269, 21370, 198, 220, 220, 220, 3509, 62, 10215, 2411, 82, 796, 45941, 13, 2220, 7, 9806, 62, 10215, 2411, 82, 8, 628, 220, 220, 220, 6818, 45941, 13, 439, 19836, 7, 9806, 62, 10215, 2411, 82, 11, 3509, 62, 20031, 62, 10215, 81, 11, 379, 349, 28, 16, 68, 12, 17, 8, 628, 220, 220, 220, 1303, 5660, 3895, 62, 2435, 62, 25076, 351, 18663, 20150, 198, 220, 220, 220, 20150, 796, 23884, 198, 220, 220, 220, 3509, 62, 20031, 62, 10215, 81, 11, 6153, 62, 38993, 796, 3033, 13, 30053, 62, 2435, 62, 25076, 7, 198, 220, 220, 220, 220, 220, 220, 220, 7758, 62, 19816, 11, 198, 220, 220, 220, 220, 220, 220, 220, 36650, 11, 198, 220, 220, 220, 220, 220, 220, 220, 18663, 62, 38993, 28, 38993, 11, 198, 220, 220, 220, 1267, 198, 220, 220, 220, 6818, 366, 9806, 62, 20031, 62, 10215, 81, 1, 287, 6153, 62, 38993, 13, 13083, 3419, 628, 198, 4299, 1332, 62, 30053, 62, 35324, 7, 17694, 62, 9792, 62, 19816, 11, 367, 4851, 2599, 198, 220, 220, 220, 37227, 14402, 262, 3895, 62, 35324, 3895, 1028, 662, 12, 9948, 49262, 3815, 526, 15931, 198, 220, 220, 220, 45941, 13, 25120, 13, 28826, 7, 16, 8, 628, 220, 220, 220, 1303, 4149, 7758, 62, 9792, 62, 19816, 198, 220, 220, 220, 7758, 62, 9792, 62, 19816, 796, 45941, 13, 2220, 14116, 7, 17694, 62, 9792, 62, 19816, 8, 628, 220, 220, 220, 1303, 5660, 3895, 62, 35324, 198, 220, 220, 220, 367, 4851, 62, 9288, 11, 4808, 796, 3033, 13, 30053, 62, 35324, 7, 17694, 62, 9792, 62, 19816, 11, 7579, 28, 17, 8, 628, 220, 220, 220, 1303, 4149, 3033, 269, 21370, 198, 220, 220, 220, 367, 4851, 796, 45941, 13, 2220, 7, 39, 4851, 8, 628, 220, 220, 220, 6818, 45941, 13, 439, 19836, 7, 39, 4851, 11, 367, 4851, 62, 9288, 8, 628, 220, 220, 220, 1303, 5660, 3895, 62, 35324, 351, 18663, 20150, 198, 220, 220, 220, 20150, 796, 23884, 198, 220, 220, 220, 367, 4851, 62, 9288, 11, 6153, 62, 38993, 796, 3033, 13, 30053, 62, 35324, 7, 198, 220, 220, 220, 220, 220, 220, 220, 7758, 62, 9792, 62, 19816, 11, 198, 220, 220, 220, 220, 220, 220, 220, 7579, 28, 17, 11, 198, 220, 220, 220, 220, 220, 220, 220, 18663, 62, 38993, 28, 38993, 11, 198, 220, 220, 220, 1267, 198, 220, 220, 220, 6818, 366, 39, 4851, 1, 287, 6153, 62, 38993, 13, 13083, 3419, 628, 198, 4299, 1332, 62, 30053, 62, 2777, 34961, 7, 17694, 62, 2149, 11, 5743, 37, 974, 11, 269, 28202, 37, 974, 2599, 198, 220, 220, 220, 37227, 14402, 262, 3895, 62, 2777, 34961, 3033, 1028, 662, 12, 9948, 49262, 3815, 526, 15931, 198, 220, 220, 220, 45941, 13, 25120, 13, 28826, 7, 16, 8, 628, 220, 220, 220, 1303, 5660, 3895, 62, 2777, 34961, 198, 220, 220, 220, 5743, 62, 69, 974, 11, 269, 28202, 62, 69, 974, 11, 4808, 796, 3033, 13, 30053, 62, 2777, 34961, 7, 17694, 62, 2149, 8, 628, 220, 220, 220, 1303, 4149, 3033, 269, 21370, 198, 220, 220, 220, 5743, 37, 974, 796, 45941, 13, 2220, 7, 14907, 37, 974, 8, 198, 220, 220, 220, 269, 28202, 37, 974, 796, 45941, 13, 2220, 7, 6359, 69, 37, 974, 8, 628, 220, 220, 220, 6818, 45941, 13, 439, 19836, 7, 14907, 37, 974, 11, 5743, 62, 69, 974, 8, 198, 220, 220, 220, 6818, 45941, 13, 439, 19836, 7, 6359, 69, 37, 974, 11, 269, 28202, 62, 69, 974, 8, 628, 220, 220, 220, 1303, 5660, 3895, 62, 2777, 34961, 351, 18663, 20150, 198, 220, 220, 220, 20150, 796, 23884, 198, 220, 220, 220, 5743, 62, 69, 974, 11, 269, 28202, 62, 69, 974, 11, 6153, 62, 38993, 796, 3033, 13, 30053, 62, 2777, 34961, 7, 17694, 62, 2149, 11, 20150, 8, 198, 220, 220, 220, 6818, 366, 14907, 62, 69, 974, 1, 287, 6153, 62, 38993, 13, 13083, 3419, 198, 220, 220, 220, 6818, 366, 6359, 69, 62, 69, 974, 1, 287, 6153, 62, 38993, 13, 13083, 3419, 198 ]
2.524155
828
import pytest from alive_progress.animations.spinners import alongside_spinner_factory, \ bouncing_spinner_factory, delayed_spinner_factory, frame_spinner_factory, \ scrolling_spinner_factory, sequential_spinner_factory from alive_progress.utils.cells import join_cells @pytest.mark.parametrize('frames, expected', [ ('a\nb', (('a', ' ', 'b'),)), ('abc', (('a', 'b', 'c'),)), (('a\nb', '\nc '), (('a b', ' c '),)), (('a ', ' b ', ' c'), (('a ', ' b ', ' c'),)), (('a', '(a)', ' (*) '), (('aaaaa', '(a)(a', ' (*) '),)), (('ok', '😺😺'), (('okok', '😺😺'),)), ]) @pytest.mark.parametrize('length, block, background, right, hide, expected', [ (None, None, ' ', True, True, ((' ', 'c ', 'bc ', 'abc', ' ab', ' a'),)), (None, None, ' ', False, True, ((' ', ' a', ' ab', 'abc', 'bc ', 'c '),)), (None, None, ' ', True, False, (('abc', 'cab', 'bca'),)), (None, None, ' ', False, False, (('abc', 'bca', 'cab'),)), (2, None, '~', True, True, (('~~', 'c~', 'bc', 'ab', '~a'),)), (2, None, '~', True, False, (('bc', 'ab', 'ca'),)), (2, None, '~', False, True, (('~~', '~a', 'ab', 'bc', 'c~'),)), (2, None, '~', False, False, (('ab', 'bc', 'ca'),)), (3, None, '~', True, True, (('~~~', 'c~~', 'bc~', 'abc', '~ab', '~~a'),)), (3, None, '~', True, False, (('abc', 'cab', 'bca'),)), (3, None, '~', False, True, (('~~~', '~~a', '~ab', 'abc', 'bc~', 'c~~'),)), (3, None, '~', False, False, (('abc', 'bca', 'cab'),)), (4, None, ' ', True, True, ((' ', 'c ', 'bc ', 'abc ', ' abc', ' ab', ' a'),)), (4, None, ' ', True, False, (('abc ', ' abc', 'c ab', 'bc a'),)), (4, None, ' ', False, True, ((' ', ' a', ' ab', ' abc', 'abc ', 'bc ', 'c '),)), (4, None, ' ', False, False, ((' abc', 'abc ', 'bc a', 'c ab'),)), (4, 1, '_', True, True, (('____', 'a___', '_a__', '__a_', '___a'), ('____', 'b___', '_b__', '__b_', '___b'), ('____', 'c___', '_c__', '__c_', '___c'))), (4, 2, '_', True, False, (('aa__', '_aa_', '__aa', 'b__a'), ('bb__', '_bb_', '__bb', 'c__b'), ('cc__', '_cc_', '__cc', 'a__c'))), ]) @pytest.mark.parametrize('length, block, background, hide, expected', [ (None, None, None, True, ((' ', 'c ', 'bc ', 'abc', ' ab', ' a'), (' ', ' d', ' de', 'def', 'ef ', 'f '),)), (None, None, None, False, (('abc',), ('def',),)), (2, None, '~', True, (('~~', 'c~', 'bc', 'ab', '~a'), ('~~', '~d', 'de', 'ef', 'f~'),)), (2, None, '~', False, (('bc', 'ab'), ('de', 'ef'),)), (3, None, '+', True, (('+++', 'c++', 'bc+', 'abc', '+ab', '++a'), ('+++', '++d', '+de', 'def', 'ef+', 'f++'),)), (3, None, '+', False, (('abc',), ('def',),)), (4, None, ' ', True, ((' ', 'c ', 'bc ', 'abc ', ' abc', ' ab', ' a'), (' ', ' d', ' de', ' def', 'def ', 'ef ', 'f '),)), (4, None, ' ', False, (('abc ', ' abc'), (' def', 'def '),)), (3, 1, '_', True, (('___', 'a__', '_a_', '__a'), ('___', '__d', '_d_', 'd__'), ('___', 'b__', '_b_', '__b'), ('___', '__e', '_e_', 'e__'), ('___', 'c__', '_c_', '__c'), ('___', '__f', '_f_', 'f__'))), (5, 2, '_', False, (('aa___', '_aa__', '__aa_', '___aa'), ('___dd', '__dd_', '_dd__', 'dd___'), ('bb___', '_bb__', '__bb_', '___bb'), ('___ee', '__ee_', '_ee__', 'ee___'), ('cc___', '_cc__', '__cc_', '___cc'), ('___ff', '__ff_', '_ff__', 'ff___'))), ]) @pytest.mark.parametrize('inputs, expected', [ (('123', 'abc'), (('1a', '2b', '3c'),)), (('12', 'abc'), (('1a', '2b', '1c', '2a', '1b', '2c'),)), ((('12', '34', '56'), 'ab'), (('12a', '34b', '56a', '12b', '34a', '56b'),)), ]) @pytest.mark.parametrize('inputs, expected', [ (('123', 'abc'), (('1a', '2b', '3c'),)), (('12', 'abc'), (('1a', '2b'), ('1c', '2a'), ('1b', '2c'))), ((('12', '34', '56'), 'ab'), (('12a', '34b', '56a'), ('12b', '34a', '56b'))), ]) @pytest.mark.parametrize('inputs, expected', [ (('123', 'abc'), (('11a', '22b', '33c'),)), (('12', 'abc'), (('11a', '22b', '11c', '22a', '11b', '22c'),)), ((('12', '34', '56'), 'ab'), (('12a', '34b', '56a', '12b', '34a', '56b'),)), ]) @pytest.mark.parametrize('inputs, expected', [ (('123', 'abc'), (('1',), ('a',), ('2',), ('b',), ('3',), ('c',))), (('12', 'abc'), (('1',), ('a',), ('2',), ('b',), ('1',), ('c',), ('2',), ('a',), ('1',), ('b',), ('2',), ('c',))), ((('12', '34', '56'), 'ab'), (('1', '2'), ('a',), ('3', '4'), ('b',), ('5', '6'), ('a',), ('1', '2'), ('b',), ('3', '4'), ('a',), ('5', '6'), ('b',))), ]) @pytest.mark.parametrize('inputs, expected', [ (('123', 'abc'), (('1',), ('2',), ('3',), ('a',), ('b',), ('c',))), (('12', 'abc'), (('1',), ('2',), ('a',), ('b',), ('c',))), ((('12', '34', '56'), 'ab'), (('1', '2'), ('3', '4'), ('5', '6'), ('a',), ('b',))), ]) @pytest.mark.parametrize('copies, offset, expected', [ (3, 1, (('123', '234', '345', '451', '512'),)), (4, 2, (('1352', '2413', '3524', '4135', '5241'),)), ])
[ 11748, 12972, 9288, 198, 198, 6738, 6776, 62, 33723, 13, 11227, 602, 13, 39706, 2741, 1330, 7848, 62, 2777, 5083, 62, 69, 9548, 11, 3467, 198, 220, 220, 220, 30713, 62, 2777, 5083, 62, 69, 9548, 11, 11038, 62, 2777, 5083, 62, 69, 9548, 11, 5739, 62, 2777, 5083, 62, 69, 9548, 11, 3467, 198, 220, 220, 220, 28659, 62, 2777, 5083, 62, 69, 9548, 11, 35582, 62, 2777, 5083, 62, 69, 9548, 198, 6738, 6776, 62, 33723, 13, 26791, 13, 46342, 1330, 4654, 62, 46342, 628, 198, 31, 9078, 9288, 13, 4102, 13, 17143, 316, 380, 2736, 10786, 37805, 11, 2938, 3256, 685, 198, 220, 220, 220, 19203, 64, 59, 46803, 3256, 357, 10786, 64, 3256, 705, 46083, 705, 65, 33809, 36911, 198, 220, 220, 220, 19203, 39305, 3256, 357, 10786, 64, 3256, 705, 65, 3256, 705, 66, 33809, 36911, 198, 220, 220, 220, 357, 10786, 64, 59, 46803, 3256, 705, 59, 10782, 705, 828, 357, 10786, 64, 275, 3256, 705, 269, 705, 828, 36911, 198, 220, 220, 220, 357, 10786, 64, 220, 46083, 705, 275, 46083, 705, 220, 269, 33809, 357, 10786, 64, 220, 46083, 705, 275, 46083, 705, 220, 269, 33809, 36911, 198, 220, 220, 220, 357, 10786, 64, 3256, 29513, 64, 8, 3256, 705, 20789, 8, 705, 828, 357, 10786, 24794, 64, 3256, 29513, 64, 5769, 64, 3256, 705, 20789, 8, 705, 828, 36911, 198, 220, 220, 220, 357, 10786, 482, 3256, 705, 47249, 118, 47249, 118, 33809, 357, 10786, 482, 482, 3256, 705, 47249, 118, 47249, 118, 33809, 36911, 198, 12962, 628, 198, 31, 9078, 9288, 13, 4102, 13, 17143, 316, 380, 2736, 10786, 13664, 11, 2512, 11, 4469, 11, 826, 11, 7808, 11, 2938, 3256, 685, 198, 220, 220, 220, 357, 14202, 11, 6045, 11, 705, 46083, 6407, 11, 6407, 11, 357, 10786, 220, 220, 46083, 705, 66, 220, 46083, 705, 15630, 46083, 705, 39305, 3256, 705, 450, 3256, 705, 220, 257, 33809, 36911, 198, 220, 220, 220, 357, 14202, 11, 6045, 11, 705, 46083, 10352, 11, 6407, 11, 357, 10786, 220, 220, 46083, 705, 220, 257, 3256, 705, 450, 3256, 705, 39305, 3256, 705, 15630, 46083, 705, 66, 220, 705, 828, 36911, 198, 220, 220, 220, 357, 14202, 11, 6045, 11, 705, 46083, 6407, 11, 10352, 11, 357, 10786, 39305, 3256, 705, 66, 397, 3256, 705, 65, 6888, 33809, 36911, 198, 220, 220, 220, 357, 14202, 11, 6045, 11, 705, 46083, 10352, 11, 10352, 11, 357, 10786, 39305, 3256, 705, 65, 6888, 3256, 705, 66, 397, 33809, 36911, 198, 220, 220, 220, 357, 17, 11, 6045, 11, 705, 93, 3256, 6407, 11, 6407, 11, 357, 10786, 4907, 3256, 705, 66, 93, 3256, 705, 15630, 3256, 705, 397, 3256, 705, 93, 64, 33809, 36911, 198, 220, 220, 220, 357, 17, 11, 6045, 11, 705, 93, 3256, 6407, 11, 10352, 11, 357, 10786, 15630, 3256, 705, 397, 3256, 705, 6888, 33809, 36911, 198, 220, 220, 220, 357, 17, 11, 6045, 11, 705, 93, 3256, 10352, 11, 6407, 11, 357, 10786, 4907, 3256, 705, 93, 64, 3256, 705, 397, 3256, 705, 15630, 3256, 705, 66, 93, 33809, 36911, 198, 220, 220, 220, 357, 17, 11, 6045, 11, 705, 93, 3256, 10352, 11, 10352, 11, 357, 10786, 397, 3256, 705, 15630, 3256, 705, 6888, 33809, 36911, 198, 220, 220, 220, 357, 18, 11, 6045, 11, 705, 93, 3256, 6407, 11, 6407, 11, 357, 10786, 4907, 93, 3256, 705, 66, 4907, 3256, 705, 15630, 93, 3256, 705, 39305, 3256, 705, 93, 397, 3256, 705, 4907, 64, 33809, 36911, 198, 220, 220, 220, 357, 18, 11, 6045, 11, 705, 93, 3256, 6407, 11, 10352, 11, 357, 10786, 39305, 3256, 705, 66, 397, 3256, 705, 65, 6888, 33809, 36911, 198, 220, 220, 220, 357, 18, 11, 6045, 11, 705, 93, 3256, 10352, 11, 6407, 11, 357, 10786, 4907, 93, 3256, 705, 4907, 64, 3256, 705, 93, 397, 3256, 705, 39305, 3256, 705, 15630, 93, 3256, 705, 66, 4907, 33809, 36911, 198, 220, 220, 220, 357, 18, 11, 6045, 11, 705, 93, 3256, 10352, 11, 10352, 11, 357, 10786, 39305, 3256, 705, 65, 6888, 3256, 705, 66, 397, 33809, 36911, 198, 220, 220, 220, 357, 19, 11, 6045, 11, 705, 46083, 6407, 11, 6407, 11, 357, 10786, 220, 220, 220, 46083, 705, 66, 220, 220, 46083, 705, 15630, 220, 46083, 705, 39305, 46083, 705, 450, 66, 3256, 705, 220, 450, 3256, 705, 220, 220, 257, 33809, 36911, 198, 220, 220, 220, 357, 19, 11, 6045, 11, 705, 46083, 6407, 11, 10352, 11, 357, 10786, 39305, 46083, 705, 450, 66, 3256, 705, 66, 450, 3256, 705, 15630, 257, 33809, 36911, 198, 220, 220, 220, 357, 19, 11, 6045, 11, 705, 46083, 10352, 11, 6407, 11, 357, 10786, 220, 220, 220, 46083, 705, 220, 220, 257, 3256, 705, 220, 450, 3256, 705, 450, 66, 3256, 705, 39305, 46083, 705, 15630, 220, 46083, 705, 66, 220, 220, 705, 828, 36911, 198, 220, 220, 220, 357, 19, 11, 6045, 11, 705, 46083, 10352, 11, 10352, 11, 357, 10786, 450, 66, 3256, 705, 39305, 46083, 705, 15630, 257, 3256, 705, 66, 450, 33809, 36911, 198, 220, 220, 220, 357, 19, 11, 352, 11, 705, 62, 3256, 6407, 11, 6407, 11, 357, 10786, 1427, 3256, 705, 64, 17569, 3256, 705, 62, 64, 834, 3256, 705, 834, 64, 62, 3256, 705, 17569, 64, 33809, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 19203, 1427, 3256, 705, 65, 17569, 3256, 705, 62, 65, 834, 3256, 705, 834, 65, 62, 3256, 705, 17569, 65, 33809, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 19203, 1427, 3256, 705, 66, 17569, 3256, 705, 62, 66, 834, 3256, 705, 834, 66, 62, 3256, 705, 17569, 66, 6, 4008, 828, 198, 220, 220, 220, 357, 19, 11, 362, 11, 705, 62, 3256, 6407, 11, 10352, 11, 357, 10786, 7252, 834, 3256, 705, 62, 7252, 62, 3256, 705, 834, 7252, 3256, 705, 65, 834, 64, 33809, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 19203, 11848, 834, 3256, 705, 62, 11848, 62, 3256, 705, 834, 11848, 3256, 705, 66, 834, 65, 33809, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 19203, 535, 834, 3256, 705, 62, 535, 62, 3256, 705, 834, 535, 3256, 705, 64, 834, 66, 6, 4008, 828, 198, 12962, 628, 198, 31, 9078, 9288, 13, 4102, 13, 17143, 316, 380, 2736, 10786, 13664, 11, 2512, 11, 4469, 11, 7808, 11, 2938, 3256, 685, 198, 220, 220, 220, 357, 14202, 11, 6045, 11, 6045, 11, 6407, 11, 357, 10786, 220, 220, 46083, 705, 66, 220, 46083, 705, 15630, 46083, 705, 39305, 3256, 705, 450, 3256, 705, 220, 257, 33809, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 19203, 220, 220, 46083, 705, 220, 288, 3256, 705, 390, 3256, 705, 4299, 3256, 705, 891, 46083, 705, 69, 220, 705, 828, 36911, 198, 220, 220, 220, 357, 14202, 11, 6045, 11, 6045, 11, 10352, 11, 357, 10786, 39305, 3256, 828, 19203, 4299, 3256, 828, 36911, 198, 220, 220, 220, 357, 17, 11, 6045, 11, 705, 93, 3256, 6407, 11, 357, 10786, 4907, 3256, 705, 66, 93, 3256, 705, 15630, 3256, 705, 397, 3256, 705, 93, 64, 33809, 19203, 4907, 3256, 705, 93, 67, 3256, 705, 2934, 3256, 705, 891, 3256, 705, 69, 93, 33809, 36911, 198, 220, 220, 220, 357, 17, 11, 6045, 11, 705, 93, 3256, 10352, 11, 357, 10786, 15630, 3256, 705, 397, 33809, 19203, 2934, 3256, 705, 891, 33809, 36911, 198, 220, 220, 220, 357, 18, 11, 6045, 11, 705, 10, 3256, 6407, 11, 357, 10786, 45340, 3256, 705, 66, 4880, 3256, 705, 15630, 10, 3256, 705, 39305, 3256, 705, 10, 397, 3256, 705, 4880, 64, 33809, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 19203, 45340, 3256, 705, 4880, 67, 3256, 705, 10, 2934, 3256, 705, 4299, 3256, 705, 891, 10, 3256, 705, 69, 4880, 33809, 36911, 198, 220, 220, 220, 357, 18, 11, 6045, 11, 705, 10, 3256, 10352, 11, 357, 10786, 39305, 3256, 828, 19203, 4299, 3256, 828, 36911, 198, 220, 220, 220, 357, 19, 11, 6045, 11, 705, 46083, 6407, 11, 357, 10786, 220, 220, 220, 46083, 705, 66, 220, 220, 46083, 705, 15630, 220, 46083, 705, 39305, 46083, 705, 450, 66, 3256, 705, 220, 450, 3256, 705, 220, 220, 257, 33809, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 19203, 220, 220, 220, 46083, 705, 220, 220, 288, 3256, 705, 220, 390, 3256, 705, 825, 3256, 705, 4299, 46083, 705, 891, 220, 46083, 705, 69, 220, 220, 705, 828, 36911, 198, 220, 220, 220, 357, 19, 11, 6045, 11, 705, 46083, 10352, 11, 357, 10786, 39305, 46083, 705, 450, 66, 33809, 19203, 825, 3256, 705, 4299, 705, 828, 36911, 198, 220, 220, 220, 357, 18, 11, 352, 11, 705, 62, 3256, 6407, 11, 357, 10786, 17569, 3256, 705, 64, 834, 3256, 705, 62, 64, 62, 3256, 705, 834, 64, 33809, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 19203, 17569, 3256, 705, 834, 67, 3256, 705, 62, 67, 62, 3256, 705, 67, 834, 33809, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 19203, 17569, 3256, 705, 65, 834, 3256, 705, 62, 65, 62, 3256, 705, 834, 65, 33809, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 19203, 17569, 3256, 705, 834, 68, 3256, 705, 62, 68, 62, 3256, 705, 68, 834, 33809, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 19203, 17569, 3256, 705, 66, 834, 3256, 705, 62, 66, 62, 3256, 705, 834, 66, 33809, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 19203, 17569, 3256, 705, 834, 69, 3256, 705, 62, 69, 62, 3256, 705, 69, 834, 6, 4008, 828, 198, 220, 220, 220, 357, 20, 11, 362, 11, 705, 62, 3256, 10352, 11, 357, 10786, 7252, 17569, 3256, 705, 62, 7252, 834, 3256, 705, 834, 7252, 62, 3256, 705, 17569, 7252, 33809, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 19203, 17569, 1860, 3256, 705, 834, 1860, 62, 3256, 705, 62, 1860, 834, 3256, 705, 1860, 17569, 33809, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 19203, 11848, 17569, 3256, 705, 62, 11848, 834, 3256, 705, 834, 11848, 62, 3256, 705, 17569, 11848, 33809, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 19203, 17569, 1453, 3256, 705, 834, 1453, 62, 3256, 705, 62, 1453, 834, 3256, 705, 1453, 17569, 33809, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 19203, 535, 17569, 3256, 705, 62, 535, 834, 3256, 705, 834, 535, 62, 3256, 705, 17569, 535, 33809, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 19203, 17569, 487, 3256, 705, 834, 487, 62, 3256, 705, 62, 487, 834, 3256, 705, 487, 17569, 6, 4008, 828, 198, 12962, 628, 198, 31, 9078, 9288, 13, 4102, 13, 17143, 316, 380, 2736, 10786, 15414, 82, 11, 2938, 3256, 685, 198, 220, 220, 220, 357, 10786, 10163, 3256, 705, 39305, 33809, 357, 10786, 16, 64, 3256, 705, 17, 65, 3256, 705, 18, 66, 33809, 36911, 198, 220, 220, 220, 357, 10786, 1065, 3256, 705, 39305, 33809, 357, 10786, 16, 64, 3256, 705, 17, 65, 3256, 705, 16, 66, 3256, 705, 17, 64, 3256, 705, 16, 65, 3256, 705, 17, 66, 33809, 36911, 198, 220, 220, 220, 14808, 10786, 1065, 3256, 705, 2682, 3256, 705, 3980, 33809, 705, 397, 33809, 357, 10786, 1065, 64, 3256, 705, 2682, 65, 3256, 705, 3980, 64, 3256, 705, 1065, 65, 3256, 705, 2682, 64, 3256, 705, 3980, 65, 33809, 36911, 198, 12962, 628, 198, 31, 9078, 9288, 13, 4102, 13, 17143, 316, 380, 2736, 10786, 15414, 82, 11, 2938, 3256, 685, 198, 220, 220, 220, 357, 10786, 10163, 3256, 705, 39305, 33809, 357, 10786, 16, 64, 3256, 705, 17, 65, 3256, 705, 18, 66, 33809, 36911, 198, 220, 220, 220, 357, 10786, 1065, 3256, 705, 39305, 33809, 357, 10786, 16, 64, 3256, 705, 17, 65, 33809, 19203, 16, 66, 3256, 705, 17, 64, 33809, 19203, 16, 65, 3256, 705, 17, 66, 6, 4008, 828, 198, 220, 220, 220, 14808, 10786, 1065, 3256, 705, 2682, 3256, 705, 3980, 33809, 705, 397, 33809, 357, 10786, 1065, 64, 3256, 705, 2682, 65, 3256, 705, 3980, 64, 33809, 19203, 1065, 65, 3256, 705, 2682, 64, 3256, 705, 3980, 65, 6, 4008, 828, 198, 12962, 628, 198, 31, 9078, 9288, 13, 4102, 13, 17143, 316, 380, 2736, 10786, 15414, 82, 11, 2938, 3256, 685, 198, 220, 220, 220, 357, 10786, 10163, 3256, 705, 39305, 33809, 357, 10786, 1157, 64, 3256, 705, 1828, 65, 3256, 705, 2091, 66, 33809, 36911, 198, 220, 220, 220, 357, 10786, 1065, 3256, 705, 39305, 33809, 357, 10786, 1157, 64, 3256, 705, 1828, 65, 3256, 705, 1157, 66, 3256, 705, 1828, 64, 3256, 705, 1157, 65, 3256, 705, 1828, 66, 33809, 36911, 198, 220, 220, 220, 14808, 10786, 1065, 3256, 705, 2682, 3256, 705, 3980, 33809, 705, 397, 33809, 357, 10786, 1065, 64, 3256, 705, 2682, 65, 3256, 705, 3980, 64, 3256, 705, 1065, 65, 3256, 705, 2682, 64, 3256, 705, 3980, 65, 33809, 36911, 198, 12962, 628, 198, 31, 9078, 9288, 13, 4102, 13, 17143, 316, 380, 2736, 10786, 15414, 82, 11, 2938, 3256, 685, 198, 220, 220, 220, 357, 10786, 10163, 3256, 705, 39305, 33809, 357, 10786, 16, 3256, 828, 19203, 64, 3256, 828, 19203, 17, 3256, 828, 19203, 65, 3256, 828, 19203, 18, 3256, 828, 19203, 66, 3256, 4008, 828, 198, 220, 220, 220, 357, 10786, 1065, 3256, 705, 39305, 33809, 357, 10786, 16, 3256, 828, 19203, 64, 3256, 828, 19203, 17, 3256, 828, 19203, 65, 3256, 828, 19203, 16, 3256, 828, 19203, 66, 3256, 828, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 19203, 17, 3256, 828, 19203, 64, 3256, 828, 19203, 16, 3256, 828, 19203, 65, 3256, 828, 19203, 17, 3256, 828, 19203, 66, 3256, 4008, 828, 198, 220, 220, 220, 14808, 10786, 1065, 3256, 705, 2682, 3256, 705, 3980, 33809, 705, 397, 33809, 357, 10786, 16, 3256, 705, 17, 33809, 19203, 64, 3256, 828, 19203, 18, 3256, 705, 19, 33809, 19203, 65, 3256, 828, 19203, 20, 3256, 705, 21, 33809, 19203, 64, 3256, 828, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 19203, 16, 3256, 705, 17, 33809, 19203, 65, 3256, 828, 19203, 18, 3256, 705, 19, 33809, 19203, 64, 3256, 828, 19203, 20, 3256, 705, 21, 33809, 19203, 65, 3256, 4008, 828, 198, 12962, 628, 198, 31, 9078, 9288, 13, 4102, 13, 17143, 316, 380, 2736, 10786, 15414, 82, 11, 2938, 3256, 685, 198, 220, 220, 220, 357, 10786, 10163, 3256, 705, 39305, 33809, 357, 10786, 16, 3256, 828, 19203, 17, 3256, 828, 19203, 18, 3256, 828, 19203, 64, 3256, 828, 19203, 65, 3256, 828, 19203, 66, 3256, 4008, 828, 198, 220, 220, 220, 357, 10786, 1065, 3256, 705, 39305, 33809, 357, 10786, 16, 3256, 828, 19203, 17, 3256, 828, 19203, 64, 3256, 828, 19203, 65, 3256, 828, 19203, 66, 3256, 4008, 828, 198, 220, 220, 220, 14808, 10786, 1065, 3256, 705, 2682, 3256, 705, 3980, 33809, 705, 397, 33809, 357, 10786, 16, 3256, 705, 17, 33809, 19203, 18, 3256, 705, 19, 33809, 19203, 20, 3256, 705, 21, 33809, 19203, 64, 3256, 828, 19203, 65, 3256, 4008, 828, 198, 12962, 628, 198, 31, 9078, 9288, 13, 4102, 13, 17143, 316, 380, 2736, 10786, 22163, 444, 11, 11677, 11, 2938, 3256, 685, 198, 220, 220, 220, 357, 18, 11, 352, 11, 357, 10786, 10163, 3256, 705, 24409, 3256, 705, 27712, 3256, 705, 36330, 3256, 705, 25836, 33809, 36911, 198, 220, 220, 220, 357, 19, 11, 362, 11, 357, 10786, 1485, 4309, 3256, 705, 1731, 1485, 3256, 705, 2327, 1731, 3256, 705, 19, 17059, 3256, 705, 20, 28872, 33809, 36911, 198, 12962, 198 ]
1.87513
2,891
#!/usr/bin/python # -*- coding: UTF-8 -*- import logging import datetime import smtplib import os import subprocess class ZpjUtils(object): ''' 一个工具类 ''' def __init__(self): ''' Constructor ''' begin_work_time = datetime.datetime.now() smtp = None ''' cmdstr:命令行 is_logger_out:是否输出日志,默认为True 返回值:0为正常,其他为异常 ''' ''' project_path:获取项目后存放的目录 project_name:项目名 git_url:git地址 ''' ''' pom_file: pom.xml ''' ''' project_path:项目目录 '''
[ 2, 48443, 14629, 14, 8800, 14, 29412, 201, 198, 2, 532, 9, 12, 19617, 25, 41002, 12, 23, 532, 9, 12, 201, 198, 201, 198, 11748, 18931, 201, 198, 11748, 4818, 8079, 201, 198, 11748, 895, 83, 489, 571, 201, 198, 11748, 28686, 201, 198, 11748, 850, 14681, 201, 198, 201, 198, 4871, 1168, 79, 73, 18274, 4487, 7, 15252, 2599, 201, 198, 220, 220, 220, 705, 7061, 201, 198, 220, 220, 220, 220, 31660, 10310, 103, 32432, 98, 17739, 115, 163, 109, 119, 201, 198, 220, 220, 220, 705, 7061, 201, 198, 201, 198, 220, 220, 220, 825, 11593, 15003, 834, 7, 944, 2599, 201, 198, 220, 220, 220, 220, 220, 220, 220, 705, 7061, 201, 198, 220, 220, 220, 220, 220, 220, 220, 28407, 273, 201, 198, 220, 220, 220, 220, 220, 220, 220, 705, 7061, 201, 198, 201, 198, 220, 220, 220, 2221, 62, 1818, 62, 2435, 796, 4818, 8079, 13, 19608, 8079, 13, 2197, 3419, 201, 198, 220, 220, 220, 895, 34788, 796, 6045, 201, 198, 201, 198, 220, 220, 220, 705, 7061, 201, 198, 220, 220, 220, 23991, 2536, 171, 120, 248, 37772, 121, 20015, 97, 26193, 234, 201, 198, 220, 220, 220, 318, 62, 6404, 1362, 62, 448, 171, 120, 248, 42468, 28938, 99, 164, 122, 241, 49035, 118, 33768, 98, 33232, 245, 171, 120, 234, 165, 119, 246, 164, 106, 97, 10310, 118, 17821, 201, 198, 220, 220, 220, 5525, 123, 242, 32368, 252, 161, 222, 120, 171, 120, 248, 15, 10310, 118, 29826, 96, 30585, 116, 171, 120, 234, 17739, 114, 20015, 244, 10310, 118, 28156, 224, 30585, 116, 201, 198, 220, 220, 220, 705, 7061, 201, 198, 201, 198, 220, 220, 220, 705, 7061, 201, 198, 220, 220, 220, 1628, 62, 6978, 171, 120, 248, 164, 236, 115, 20998, 244, 165, 94, 117, 33566, 106, 28938, 236, 27764, 246, 162, 242, 122, 21410, 33566, 106, 37605, 243, 201, 198, 220, 220, 220, 1628, 62, 3672, 171, 120, 248, 165, 94, 117, 33566, 106, 28938, 235, 201, 198, 220, 220, 220, 17606, 62, 6371, 171, 120, 248, 18300, 28839, 108, 161, 251, 222, 201, 198, 220, 220, 220, 705, 7061, 201, 198, 201, 198, 220, 220, 220, 705, 7061, 201, 198, 220, 220, 220, 279, 296, 62, 7753, 25, 279, 296, 13, 19875, 201, 198, 220, 220, 220, 705, 7061, 201, 198, 201, 198, 220, 220, 220, 705, 7061, 201, 198, 220, 220, 220, 1628, 62, 6978, 171, 120, 248, 165, 94, 117, 33566, 106, 33566, 106, 37605, 243, 201, 198, 220, 220, 220, 705, 7061, 201, 198, 201, 198 ]
1.376168
428
from typing import Union, List from scriptable.api import AST from scriptable.api.ast_binding import ASTBinding DataType = Union[int, float]
[ 6738, 19720, 1330, 4479, 11, 7343, 198, 198, 6738, 4226, 540, 13, 15042, 1330, 29273, 198, 6738, 4226, 540, 13, 15042, 13, 459, 62, 30786, 1330, 29273, 33, 6020, 198, 198, 6601, 6030, 796, 4479, 58, 600, 11, 12178, 60, 628 ]
3.512195
41
import os from flask import Flask from flask_sqlalchemy import SQLAlchemy from flask_migrate import Migrate from itsdangerous import TimedJSONWebSignatureSerializer as Serializer from config import config # Create instances of necessary Flask extensions. db = SQLAlchemy() migrate = Migrate() # Import the models so that they are registered with SQLAlchemy. from goal_tracker import models
[ 11748, 28686, 198, 198, 6738, 42903, 1330, 46947, 198, 6738, 42903, 62, 25410, 282, 26599, 1330, 16363, 2348, 26599, 198, 6738, 42903, 62, 76, 42175, 1330, 337, 42175, 198, 6738, 663, 38537, 516, 1330, 5045, 276, 40386, 13908, 11712, 1300, 32634, 7509, 355, 23283, 7509, 198, 198, 6738, 4566, 1330, 4566, 628, 198, 2, 13610, 10245, 286, 3306, 46947, 18366, 13, 198, 9945, 796, 16363, 2348, 26599, 3419, 198, 76, 42175, 796, 337, 42175, 3419, 628, 198, 2, 17267, 262, 4981, 523, 326, 484, 389, 6823, 351, 16363, 2348, 26599, 13, 198, 6738, 3061, 62, 2213, 10735, 1330, 4981, 628 ]
3.97
100
# Copyright 2018 Amazon.com, Inc. or its affiliates. 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. # A copy of the License is located at # # http://www.apache.org/licenses/LICENSE-2.0 # # or in the "license" file accompanying this file. This file 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 pytest import mxnet as mx import numpy as np from mxfusion.components.variables.runtime_variable import add_sample_dimension, array_has_samples @pytest.mark.usefixtures("set_seed")
[ 2, 15069, 2864, 6186, 13, 785, 11, 3457, 13, 393, 663, 29116, 13, 1439, 6923, 33876, 13, 198, 2, 198, 2, 220, 220, 49962, 739, 262, 24843, 13789, 11, 10628, 362, 13, 15, 357, 1169, 366, 34156, 11074, 198, 2, 220, 220, 921, 743, 407, 779, 428, 2393, 2845, 287, 11846, 351, 262, 13789, 13, 198, 2, 220, 220, 317, 4866, 286, 262, 13789, 318, 5140, 379, 198, 2, 198, 2, 220, 220, 220, 220, 220, 220, 2638, 1378, 2503, 13, 43073, 13, 2398, 14, 677, 4541, 14, 43, 2149, 24290, 12, 17, 13, 15, 198, 2, 198, 2, 220, 220, 393, 287, 262, 366, 43085, 1, 2393, 19249, 428, 2393, 13, 770, 2393, 318, 9387, 198, 2, 220, 220, 319, 281, 366, 1921, 3180, 1, 29809, 1797, 11, 42881, 34764, 11015, 6375, 7102, 49828, 11053, 3963, 15529, 509, 12115, 11, 2035, 198, 2, 220, 220, 4911, 393, 17142, 13, 4091, 262, 13789, 329, 262, 2176, 3303, 15030, 198, 2, 220, 220, 21627, 290, 11247, 739, 262, 13789, 13, 198, 2, 38093, 25609, 28, 628, 198, 11748, 12972, 9288, 198, 11748, 285, 87, 3262, 355, 285, 87, 198, 11748, 299, 32152, 355, 45941, 198, 6738, 285, 26152, 4241, 13, 5589, 3906, 13, 25641, 2977, 13, 43282, 62, 45286, 1330, 751, 62, 39873, 62, 46156, 11, 7177, 62, 10134, 62, 82, 12629, 628, 198, 31, 9078, 9288, 13, 4102, 13, 1904, 69, 25506, 7203, 2617, 62, 28826, 4943, 198 ]
3.630252
238
import numpy as np from datetime import datetime, timedelta import json import os start_work = 9 * 60 * 60 # Work start from 9:00. unit: second end_work = 17 * 60 * 60 # Work end at 17:00. unit: second daily_report = 16 * 60 * 60 # Daily progress report at 16:00, in meeting room daily_report_mean = 15 * 60 # Daily progress report average length 15 min daily_report_std = 1 * 60 # Daily progress report std.dev 1 min come_leave_flex_coef = 30 * 60 # Tend to come 8:30, average arrive at 9:00. Leave is similar. Exponential distribution call_for_absence = 0.01 # Possibility of not come to the office lunch_start_time = 12 * 60 * 60 # Lunch serve start time 12:00. unit: second lunch_end_time = 13 * 60 * 60 # Lunch serve end time 13:00. unit: second eat_time_a = 10 # average time for each person to eat lunch. Beta distribution eat_time_b = 50 # average time for each person to eat lunch. Beta distribution cut_off_time = 14 * 60 * 60 # After this time, the person won't come to work day_cut_off = 24 * 60 * 60 start_synthetic_data = datetime(2020, 3, 25) # start date end_synthetic_data = datetime(2020, 3, 27) # end date report_interval = timedelta(seconds=1) # Time interval between two consecutive package guest_lambda = 3 # Poisson arrival for unknown customers. unit: person per day visit_colleague = 3 # How many times a worker goes to a colleague's office average_stay_in_colleague_office = 30 * 60 std_stay_in_colleague_office = 4 * 60 average_stay_customer = 30 * 60 std_stay_customer = 5 * 60 sensor_type = ["Room_Outlet_Controller", "Room_Motion_Sensor", "Room_Temperature_Sensor", "Room_Lock_Controller", "Room_Door_Camera"] # value = (np.random.beta(eat_time_a, eat_time_b, 10000) + 0.1) * 100 possible_locations = ["home", "Room_1_1_140", "Room_1_1_141", "Room_1_1_142", "Room_1_1_143", "Room_1_1_144", "Room_1_1_150", "Room_1_1_184", "busy"] walking_time = {"Room_1_1_140": {"Room_1_1_140": 0, "Room_1_1_141": 2, "Room_1_1_142": 2, "Room_1_1_143": 3, "Room_1_1_144": 4, "Room_1_1_150": 1, "Room_1_1_184": 2}, "Room_1_1_141": {"Room_1_1_140": 2, "Room_1_1_141": 0, "Room_1_1_142": 3, "Room_1_1_143": 4, "Room_1_1_144": 5, "Room_1_1_150": 1, "Room_1_1_184": 2}, "Room_1_1_142": {"Room_1_1_140": 2, "Room_1_1_141": 3, "Room_1_1_142": 0, "Room_1_1_143": 2, "Room_1_1_144": 2, "Room_1_1_150": 1, "Room_1_1_184": 3}, "Room_1_1_143": {"Room_1_1_140": 3, "Room_1_1_141": 4, "Room_1_1_142": 2, "Room_1_1_143": 0, "Room_1_1_144": 2, "Room_1_1_150": 1, "Room_1_1_184": 4}, "Room_1_1_144": {"Room_1_1_140": 4, "Room_1_1_141": 5, "Room_1_1_142": 2, "Room_1_1_143": 2, "Room_1_1_144": 0, "Room_1_1_150": 1, "Room_1_1_184": 5}, "Room_1_1_150": {"Room_1_1_140": 1, "Room_1_1_141": 1, "Room_1_1_142": 1, "Room_1_1_143": 1, "Room_1_1_144": 1, "Room_1_1_150": 0, "Room_1_1_184": 1}, "Room_1_1_184": {"Room_1_1_140": 2, "Room_1_1_141": 4, "Room_1_1_142": 4, "Room_1_1_143": 5, "Room_1_1_144": 5, "Room_1_1_150": 1, "Room_1_1_184": 0}} lock_setting = {"Room_1_1_140": "Room_1_1_150", "Room_1_1_141": "Room_1_1_150", "Room_1_1_142": "Room_1_1_150", "Room_1_1_143": "Room_1_1_150", "Room_1_1_144": "Room_1_1_150", "Room_1_1_150": "Room_1_1_184", "Room_1_1_184": "home", "home": "Room_1_1_184"} worker_assign = [Person("Employee 1", "[email protected]", "Room_1_1_140"), Person("Employee 2", "[email protected]", "Room_1_1_142"), Person("Employee 3", "[email protected]", "Room_1_1_144"), Person("Employee 4", "[email protected]", "Room_1_1_143")] sensors = list() # label, uuid, brick_name, room with open("sensor_config.json", 'r') as json_file: sensor_config = json.load(json_file) for room in sensor_config: for brick in sensor_config[room]: uuid = sensor_config[room][brick]["UUID"] label = sensor_config[room][brick]["Type"] sensors.append(Sensor(label, uuid, brick, room)) sensors.append(Sensor("SmartThings v3 Hub", "ede0ef78-70b7-4756-9dd6-db82d33fc9eb", None, None)) # print(len(np.nonzero(np.array([False, False, True]))[0])) # value = (np.random.beta(eat_time_a, eat_time_b, 10000) + 0.1) * 100 # print(24 * 60 * 60) # plt.hist(value) # plt.show()
[ 11748, 299, 32152, 355, 45941, 198, 6738, 4818, 8079, 1330, 4818, 8079, 11, 28805, 12514, 198, 11748, 33918, 198, 11748, 28686, 198, 198, 9688, 62, 1818, 796, 860, 1635, 3126, 1635, 3126, 220, 1303, 5521, 923, 422, 860, 25, 405, 13, 4326, 25, 1218, 198, 437, 62, 1818, 796, 1596, 1635, 3126, 1635, 3126, 220, 1303, 5521, 886, 379, 1596, 25, 405, 13, 4326, 25, 1218, 198, 29468, 62, 13116, 796, 1467, 1635, 3126, 1635, 3126, 220, 1303, 6714, 4371, 989, 379, 1467, 25, 405, 11, 287, 3249, 2119, 198, 29468, 62, 13116, 62, 32604, 796, 1315, 1635, 3126, 220, 1303, 6714, 4371, 989, 2811, 4129, 1315, 949, 198, 29468, 62, 13116, 62, 19282, 796, 352, 1635, 3126, 220, 1303, 6714, 4371, 989, 14367, 13, 7959, 352, 949, 198, 2958, 62, 47408, 62, 32880, 62, 1073, 891, 796, 1542, 1635, 3126, 220, 1303, 48664, 284, 1282, 807, 25, 1270, 11, 2811, 9240, 379, 860, 25, 405, 13, 17446, 318, 2092, 13, 5518, 35470, 6082, 198, 13345, 62, 1640, 62, 8937, 594, 796, 657, 13, 486, 220, 1303, 29265, 2247, 286, 407, 1282, 284, 262, 2607, 198, 75, 3316, 62, 9688, 62, 2435, 796, 1105, 1635, 3126, 1635, 3126, 220, 1303, 40514, 4691, 923, 640, 1105, 25, 405, 13, 4326, 25, 1218, 198, 75, 3316, 62, 437, 62, 2435, 796, 1511, 1635, 3126, 1635, 3126, 220, 1303, 40514, 4691, 886, 640, 1511, 25, 405, 13, 4326, 25, 1218, 198, 4098, 62, 2435, 62, 64, 796, 838, 220, 1303, 2811, 640, 329, 1123, 1048, 284, 4483, 9965, 13, 17993, 6082, 198, 4098, 62, 2435, 62, 65, 796, 2026, 220, 1303, 2811, 640, 329, 1123, 1048, 284, 4483, 9965, 13, 17993, 6082, 198, 8968, 62, 2364, 62, 2435, 796, 1478, 1635, 3126, 1635, 3126, 220, 1303, 2293, 428, 640, 11, 262, 1048, 1839, 470, 1282, 284, 670, 198, 820, 62, 8968, 62, 2364, 796, 1987, 1635, 3126, 1635, 3126, 198, 9688, 62, 1837, 429, 6587, 62, 7890, 796, 4818, 8079, 7, 42334, 11, 513, 11, 1679, 8, 220, 1303, 923, 3128, 198, 437, 62, 1837, 429, 6587, 62, 7890, 796, 4818, 8079, 7, 42334, 11, 513, 11, 2681, 8, 220, 1303, 886, 3128, 198, 13116, 62, 3849, 2100, 796, 28805, 12514, 7, 43012, 28, 16, 8, 220, 1303, 3862, 16654, 1022, 734, 12785, 5301, 198, 5162, 395, 62, 50033, 796, 513, 220, 1303, 7695, 30927, 10325, 329, 6439, 4297, 13, 4326, 25, 1048, 583, 1110, 198, 4703, 270, 62, 4033, 19316, 796, 513, 220, 1303, 1374, 867, 1661, 257, 8383, 2925, 284, 257, 16008, 338, 2607, 198, 23913, 62, 31712, 62, 259, 62, 4033, 19316, 62, 31810, 796, 1542, 1635, 3126, 198, 19282, 62, 31712, 62, 259, 62, 4033, 19316, 62, 31810, 796, 604, 1635, 3126, 198, 23913, 62, 31712, 62, 23144, 263, 796, 1542, 1635, 3126, 198, 19282, 62, 31712, 62, 23144, 263, 796, 642, 1635, 3126, 198, 82, 22854, 62, 4906, 796, 14631, 41178, 62, 7975, 1616, 62, 22130, 1600, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 45740, 62, 47864, 1600, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 42492, 62, 47864, 1600, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 25392, 62, 22130, 1600, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 35, 2675, 62, 35632, 8973, 198, 2, 1988, 796, 357, 37659, 13, 25120, 13, 31361, 7, 4098, 62, 2435, 62, 64, 11, 4483, 62, 2435, 62, 65, 11, 33028, 8, 1343, 657, 13, 16, 8, 1635, 1802, 198, 198, 79, 4733, 62, 17946, 602, 796, 14631, 11195, 1600, 366, 41178, 62, 16, 62, 16, 62, 15187, 1600, 366, 41178, 62, 16, 62, 16, 62, 23756, 1600, 366, 41178, 62, 16, 62, 16, 62, 23726, 1600, 366, 41178, 62, 16, 62, 16, 62, 21139, 1600, 366, 41178, 62, 16, 62, 16, 62, 18444, 1600, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 8628, 1600, 366, 41178, 62, 16, 62, 16, 62, 22883, 1600, 366, 10885, 88, 8973, 198, 44065, 62, 2435, 796, 19779, 41178, 62, 16, 62, 16, 62, 15187, 1298, 19779, 41178, 62, 16, 62, 16, 62, 15187, 1298, 657, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 23756, 1298, 362, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 23726, 1298, 362, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 21139, 1298, 513, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 18444, 1298, 604, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 8628, 1298, 352, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 22883, 1298, 362, 5512, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 23756, 1298, 19779, 41178, 62, 16, 62, 16, 62, 15187, 1298, 362, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 23756, 1298, 657, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 23726, 1298, 513, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 21139, 1298, 604, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 18444, 1298, 642, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 8628, 1298, 352, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 22883, 1298, 362, 5512, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 23726, 1298, 19779, 41178, 62, 16, 62, 16, 62, 15187, 1298, 362, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 23756, 1298, 513, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 23726, 1298, 657, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 21139, 1298, 362, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 18444, 1298, 362, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 8628, 1298, 352, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 22883, 1298, 513, 5512, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 21139, 1298, 19779, 41178, 62, 16, 62, 16, 62, 15187, 1298, 513, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 23756, 1298, 604, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 23726, 1298, 362, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 21139, 1298, 657, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 18444, 1298, 362, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 8628, 1298, 352, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 22883, 1298, 604, 5512, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 18444, 1298, 19779, 41178, 62, 16, 62, 16, 62, 15187, 1298, 604, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 23756, 1298, 642, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 23726, 1298, 362, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 21139, 1298, 362, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 18444, 1298, 657, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 8628, 1298, 352, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 22883, 1298, 642, 5512, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 8628, 1298, 19779, 41178, 62, 16, 62, 16, 62, 15187, 1298, 352, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 23756, 1298, 352, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 23726, 1298, 352, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 21139, 1298, 352, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 18444, 1298, 352, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 8628, 1298, 657, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 22883, 1298, 352, 5512, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 22883, 1298, 19779, 41178, 62, 16, 62, 16, 62, 15187, 1298, 362, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 23756, 1298, 604, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 23726, 1298, 604, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 21139, 1298, 642, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 18444, 1298, 642, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 8628, 1298, 352, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 22883, 1298, 657, 11709, 198, 5354, 62, 33990, 796, 19779, 41178, 62, 16, 62, 16, 62, 15187, 1298, 366, 41178, 62, 16, 62, 16, 62, 8628, 1600, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 23756, 1298, 366, 41178, 62, 16, 62, 16, 62, 8628, 1600, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 23726, 1298, 366, 41178, 62, 16, 62, 16, 62, 8628, 1600, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 21139, 1298, 366, 41178, 62, 16, 62, 16, 62, 8628, 1600, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 18444, 1298, 366, 41178, 62, 16, 62, 16, 62, 8628, 1600, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 8628, 1298, 366, 41178, 62, 16, 62, 16, 62, 22883, 1600, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 41178, 62, 16, 62, 16, 62, 22883, 1298, 366, 11195, 1600, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 11195, 1298, 366, 41178, 62, 16, 62, 16, 62, 22883, 20662, 628, 198, 198, 28816, 62, 562, 570, 796, 685, 15439, 7203, 29733, 1453, 352, 1600, 366, 7033, 1453, 16, 31, 39722, 13, 785, 1600, 366, 41178, 62, 16, 62, 16, 62, 15187, 12340, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 7755, 7203, 29733, 1453, 362, 1600, 366, 7033, 1453, 17, 31, 39722, 13, 785, 1600, 366, 41178, 62, 16, 62, 16, 62, 23726, 12340, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 7755, 7203, 29733, 1453, 513, 1600, 366, 7033, 1453, 18, 31, 39722, 13, 785, 1600, 366, 41178, 62, 16, 62, 16, 62, 18444, 12340, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 7755, 7203, 29733, 1453, 604, 1600, 366, 7033, 1453, 19, 31, 39722, 13, 785, 1600, 366, 41178, 62, 16, 62, 16, 62, 21139, 4943, 60, 628, 198, 198, 82, 641, 669, 796, 1351, 3419, 198, 2, 6167, 11, 334, 27112, 11, 17214, 62, 3672, 11, 2119, 198, 4480, 1280, 7203, 82, 22854, 62, 11250, 13, 17752, 1600, 705, 81, 11537, 355, 33918, 62, 7753, 25, 198, 220, 220, 220, 12694, 62, 11250, 796, 33918, 13, 2220, 7, 17752, 62, 7753, 8, 198, 220, 220, 220, 329, 2119, 287, 12694, 62, 11250, 25, 198, 220, 220, 220, 220, 220, 220, 220, 329, 17214, 287, 12694, 62, 11250, 58, 3823, 5974, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 334, 27112, 796, 12694, 62, 11250, 58, 3823, 7131, 1671, 624, 7131, 1, 52, 27586, 8973, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6167, 796, 12694, 62, 11250, 58, 3823, 7131, 1671, 624, 7131, 1, 6030, 8973, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 15736, 13, 33295, 7, 47864, 7, 18242, 11, 334, 27112, 11, 17214, 11, 2119, 4008, 198, 198, 82, 641, 669, 13, 33295, 7, 47864, 7203, 25610, 22248, 410, 18, 14699, 1600, 366, 18654, 15, 891, 3695, 12, 2154, 65, 22, 12, 32576, 21, 12, 24, 1860, 21, 12, 9945, 6469, 67, 2091, 16072, 24, 1765, 1600, 6045, 11, 6045, 4008, 198, 2, 3601, 7, 11925, 7, 37659, 13, 13159, 22570, 7, 37659, 13, 18747, 26933, 25101, 11, 10352, 11, 6407, 60, 4008, 58, 15, 60, 4008, 198, 198, 2, 1988, 796, 357, 37659, 13, 25120, 13, 31361, 7, 4098, 62, 2435, 62, 64, 11, 4483, 62, 2435, 62, 65, 11, 33028, 8, 1343, 657, 13, 16, 8, 1635, 1802, 198, 2, 3601, 7, 1731, 1635, 3126, 1635, 3126, 8, 198, 2, 458, 83, 13, 10034, 7, 8367, 8, 198, 2, 458, 83, 13, 12860, 3419, 198 ]
1.678378
3,501
#!/usr/bin/env python3 from os import path import sys, subprocess, argparse parser = argparse.ArgumentParser(description='Automates the process of evaluating a word embedding.') parser.add_argument('file', type=str, help='Word embedding file.') parser.add_argument('-skip-regen', '--skip-regen', action='store_false', help="Skip regenerating the numpy and .py cache files (default always regenerates)") parser.add_argument('-skip-similarity', '--skip-similarity', action='store_true', help="Skip similarity analyses (default does not skip)") parser.add_argument('-skip-analogy', '--skip-analogy', action='store_true', help="Skip analogy analyses (default does not skip)") parser.add_argument('-preserve-base-embedding', '--preserve-base-embedding', action='store_true', help="Don't delete the base embedding after creating .npy and .vocab caches") parser.add_argument('-vocab', '--vocab', type=str, default=None, help='Vocabulary file to recount from') parser.add_argument('-verbose', '--verbose', action='store_true', help='Output bonus info for analysis') parser.add_argument('-simlex-bin', '--simlex-bin', action='store_true', help='Set output to only simlex bin') parser.add_argument('-cutoff', '--cutoff', type=int, default=200, help='Cutoff for evaluation') args = parser.parse_args() if args.simlex_bin: args.verbose=True script_home = path.dirname(__file__) hyperdir = path.join(script_home, "hyperwords") # Hyperwords requires embedding to be *.words base_embedding = path.relpath(args.file) words_ready = base_embedding.endswith(".words") if words_ready: embedding = base_embedding base_embedding = base_embedding[:-6] # Attempting to skip regen but it doesn't exist--soft default back to not skipping if not args.skip_regen and not (path.exists(embedding+".npy") and path.exists(embedding+".vocab")): args.skip_regen = True elif not args.skip_regen and not args.simlex_bin: print("Using existing HyperWords adjusted embedding based on {0} and {1}".format(embedding+".npy", embedding+".vocab")) else: # Create suitable name embedding = path.relpath(base_embedding+".words") if not args.simlex_bin: print("{0} is not a *.words file (HyperWords requirement), copying to {1}...".format(base_embedding, embedding)) if path.exists(embedding): # Potentially unsafe to copy print("{0} already exists. Overwrite? y/n: ".format(embedding), end='') choice = input() while choice.lower() not in ['y', 'n']: print("Unrecognized input ({0})! {1} already exists. Overwrite? y/n: ".format(choice, embedding), end='') choice = input() if choice.lower() == 'y': args.skip_regen = True # This will be a new file, it must have embeddings regenerated import shutil shutil.copyfile(base_embedding, embedding) del shutil else: args.skip_regen = False else: # No collision, safe to copy import shutil shutil.copyfile(base_embedding, embedding) del shutil # Create embedding for hyperwords if args.skip_regen: # Special case: Base embedding does not exist if not path.exists(embedding): if not args.simlex_bin: print("No base embedding found to regenerate!!") if path.exists(embedding+'.npy') and path.exists(embedding+'.vocab'): if not args.simlex_bin: print("Continuing with cached materials {0}.npy and {0}.vocab".format(embedding)) else: print("No cached {0}.npy or {0}.vocab to use, please ensure the correct file path was specified.".format(embedding)) exit() else: # Apply numpy fixup for Hyperwords if not args.simlex_bin: print("Adjusting embedding for HyperWords Use...") completed_proc = subprocess.run(['python2', path.relpath(hyperdir+'/hyperwords/text2numpy.py'), embedding]) if completed_proc.returncode != 0: print("FAILURE! Aborting.") exit() # Preserve disk space after cache by removing the original ascii file if not args.preserve_base_embedding: import os os.remove(embedding) # Perform hyperwords evaluations if not args.skip_similarity: extension = ['--vocab', args.vocab] if args.vocab is not None else [] if args.verbose: extension.extend(['--verbose', '1']) if not args.simlex_bin: print("Similarity Results (WS353, SimLex999)\n-------------------------------------") cmd = ['python2', path.relpath(hyperdir+'/hyperwords/ws_eval.py'), 'embedding', base_embedding, path.relpath(hyperdir+'/testsets/ws/ws353.txt')] cmd.extend(extension) completed_proc = subprocess.run(cmd) if completed_proc.returncode != 0: if completed_proc.stdout is not None: print(f'stdout ws353: {completed_proc.stdout}') if completed_proc.stderr is not None: print(f'stderr ws353: {completed_proc.stderr}') print("FAILURE! Aborting.") exit() print() cmd = ['python2', path.relpath(hyperdir+'/hyperwords/ws_eval.py'), 'embedding', base_embedding, path.relpath(hyperdir+'/testsets/ws/SimLex999.txt')] cmd.extend(extension) if args.cutoff > 0: cmd.extend(['--cutoff', str(args.cutoff)]) completed_proc = subprocess.run(cmd) if completed_proc.returncode != 0: if completed_proc.stdout is not None: print(f'stdout simlex999: {completed_proc.stdout}') if completed_proc.stderr is not None: print(f'stderr simlex999: {completed_proc.stderr}') print("FAILURE! Aborting.") exit() if not args.simlex_bin: print() if not args.skip_analogy and not args.simlex_bin: print("Google Analogy Results\n----------------------") completed_proc = subprocess.run(['python2', path.relpath(hyperdir+'/hyperwords/analogy_eval.py'), 'embedding', base_embedding, path.relpath(hyperdir+'/testsets/analogy/google.txt')]) if completed_proc.returncode != 0: if completed_proc.stdout is not None: print(completed_proc.stdout) if completed_proc.stderr is not None: print(completed_proc.stderr) print("FAILURE! Aborting.") exit() print()
[ 2, 48443, 14629, 14, 8800, 14, 24330, 21015, 18, 198, 198, 6738, 28686, 1330, 3108, 198, 11748, 25064, 11, 850, 14681, 11, 1822, 29572, 198, 198, 48610, 796, 1822, 29572, 13, 28100, 1713, 46677, 7, 11213, 11639, 38062, 689, 262, 1429, 286, 22232, 257, 1573, 11525, 12083, 2637, 8, 198, 48610, 13, 2860, 62, 49140, 10786, 7753, 3256, 2099, 28, 2536, 11, 1037, 11639, 26449, 11525, 12083, 2393, 2637, 8, 198, 48610, 13, 2860, 62, 49140, 10786, 12, 48267, 12, 2301, 268, 3256, 705, 438, 48267, 12, 2301, 268, 3256, 2223, 11639, 8095, 62, 9562, 3256, 1037, 2625, 50232, 16935, 803, 262, 299, 32152, 290, 764, 9078, 12940, 3696, 357, 12286, 1464, 16935, 689, 8, 4943, 198, 48610, 13, 2860, 62, 49140, 10786, 12, 48267, 12, 38610, 414, 3256, 705, 438, 48267, 12, 38610, 414, 3256, 2223, 11639, 8095, 62, 7942, 3256, 1037, 2625, 50232, 26789, 13523, 357, 12286, 857, 407, 14267, 8, 4943, 198, 48610, 13, 2860, 62, 49140, 10786, 12, 48267, 12, 272, 48909, 3256, 705, 438, 48267, 12, 272, 48909, 3256, 2223, 11639, 8095, 62, 7942, 3256, 1037, 2625, 50232, 23970, 13523, 357, 12286, 857, 407, 14267, 8, 4943, 198, 48610, 13, 2860, 62, 49140, 10786, 12, 18302, 3760, 12, 8692, 12, 20521, 12083, 3256, 705, 438, 18302, 3760, 12, 8692, 12, 20521, 12083, 3256, 2223, 11639, 8095, 62, 7942, 3256, 1037, 2625, 3987, 470, 12233, 262, 2779, 11525, 12083, 706, 4441, 764, 77, 9078, 290, 764, 18893, 397, 50177, 4943, 198, 48610, 13, 2860, 62, 49140, 10786, 12, 18893, 397, 3256, 705, 438, 18893, 397, 3256, 2099, 28, 2536, 11, 4277, 28, 14202, 11, 1037, 11639, 53, 420, 22528, 2393, 284, 16369, 422, 11537, 198, 48610, 13, 2860, 62, 49140, 10786, 12, 19011, 577, 3256, 705, 438, 19011, 577, 3256, 2223, 11639, 8095, 62, 7942, 3256, 1037, 11639, 26410, 7202, 7508, 329, 3781, 11537, 198, 48610, 13, 2860, 62, 49140, 10786, 12, 14323, 2588, 12, 8800, 3256, 705, 438, 14323, 2588, 12, 8800, 3256, 2223, 11639, 8095, 62, 7942, 3256, 1037, 11639, 7248, 5072, 284, 691, 985, 2588, 9874, 11537, 198, 48610, 13, 2860, 62, 49140, 10786, 12, 8968, 2364, 3256, 705, 438, 8968, 2364, 3256, 2099, 28, 600, 11, 4277, 28, 2167, 11, 1037, 11639, 26254, 2364, 329, 12660, 11537, 198, 22046, 796, 30751, 13, 29572, 62, 22046, 3419, 198, 361, 26498, 13, 14323, 2588, 62, 8800, 25, 198, 220, 26498, 13, 19011, 577, 28, 17821, 198, 198, 12048, 62, 11195, 796, 3108, 13, 15908, 3672, 7, 834, 7753, 834, 8, 198, 49229, 15908, 796, 3108, 13, 22179, 7, 12048, 62, 11195, 11, 366, 49229, 10879, 4943, 198, 198, 2, 15079, 10879, 4433, 11525, 12083, 284, 307, 46866, 10879, 198, 8692, 62, 20521, 12083, 796, 3108, 13, 2411, 6978, 7, 22046, 13, 7753, 8, 198, 10879, 62, 1493, 796, 2779, 62, 20521, 12083, 13, 437, 2032, 342, 7, 1911, 10879, 4943, 198, 361, 2456, 62, 1493, 25, 198, 220, 11525, 12083, 796, 2779, 62, 20521, 12083, 198, 220, 2779, 62, 20521, 12083, 796, 2779, 62, 20521, 12083, 58, 21912, 21, 60, 198, 220, 1303, 25770, 278, 284, 14267, 842, 268, 475, 340, 1595, 470, 2152, 438, 4215, 4277, 736, 284, 407, 31017, 198, 220, 611, 407, 26498, 13, 48267, 62, 2301, 268, 290, 407, 357, 6978, 13, 1069, 1023, 7, 20521, 12083, 10, 1911, 77, 9078, 4943, 290, 3108, 13, 1069, 1023, 7, 20521, 12083, 10, 1911, 18893, 397, 4943, 2599, 198, 220, 220, 220, 26498, 13, 48267, 62, 2301, 268, 796, 6407, 198, 220, 1288, 361, 407, 26498, 13, 48267, 62, 2301, 268, 290, 407, 26498, 13, 14323, 2588, 62, 8800, 25, 198, 220, 220, 220, 3601, 7203, 12814, 4683, 15079, 37117, 12328, 11525, 12083, 1912, 319, 1391, 15, 92, 290, 1391, 16, 92, 1911, 18982, 7, 20521, 12083, 10, 1911, 77, 9078, 1600, 11525, 12083, 10, 1911, 18893, 397, 48774, 198, 17772, 25, 198, 220, 1303, 13610, 11080, 1438, 198, 220, 11525, 12083, 796, 3108, 13, 2411, 6978, 7, 8692, 62, 20521, 12083, 10, 1911, 10879, 4943, 198, 220, 611, 407, 26498, 13, 14323, 2588, 62, 8800, 25, 198, 220, 220, 220, 3601, 7203, 90, 15, 92, 318, 407, 257, 46866, 10879, 2393, 357, 38197, 37117, 9079, 828, 23345, 284, 1391, 16, 92, 9313, 13, 18982, 7, 8692, 62, 20521, 12083, 11, 11525, 12083, 4008, 198, 220, 611, 3108, 13, 1069, 1023, 7, 20521, 12083, 2599, 1303, 6902, 3746, 21596, 284, 4866, 198, 220, 220, 220, 3601, 7203, 90, 15, 92, 1541, 7160, 13, 3827, 13564, 30, 331, 14, 77, 25, 27071, 18982, 7, 20521, 12083, 828, 886, 28, 7061, 8, 198, 220, 220, 220, 3572, 796, 5128, 3419, 198, 220, 220, 220, 981, 3572, 13, 21037, 3419, 407, 287, 37250, 88, 3256, 705, 77, 6, 5974, 198, 220, 220, 220, 220, 220, 3601, 7203, 3118, 26243, 1143, 5128, 37913, 15, 30072, 0, 1391, 16, 92, 1541, 7160, 13, 3827, 13564, 30, 331, 14, 77, 25, 27071, 18982, 7, 25541, 11, 11525, 12083, 828, 886, 28, 7061, 8, 198, 220, 220, 220, 220, 220, 3572, 796, 5128, 3419, 198, 220, 220, 220, 611, 3572, 13, 21037, 3419, 6624, 705, 88, 10354, 198, 220, 220, 220, 220, 220, 26498, 13, 48267, 62, 2301, 268, 796, 6407, 1303, 770, 481, 307, 257, 649, 2393, 11, 340, 1276, 423, 11525, 67, 654, 16935, 515, 198, 220, 220, 220, 220, 220, 1330, 4423, 346, 198, 220, 220, 220, 220, 220, 4423, 346, 13, 30073, 7753, 7, 8692, 62, 20521, 12083, 11, 11525, 12083, 8, 198, 220, 220, 220, 220, 220, 1619, 4423, 346, 198, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 26498, 13, 48267, 62, 2301, 268, 796, 10352, 198, 220, 2073, 25, 1303, 1400, 17661, 11, 3338, 284, 4866, 198, 220, 220, 220, 1330, 4423, 346, 198, 220, 220, 220, 4423, 346, 13, 30073, 7753, 7, 8692, 62, 20521, 12083, 11, 11525, 12083, 8, 198, 220, 220, 220, 1619, 4423, 346, 198, 198, 2, 13610, 11525, 12083, 329, 8718, 10879, 198, 361, 26498, 13, 48267, 62, 2301, 268, 25, 198, 220, 1303, 6093, 1339, 25, 7308, 11525, 12083, 857, 407, 2152, 198, 220, 611, 407, 3108, 13, 1069, 1023, 7, 20521, 12083, 2599, 198, 220, 220, 220, 611, 407, 26498, 13, 14323, 2588, 62, 8800, 25, 198, 220, 220, 220, 220, 220, 3601, 7203, 2949, 2779, 11525, 12083, 1043, 284, 43519, 37160, 8, 198, 220, 220, 220, 611, 3108, 13, 1069, 1023, 7, 20521, 12083, 10, 4458, 77, 9078, 11537, 290, 3108, 13, 1069, 1023, 7, 20521, 12083, 10, 4458, 18893, 397, 6, 2599, 198, 220, 220, 220, 220, 220, 611, 407, 26498, 13, 14323, 2588, 62, 8800, 25, 198, 220, 220, 220, 220, 220, 220, 220, 3601, 7203, 17875, 4250, 351, 39986, 5696, 1391, 15, 27422, 77, 9078, 290, 1391, 15, 27422, 18893, 397, 1911, 18982, 7, 20521, 12083, 4008, 198, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 3601, 7203, 2949, 39986, 1391, 15, 27422, 77, 9078, 393, 1391, 15, 27422, 18893, 397, 284, 779, 11, 3387, 4155, 262, 3376, 2393, 3108, 373, 7368, 526, 13, 18982, 7, 20521, 12083, 4008, 198, 220, 220, 220, 220, 220, 8420, 3419, 198, 220, 2073, 25, 198, 220, 220, 220, 1303, 27967, 299, 32152, 4259, 929, 329, 15079, 10879, 198, 220, 220, 220, 611, 407, 26498, 13, 14323, 2588, 62, 8800, 25, 198, 220, 220, 220, 220, 220, 3601, 7203, 39668, 278, 11525, 12083, 329, 15079, 37117, 5765, 9313, 8, 198, 220, 220, 220, 5668, 62, 36942, 796, 850, 14681, 13, 5143, 7, 17816, 29412, 17, 3256, 3108, 13, 2411, 6978, 7, 49229, 15908, 10, 26488, 49229, 10879, 14, 5239, 17, 77, 32152, 13, 9078, 33809, 11525, 12083, 12962, 198, 220, 220, 220, 611, 5668, 62, 36942, 13, 7783, 8189, 14512, 657, 25, 198, 220, 220, 220, 220, 220, 3601, 7203, 7708, 4146, 11335, 0, 2275, 24707, 19570, 198, 220, 220, 220, 220, 220, 8420, 3419, 198, 220, 220, 220, 1303, 1763, 3760, 11898, 2272, 706, 12940, 416, 10829, 262, 2656, 355, 979, 72, 2393, 198, 220, 220, 220, 611, 407, 26498, 13, 18302, 3760, 62, 8692, 62, 20521, 12083, 25, 198, 220, 220, 220, 220, 220, 1330, 28686, 198, 220, 220, 220, 220, 220, 28686, 13, 28956, 7, 20521, 12083, 8, 198, 198, 2, 35006, 8718, 10879, 34109, 198, 361, 407, 26498, 13, 48267, 62, 38610, 414, 25, 198, 220, 7552, 796, 37250, 438, 18893, 397, 3256, 26498, 13, 18893, 397, 60, 611, 26498, 13, 18893, 397, 318, 407, 6045, 2073, 17635, 198, 220, 611, 26498, 13, 19011, 577, 25, 198, 220, 220, 220, 7552, 13, 2302, 437, 7, 17816, 438, 19011, 577, 3256, 705, 16, 6, 12962, 198, 220, 611, 407, 26498, 13, 14323, 2588, 62, 8800, 25, 198, 220, 220, 220, 3601, 7203, 18925, 414, 15691, 357, 19416, 33319, 11, 3184, 45117, 17032, 19415, 77, 3880, 30934, 4943, 198, 220, 220, 220, 23991, 796, 37250, 29412, 17, 3256, 3108, 13, 2411, 6978, 7, 49229, 15908, 10, 26488, 49229, 10879, 14, 18504, 62, 18206, 13, 9078, 33809, 705, 20521, 12083, 3256, 2779, 62, 20521, 12083, 11, 3108, 13, 2411, 6978, 7, 49229, 15908, 10, 26488, 41989, 1039, 14, 18504, 14, 18504, 33319, 13, 14116, 11537, 60, 198, 220, 220, 220, 23991, 13, 2302, 437, 7, 2302, 3004, 8, 198, 220, 220, 220, 5668, 62, 36942, 796, 850, 14681, 13, 5143, 7, 28758, 8, 198, 220, 220, 220, 611, 5668, 62, 36942, 13, 7783, 8189, 14512, 657, 25, 198, 220, 220, 220, 220, 220, 611, 5668, 62, 36942, 13, 19282, 448, 318, 407, 6045, 25, 198, 220, 220, 220, 220, 220, 220, 220, 3601, 7, 69, 338, 8671, 448, 266, 82, 33319, 25, 1391, 785, 16838, 62, 36942, 13, 19282, 448, 92, 11537, 198, 220, 220, 220, 220, 220, 611, 5668, 62, 36942, 13, 301, 1082, 81, 318, 407, 6045, 25, 198, 220, 220, 220, 220, 220, 220, 220, 3601, 7, 69, 338, 83, 1082, 81, 266, 82, 33319, 25, 1391, 785, 16838, 62, 36942, 13, 301, 1082, 81, 92, 11537, 198, 220, 220, 220, 220, 220, 3601, 7203, 7708, 4146, 11335, 0, 2275, 24707, 19570, 198, 220, 220, 220, 220, 220, 8420, 3419, 198, 220, 220, 220, 3601, 3419, 198, 220, 220, 220, 23991, 796, 37250, 29412, 17, 3256, 3108, 13, 2411, 6978, 7, 49229, 15908, 10, 26488, 49229, 10879, 14, 18504, 62, 18206, 13, 9078, 33809, 705, 20521, 12083, 3256, 2779, 62, 20521, 12083, 11, 3108, 13, 2411, 6978, 7, 49229, 15908, 10, 26488, 41989, 1039, 14, 18504, 14, 8890, 45117, 17032, 13, 14116, 11537, 60, 198, 220, 220, 220, 23991, 13, 2302, 437, 7, 2302, 3004, 8, 198, 220, 220, 220, 611, 26498, 13, 8968, 2364, 1875, 657, 25, 198, 220, 220, 220, 220, 220, 23991, 13, 2302, 437, 7, 17816, 438, 8968, 2364, 3256, 965, 7, 22046, 13, 8968, 2364, 8, 12962, 198, 220, 220, 220, 5668, 62, 36942, 796, 850, 14681, 13, 5143, 7, 28758, 8, 198, 220, 220, 220, 611, 5668, 62, 36942, 13, 7783, 8189, 14512, 657, 25, 198, 220, 220, 220, 220, 220, 611, 5668, 62, 36942, 13, 19282, 448, 318, 407, 6045, 25, 198, 220, 220, 220, 220, 220, 220, 220, 3601, 7, 69, 338, 8671, 448, 985, 2588, 17032, 25, 1391, 785, 16838, 62, 36942, 13, 19282, 448, 92, 11537, 198, 220, 220, 220, 220, 220, 611, 5668, 62, 36942, 13, 301, 1082, 81, 318, 407, 6045, 25, 198, 220, 220, 220, 220, 220, 220, 220, 3601, 7, 69, 338, 83, 1082, 81, 985, 2588, 17032, 25, 1391, 785, 16838, 62, 36942, 13, 301, 1082, 81, 92, 11537, 198, 220, 220, 220, 220, 220, 3601, 7203, 7708, 4146, 11335, 0, 2275, 24707, 19570, 198, 220, 220, 220, 220, 220, 8420, 3419, 198, 220, 220, 220, 611, 407, 26498, 13, 14323, 2588, 62, 8800, 25, 198, 220, 220, 220, 220, 220, 3601, 3419, 198, 198, 361, 407, 26498, 13, 48267, 62, 272, 48909, 290, 407, 26498, 13, 14323, 2588, 62, 8800, 25, 198, 220, 3601, 7203, 11708, 1052, 48909, 15691, 59, 77, 19351, 438, 4943, 198, 220, 5668, 62, 36942, 796, 850, 14681, 13, 5143, 7, 17816, 29412, 17, 3256, 3108, 13, 2411, 6978, 7, 49229, 15908, 10, 26488, 49229, 10879, 14, 272, 48909, 62, 18206, 13, 9078, 33809, 705, 20521, 12083, 3256, 2779, 62, 20521, 12083, 11, 3108, 13, 2411, 6978, 7, 49229, 15908, 10, 26488, 41989, 1039, 14, 272, 48909, 14, 13297, 13, 14116, 11537, 12962, 198, 220, 611, 5668, 62, 36942, 13, 7783, 8189, 14512, 657, 25, 198, 220, 220, 220, 611, 5668, 62, 36942, 13, 19282, 448, 318, 407, 6045, 25, 198, 220, 220, 220, 220, 220, 3601, 7, 785, 16838, 62, 36942, 13, 19282, 448, 8, 198, 220, 220, 220, 611, 5668, 62, 36942, 13, 301, 1082, 81, 318, 407, 6045, 25, 198, 220, 220, 220, 220, 220, 3601, 7, 785, 16838, 62, 36942, 13, 301, 1082, 81, 8, 198, 220, 220, 220, 3601, 7203, 7708, 4146, 11335, 0, 2275, 24707, 19570, 198, 220, 220, 220, 8420, 3419, 198, 220, 3601, 3419, 628 ]
2.790503
2,148
# -*- coding: utf-8 -*- """rpg_queries.ipynb Automatically generated by Colaboratory. Original file is located at https://colab.research.google.com/drive/1ufwd5h-epfNkHGiNJTkFTDQsbupk24Ld """ #How many total characters are there? import sqlite3 conn = sqlite3.connect('rpg_db.sqlite3') curs = conn.cursor() #How many total characters are there? query1 = "SELECT count(name) as character_count FROM charactercreator_character" results1 = curs.execute(query1).fetchall() print("Total number of characters=", results1) #How many in each sublass? #cleric subclass query2= "SELECT count(character_ptr_id) as character_count FROM charactercreator_cleric" results2 = curs.execute(query2).fetchall() print("Total number of characters in cleric sublass=", results2) #fighter sublass query3 = "SELECT count(character_ptr_id) as character_count FROM charactercreator_fighter" results3 = curs.execute(query3).fetchall() print("Total number of characters in fighter sublass=", results3) #mage sublass query4 = "SELECT count(character_ptr_id) as character_count FROM charactercreator_mage" results4 = curs.execute(query4).fetchall() print("Total number of characters in mage sublass=", results4) #thief sublass query5 = "SELECT count(character_ptr_id) as character_count FROM charactercreator_thief" results5 = curs.execute(query5).fetchall() print("Total number of characters in thief sublass=", results5) #necromancer is a sublass of mage, so we don't need to count it separately #The sum of each individual class from the above is = 302, total number of characters #extrating table with each character and its class query6=""" SELECT ch.character_id ,ch.name --,cl.* --,f.* --,m.* --,th.* -- ,if(cl.character_ptr_id is not null, "cleric", "todo") as char_type ,CASE WHEN cl.character_ptr_id is not null THEN "cleric" WHEN f.character_ptr_id is not null THEN "fighter" WHEN n.mage_ptr_id is not null THEN "mage-necro" WHEN m.character_ptr_id is not null THEN "mage" WHEN th.character_ptr_id is not null THEN "thief" ELSE "todo" END as char_type from charactercreator_character as ch left join charactercreator_cleric as cl on ch.character_id = cl.character_ptr_id left join charactercreator_fighter as f on ch.character_id = f.character_ptr_id left join charactercreator_mage as m on ch.character_id = m.character_ptr_id left join charactercreator_thief as th on ch.character_id = th.character_ptr_id -- left join charactercreator_necromancer as n on ch.character_id = n.character_ptr_id left join charactercreator_necromancer as n on m.character_ptr_id = n.mage_ptr_id """ curs.execute(query6).fetchall() #Number of characters in each class query7= """ select subquery1.char_type ,count(distinct subquery1.character_id) as char_count from ( -- row per character (302 total) select ch.character_id ,ch.name --,cl.* --,f.* --,m.* --,th.* -- ,if(cl.character_ptr_id is not null, "cleric", "todo") as char_type ,CASE WHEN cl.character_ptr_id is not null THEN "cleric" WHEN f.character_ptr_id is not null THEN "fighter" WHEN n.mage_ptr_id is not null THEN "mage-necro" WHEN m.character_ptr_id is not null THEN "mage" WHEN th.character_ptr_id is not null THEN "thief" ELSE "todo" END as char_type from charactercreator_character as ch left join charactercreator_cleric as cl on ch.character_id = cl.character_ptr_id left join charactercreator_fighter as f on ch.character_id = f.character_ptr_id left join charactercreator_mage as m on ch.character_id = m.character_ptr_id left join charactercreator_thief as th on ch.character_id = th.character_ptr_id -- left join charactercreator_necromancer as n on ch.character_id = n.character_ptr_id left join charactercreator_necromancer as n on m.character_ptr_id = n.mage_ptr_id ) subquery1 group by subquery1.char_type """ curs.execute(query7).fetchall() #Another way to find number of characters in each class query8= """ -- row per character (302 total) select CASE WHEN cl.character_ptr_id is not null THEN "cleric" WHEN f.character_ptr_id is not null THEN "fighter" WHEN n.mage_ptr_id is not null THEN "mage-necro" WHEN m.character_ptr_id is not null THEN "mage" WHEN th.character_ptr_id is not null THEN "thief" ELSE "todo" END as char_type ,count(distinct ch.character_id) as char_count from charactercreator_character as ch left join charactercreator_cleric as cl on ch.character_id = cl.character_ptr_id left join charactercreator_fighter as f on ch.character_id = f.character_ptr_id left join charactercreator_mage as m on ch.character_id = m.character_ptr_id left join charactercreator_thief as th on ch.character_id = th.character_ptr_id -- left join charactercreator_necromancer as n on ch.character_id = n.character_ptr_id left join charactercreator_necromancer as n on m.character_ptr_id = n.mage_ptr_id group by char_type """ curs.execute(query8).fetchall() #How many total items? query9= """ select count(name) as item_count from armory_item """ results6 = curs.execute(query9).fetchall() print("Total number of items=", results6) #How many items each character has? query10=""" SELECT a.character_id, ch.name, count(a.item_id) FROM charactercreator_character_inventory as a left join charactercreator_character as ch on ch.character_id = a.character_id GROUP BY a.character_id LIMIT 20 """ print("Character ID, character name, number of items") curs.execute(query10).fetchall() #How many weapons each character has? #left join statement should come after FROM statement followed by WHERE, GROUP BY, etc. query11= """ SELECT a.character_id, d.name, count(a.item_id) FROM charactercreator_character_inventory as a, armory_item as b, armory_weapon as c left join charactercreator_character as d on d.character_id = a.character_id WHERE a.item_id = b.item_id AND b.item_id = c.item_ptr_id GROUP BY a.character_id LIMIT 20 """ print("Character ID, Chacter name, number of weapons") curs.execute(query11).fetchall() #On average, how many items each Character has? query12=""" SELECT COUNT(inventory.item_id) * 1.0/ COUNT(DISTINCT inventory.character_id) FROM charactercreator_character_inventory AS inventory """ results6 = curs.execute(query12).fetchall() print("Average number of items per character=", results6) #On average how many weapons each character has? query13=""" SELECT COUNT(a.item_id) *1.0 / COUNT(DISTINCT a.character_id) FROM charactercreator_character_inventory AS a, armory_weapon AS b WHERE a.item_id = b.item_ptr_id """ results7 = curs.execute(query13).fetchall() print("Average number of weapons per character=", results7)
[ 2, 532, 9, 12, 19617, 25, 3384, 69, 12, 23, 532, 9, 12, 198, 37811, 81, 6024, 62, 421, 10640, 13, 541, 2047, 65, 198, 198, 38062, 4142, 7560, 416, 1623, 4820, 2870, 13, 198, 198, 20556, 2393, 318, 5140, 379, 198, 220, 220, 220, 3740, 1378, 4033, 397, 13, 34033, 13, 13297, 13, 785, 14, 19472, 14, 16, 3046, 16993, 20, 71, 12, 538, 69, 45, 74, 39, 33704, 41074, 51, 74, 9792, 35, 48, 36299, 929, 74, 1731, 43, 67, 198, 37811, 198, 198, 2, 2437, 867, 2472, 3435, 389, 612, 30, 198, 11748, 44161, 578, 18, 198, 198, 37043, 796, 44161, 578, 18, 13, 8443, 10786, 81, 6024, 62, 9945, 13, 25410, 578, 18, 11537, 198, 66, 1834, 796, 48260, 13, 66, 21471, 3419, 198, 198, 2, 2437, 867, 2472, 3435, 389, 612, 30, 198, 22766, 16, 796, 366, 46506, 954, 7, 3672, 8, 355, 2095, 62, 9127, 16034, 2095, 45382, 62, 22769, 1, 198, 198, 43420, 16, 796, 13882, 13, 41049, 7, 22766, 16, 737, 69, 7569, 439, 3419, 198, 198, 4798, 7203, 14957, 1271, 286, 3435, 28, 1600, 2482, 16, 8, 198, 198, 2, 2437, 867, 287, 1123, 850, 31172, 30, 198, 198, 2, 22902, 291, 47611, 198, 22766, 17, 28, 366, 46506, 954, 7, 22769, 62, 20692, 62, 312, 8, 355, 2095, 62, 9127, 16034, 2095, 45382, 62, 22902, 291, 1, 198, 43420, 17, 796, 13882, 13, 41049, 7, 22766, 17, 737, 69, 7569, 439, 3419, 198, 198, 4798, 7203, 14957, 1271, 286, 3435, 287, 33824, 850, 31172, 28, 1600, 2482, 17, 8, 198, 198, 2, 24733, 850, 31172, 198, 22766, 18, 796, 366, 46506, 954, 7, 22769, 62, 20692, 62, 312, 8, 355, 2095, 62, 9127, 16034, 2095, 45382, 62, 24733, 1, 198, 43420, 18, 796, 13882, 13, 41049, 7, 22766, 18, 737, 69, 7569, 439, 3419, 198, 198, 4798, 7203, 14957, 1271, 286, 3435, 287, 10543, 850, 31172, 28, 1600, 2482, 18, 8, 198, 198, 2, 25561, 850, 31172, 198, 22766, 19, 796, 366, 46506, 954, 7, 22769, 62, 20692, 62, 312, 8, 355, 2095, 62, 9127, 16034, 2095, 45382, 62, 25561, 1, 198, 43420, 19, 796, 13882, 13, 41049, 7, 22766, 19, 737, 69, 7569, 439, 3419, 198, 198, 4798, 7203, 14957, 1271, 286, 3435, 287, 29241, 850, 31172, 28, 1600, 2482, 19, 8, 198, 198, 2, 400, 2086, 850, 31172, 198, 22766, 20, 796, 366, 46506, 954, 7, 22769, 62, 20692, 62, 312, 8, 355, 2095, 62, 9127, 16034, 2095, 45382, 62, 400, 2086, 1, 198, 43420, 20, 796, 13882, 13, 41049, 7, 22766, 20, 737, 69, 7569, 439, 3419, 198, 198, 4798, 7203, 14957, 1271, 286, 3435, 287, 25906, 850, 31172, 28, 1600, 2482, 20, 8, 198, 198, 2, 32984, 38211, 318, 257, 850, 31172, 286, 29241, 11, 523, 356, 836, 470, 761, 284, 954, 340, 13869, 198, 2, 464, 2160, 286, 1123, 1981, 1398, 422, 262, 2029, 318, 796, 32591, 11, 2472, 1271, 286, 3435, 198, 198, 2, 2302, 8821, 3084, 351, 1123, 2095, 290, 663, 1398, 198, 22766, 21, 2625, 15931, 198, 198, 46506, 220, 198, 220, 442, 13, 22769, 62, 312, 198, 220, 837, 354, 13, 3672, 198, 220, 1377, 11, 565, 15885, 198, 220, 1377, 11, 69, 15885, 198, 220, 1377, 11, 76, 15885, 198, 220, 1377, 11, 400, 15885, 198, 220, 1377, 837, 361, 7, 565, 13, 22769, 62, 20692, 62, 312, 318, 407, 9242, 11, 366, 22902, 291, 1600, 366, 83, 24313, 4943, 355, 1149, 62, 4906, 198, 220, 837, 34, 11159, 220, 198, 220, 42099, 537, 13, 22769, 62, 20692, 62, 312, 318, 407, 9242, 42243, 366, 22902, 291, 1, 198, 220, 42099, 277, 13, 22769, 62, 20692, 62, 312, 318, 407, 9242, 42243, 366, 24733, 1, 198, 220, 42099, 299, 13, 25561, 62, 20692, 62, 312, 318, 407, 9242, 42243, 366, 25561, 12, 710, 19915, 1, 198, 220, 42099, 285, 13, 22769, 62, 20692, 62, 312, 318, 407, 9242, 42243, 366, 25561, 1, 198, 220, 42099, 294, 13, 22769, 62, 20692, 62, 312, 318, 407, 9242, 42243, 366, 400, 2086, 1, 198, 220, 17852, 5188, 366, 83, 24313, 1, 198, 220, 23578, 355, 1149, 62, 4906, 198, 6738, 2095, 45382, 62, 22769, 355, 442, 198, 9464, 4654, 2095, 45382, 62, 22902, 291, 355, 537, 319, 442, 13, 22769, 62, 312, 796, 537, 13, 22769, 62, 20692, 62, 312, 198, 9464, 4654, 2095, 45382, 62, 24733, 355, 277, 319, 442, 13, 22769, 62, 312, 796, 277, 13, 22769, 62, 20692, 62, 312, 198, 9464, 4654, 2095, 45382, 62, 25561, 355, 285, 319, 442, 13, 22769, 62, 312, 796, 285, 13, 22769, 62, 20692, 62, 312, 198, 9464, 4654, 2095, 45382, 62, 400, 2086, 355, 294, 319, 442, 13, 22769, 62, 312, 796, 294, 13, 22769, 62, 20692, 62, 312, 198, 438, 1364, 4654, 2095, 45382, 62, 32984, 38211, 355, 299, 319, 442, 13, 22769, 62, 312, 796, 299, 13, 22769, 62, 20692, 62, 312, 198, 9464, 4654, 2095, 45382, 62, 32984, 38211, 355, 299, 319, 285, 13, 22769, 62, 20692, 62, 312, 796, 299, 13, 25561, 62, 20692, 62, 312, 198, 37811, 198, 66, 1834, 13, 41049, 7, 22766, 21, 737, 69, 7569, 439, 3419, 198, 198, 2, 15057, 286, 3435, 287, 1123, 1398, 198, 198, 22766, 22, 28, 37227, 198, 19738, 198, 220, 850, 22766, 16, 13, 10641, 62, 4906, 198, 220, 837, 9127, 7, 17080, 4612, 850, 22766, 16, 13, 22769, 62, 312, 8, 355, 1149, 62, 9127, 198, 6738, 357, 198, 220, 220, 220, 1377, 5752, 583, 2095, 357, 22709, 2472, 8, 198, 220, 220, 220, 2922, 220, 198, 220, 220, 220, 220, 220, 442, 13, 22769, 62, 312, 198, 220, 220, 220, 220, 220, 837, 354, 13, 3672, 198, 220, 220, 220, 220, 220, 1377, 11, 565, 15885, 198, 220, 220, 220, 220, 220, 1377, 11, 69, 15885, 198, 220, 220, 220, 220, 220, 1377, 11, 76, 15885, 198, 220, 220, 220, 220, 220, 1377, 11, 400, 15885, 198, 220, 220, 220, 220, 220, 1377, 837, 361, 7, 565, 13, 22769, 62, 20692, 62, 312, 318, 407, 9242, 11, 366, 22902, 291, 1600, 366, 83, 24313, 4943, 355, 1149, 62, 4906, 198, 220, 220, 220, 220, 220, 837, 34, 11159, 220, 198, 220, 220, 220, 220, 220, 42099, 537, 13, 22769, 62, 20692, 62, 312, 318, 407, 9242, 42243, 366, 22902, 291, 1, 198, 220, 220, 220, 220, 220, 42099, 277, 13, 22769, 62, 20692, 62, 312, 318, 407, 9242, 42243, 366, 24733, 1, 198, 220, 220, 220, 220, 220, 42099, 299, 13, 25561, 62, 20692, 62, 312, 318, 407, 9242, 42243, 366, 25561, 12, 710, 19915, 1, 198, 220, 220, 220, 220, 220, 42099, 285, 13, 22769, 62, 20692, 62, 312, 318, 407, 9242, 42243, 366, 25561, 1, 198, 220, 220, 220, 220, 220, 42099, 294, 13, 22769, 62, 20692, 62, 312, 318, 407, 9242, 42243, 366, 400, 2086, 1, 198, 220, 220, 220, 220, 220, 17852, 5188, 366, 83, 24313, 1, 198, 220, 220, 220, 220, 220, 23578, 355, 1149, 62, 4906, 198, 220, 220, 220, 422, 2095, 45382, 62, 22769, 355, 442, 198, 220, 220, 220, 1364, 4654, 2095, 45382, 62, 22902, 291, 355, 537, 319, 442, 13, 22769, 62, 312, 796, 537, 13, 22769, 62, 20692, 62, 312, 198, 220, 220, 220, 1364, 4654, 2095, 45382, 62, 24733, 355, 277, 319, 442, 13, 22769, 62, 312, 796, 277, 13, 22769, 62, 20692, 62, 312, 198, 220, 220, 220, 1364, 4654, 2095, 45382, 62, 25561, 355, 285, 319, 442, 13, 22769, 62, 312, 796, 285, 13, 22769, 62, 20692, 62, 312, 198, 220, 220, 220, 1364, 4654, 2095, 45382, 62, 400, 2086, 355, 294, 319, 442, 13, 22769, 62, 312, 796, 294, 13, 22769, 62, 20692, 62, 312, 198, 220, 220, 220, 1377, 1364, 4654, 2095, 45382, 62, 32984, 38211, 355, 299, 319, 442, 13, 22769, 62, 312, 796, 299, 13, 22769, 62, 20692, 62, 312, 198, 220, 220, 220, 1364, 4654, 2095, 45382, 62, 32984, 38211, 355, 299, 319, 285, 13, 22769, 62, 20692, 62, 312, 796, 299, 13, 25561, 62, 20692, 62, 312, 198, 8, 850, 22766, 16, 198, 8094, 416, 850, 22766, 16, 13, 10641, 62, 4906, 198, 37811, 198, 66, 1834, 13, 41049, 7, 22766, 22, 737, 69, 7569, 439, 3419, 198, 198, 2, 6610, 835, 284, 1064, 1271, 286, 3435, 287, 1123, 1398, 198, 198, 22766, 23, 28, 37227, 198, 220, 198, 220, 220, 220, 1377, 5752, 583, 2095, 357, 22709, 2472, 8, 198, 19738, 220, 198, 220, 42001, 220, 198, 220, 42099, 537, 13, 22769, 62, 20692, 62, 312, 318, 407, 9242, 42243, 366, 22902, 291, 1, 198, 220, 42099, 277, 13, 22769, 62, 20692, 62, 312, 318, 407, 9242, 42243, 366, 24733, 1, 198, 220, 42099, 299, 13, 25561, 62, 20692, 62, 312, 318, 407, 9242, 42243, 366, 25561, 12, 710, 19915, 1, 198, 220, 42099, 285, 13, 22769, 62, 20692, 62, 312, 318, 407, 9242, 42243, 366, 25561, 1, 198, 220, 42099, 294, 13, 22769, 62, 20692, 62, 312, 318, 407, 9242, 42243, 366, 400, 2086, 1, 198, 220, 17852, 5188, 366, 83, 24313, 1, 198, 220, 23578, 355, 1149, 62, 4906, 198, 220, 837, 9127, 7, 17080, 4612, 442, 13, 22769, 62, 312, 8, 355, 1149, 62, 9127, 198, 6738, 2095, 45382, 62, 22769, 355, 442, 198, 9464, 4654, 2095, 45382, 62, 22902, 291, 355, 537, 319, 442, 13, 22769, 62, 312, 796, 537, 13, 22769, 62, 20692, 62, 312, 198, 9464, 4654, 2095, 45382, 62, 24733, 355, 277, 319, 442, 13, 22769, 62, 312, 796, 277, 13, 22769, 62, 20692, 62, 312, 198, 9464, 4654, 2095, 45382, 62, 25561, 355, 285, 319, 442, 13, 22769, 62, 312, 796, 285, 13, 22769, 62, 20692, 62, 312, 198, 9464, 4654, 2095, 45382, 62, 400, 2086, 355, 294, 319, 442, 13, 22769, 62, 312, 796, 294, 13, 22769, 62, 20692, 62, 312, 198, 438, 1364, 4654, 2095, 45382, 62, 32984, 38211, 355, 299, 319, 442, 13, 22769, 62, 312, 796, 299, 13, 22769, 62, 20692, 62, 312, 198, 9464, 4654, 2095, 45382, 62, 32984, 38211, 355, 299, 319, 285, 13, 22769, 62, 20692, 62, 312, 796, 299, 13, 25561, 62, 20692, 62, 312, 198, 8094, 416, 1149, 62, 4906, 198, 37811, 198, 198, 66, 1834, 13, 41049, 7, 22766, 23, 737, 69, 7569, 439, 3419, 198, 198, 2, 2437, 867, 2472, 3709, 30, 198, 22766, 24, 28, 37227, 198, 19738, 954, 7, 3672, 8, 355, 2378, 62, 9127, 198, 6738, 3211, 652, 62, 9186, 198, 37811, 198, 43420, 21, 796, 13882, 13, 41049, 7, 22766, 24, 737, 69, 7569, 439, 3419, 198, 198, 4798, 7203, 14957, 1271, 286, 3709, 28, 1600, 2482, 21, 8, 198, 198, 2, 2437, 867, 3709, 1123, 2095, 468, 30, 220, 198, 22766, 940, 2625, 15931, 198, 198, 46506, 257, 13, 22769, 62, 312, 11, 442, 13, 3672, 11, 954, 7, 64, 13, 9186, 62, 312, 8, 198, 10913, 2662, 2095, 45382, 62, 22769, 62, 24807, 355, 257, 198, 9464, 4654, 2095, 45382, 62, 22769, 355, 442, 319, 442, 13, 22769, 62, 312, 796, 257, 13, 22769, 62, 312, 198, 46846, 11050, 257, 13, 22769, 62, 312, 198, 43, 3955, 2043, 1160, 198, 37811, 198, 4798, 7203, 27275, 4522, 11, 2095, 1438, 11, 1271, 286, 3709, 4943, 198, 66, 1834, 13, 41049, 7, 22766, 940, 737, 69, 7569, 439, 3419, 198, 198, 2, 2437, 867, 3777, 1123, 2095, 468, 30, 198, 2, 9464, 4654, 2643, 815, 1282, 706, 16034, 2643, 3940, 416, 33411, 11, 44441, 11050, 11, 3503, 13, 198, 22766, 1157, 28, 37227, 198, 46506, 257, 13, 22769, 62, 312, 11, 288, 13, 3672, 11, 954, 7, 64, 13, 9186, 62, 312, 8, 220, 198, 10913, 2662, 2095, 45382, 62, 22769, 62, 24807, 355, 257, 11, 3211, 652, 62, 9186, 355, 275, 11, 3211, 652, 62, 28741, 355, 269, 220, 198, 9464, 4654, 2095, 45382, 62, 22769, 355, 288, 319, 288, 13, 22769, 62, 312, 796, 257, 13, 22769, 62, 312, 198, 47357, 257, 13, 9186, 62, 312, 796, 275, 13, 9186, 62, 312, 5357, 275, 13, 9186, 62, 312, 796, 269, 13, 9186, 62, 20692, 62, 312, 198, 46846, 11050, 257, 13, 22769, 62, 312, 220, 198, 43, 3955, 2043, 1160, 198, 37811, 198, 4798, 7203, 27275, 4522, 11, 609, 7321, 1438, 11, 1271, 286, 3777, 4943, 198, 66, 1834, 13, 41049, 7, 22766, 1157, 737, 69, 7569, 439, 3419, 198, 198, 2, 2202, 2811, 11, 703, 867, 3709, 1123, 15684, 468, 30, 198, 22766, 1065, 2625, 15931, 198, 46506, 327, 28270, 7, 24807, 13, 9186, 62, 312, 8, 1635, 352, 13, 15, 14, 327, 28270, 7, 35, 8808, 1268, 4177, 13184, 13, 22769, 62, 312, 8, 198, 10913, 2662, 2095, 45382, 62, 22769, 62, 24807, 7054, 13184, 198, 37811, 198, 43420, 21, 796, 13882, 13, 41049, 7, 22766, 1065, 737, 69, 7569, 439, 3419, 198, 198, 4798, 7203, 26287, 1271, 286, 3709, 583, 2095, 28, 1600, 2482, 21, 8, 198, 198, 2, 2202, 2811, 703, 867, 3777, 1123, 2095, 468, 30, 198, 22766, 1485, 2625, 15931, 198, 46506, 327, 28270, 7, 64, 13, 9186, 62, 312, 8, 1635, 16, 13, 15, 1220, 327, 28270, 7, 35, 8808, 1268, 4177, 257, 13, 22769, 62, 312, 8, 198, 10913, 2662, 2095, 45382, 62, 22769, 62, 24807, 7054, 257, 11, 3211, 652, 62, 28741, 7054, 275, 198, 47357, 257, 13, 9186, 62, 312, 796, 275, 13, 9186, 62, 20692, 62, 312, 198, 37811, 198, 43420, 22, 796, 13882, 13, 41049, 7, 22766, 1485, 737, 69, 7569, 439, 3419, 198, 198, 4798, 7203, 26287, 1271, 286, 3777, 583, 2095, 28, 1600, 2482, 22, 8 ]
2.998213
2,239
# -*- coding: utf-8 -*- # # Author: Taylor Smith <[email protected]> # # R approx function from __future__ import absolute_import from sklearn.utils.validation import check_array, column_or_1d import numpy as np from ..utils.array import c from ..utils import get_callable from ..compat.numpy import DTYPE # since the C import relies on the C code having been built with Cython, # and since the platform might name the .so file something funky (like # _arima.cpython-35m-darwin.so), import this absolutely and not relatively. from pmdarima.arima._arima import C_Approx __all__ = [ 'approx' ] # the ints get passed to C code VALID_APPROX = { 'constant': 2, 'linear': 1 } # get the valid tie funcs VALID_TIES = { 'ordered': None, # never really used... 'mean': np.average } # identity function defined once to avoid multiple lambda calls # littered throughout _identity = (lambda t: t) def _regularize(x, y, ties): """Regularize the values, make them ordered and remove duplicates. If the ``ties`` parameter is explicitly set to 'ordered' then order is already assumed. Otherwise, the removal process will happen. Parameters ---------- x : array-like, shape=(n_samples,) The x vector. y : array-like, shape=(n_samples,) The y vector. ties : str One of {'ordered', 'mean'}, handles the ties. """ x, y = [ column_or_1d(check_array(arr, ensure_2d=False, force_all_finite=False, dtype=DTYPE)) for arr in (x, y) ] nx = x.shape[0] if nx != y.shape[0]: raise ValueError('array dim mismatch: %i != %i' % (nx, y.shape[0])) # manipulate x if needed. if ties is 'ordered' we assume that x is # already ordered and everything has been handled already... if ties != 'ordered': o = np.argsort(x) # keep ordered with one another x = x[o] y = y[o] # what if any are the same? ux = np.unique(x) if ux.shape[0] < nx: # Do we want to warn for this? # warnings.warn('collapsing to unique "x" values') # vectorize this function to apply to each "cell" in the array # replace the duplicates in the y array with the "tie" func func = VALID_TIES.get(ties, _identity) # maybe expensive to vectorize on the fly? Not sure; would need # to do some benchmarking. However, we need to in order to keep y # and x in scope... y = np.vectorize(tie_apply)(func, ux) # does ux need ordering? hmm.. x = ux return x, y def approx(x, y, xout, method='linear', rule=1, f=0, yleft=None, yright=None, ties='mean'): """Linearly interpolate points. Return a list of points which (linearly) interpolate given data points, or a function performing the linear (or constant) interpolation. Parameters ---------- x : array-like, shape=(n_samples,) Numeric vector giving the coordinates of the points to be interpolated. y : array-like, shape=(n_samples,) Numeric vector giving the coordinates of the points to be interpolated. xout : int, float or iterable A scalar or iterable of numeric values specifying where interpolation is to take place. method : str, optional (default='linear') Specifies the interpolation method to be used. Choices are "linear" or "constant". rule : int, optional (default=1) An integer describing how interpolation is to take place outside the interval ``[min(x), max(x)]``. If ``rule`` is 1 then np.nans are returned for such points and if it is 2, the value at the closest data extreme is used. f : int, optional (default=0) For ``method`` = "constant" a number between 0 and 1 inclusive, indicating a compromise between left- and right-continuous step functions. If y0 and y1 are the values to the left and right of the point then the value is y0 if f == 0, y1 if f == 1, and y0*(1-f)+y1*f for intermediate values. In this way the result is right-continuous for f == 0 and left-continuous for f == 1, even for non-finite ``y`` values. yleft : float, optional (default=None) The value to be returned when input ``x`` values are less than ``min(x)``. The default is defined by the value of rule given below. yright : float, optional (default=None) The value to be returned when input ``x`` values are greater than ``max(x)``. The default is defined by the value of rule given below. ties : str, optional (default='mean') Handling of tied ``x`` values. Choices are "mean" or "ordered". """ if method not in VALID_APPROX: raise ValueError('method must be one of %r' % VALID_APPROX) # make sure xout is an array xout = c(xout).astype(np.float64) # ensure double # check method method_key = method # not a callable, actually, but serves the purpose.. method = get_callable(method_key, VALID_APPROX) # copy/regularize vectors x, y = _regularize(x, y, ties) nx = x.shape[0] # if len 1? (we've already handled where the size is 0, since we check that # in the _regularize function when we call c1d) if nx == 1: if method_key == 'linear': raise ValueError('need at least two points to ' 'linearly interpolate') # get yleft, yright if yleft is None: yleft = y[0] if rule != 1 else np.nan if yright is None: yright = y[-1] if rule != 1 else np.nan # call the C subroutine yout = C_Approx(x, y, xout, method, f, yleft, yright) return xout, yout
[ 2, 532, 9, 12, 19617, 25, 3384, 69, 12, 23, 532, 9, 12, 198, 2, 198, 2, 6434, 25, 8121, 4176, 1279, 83, 7167, 13, 21453, 31, 971, 20663, 12, 4029, 13, 785, 29, 198, 2, 198, 2, 371, 5561, 2163, 198, 198, 6738, 11593, 37443, 834, 1330, 4112, 62, 11748, 198, 198, 6738, 1341, 35720, 13, 26791, 13, 12102, 341, 1330, 2198, 62, 18747, 11, 5721, 62, 273, 62, 16, 67, 198, 11748, 299, 32152, 355, 45941, 198, 198, 6738, 11485, 26791, 13, 18747, 1330, 269, 198, 6738, 11485, 26791, 1330, 651, 62, 13345, 540, 198, 6738, 11485, 5589, 265, 13, 77, 32152, 1330, 360, 25216, 198, 198, 2, 1201, 262, 327, 1330, 16507, 319, 262, 327, 2438, 1719, 587, 3170, 351, 327, 7535, 11, 198, 2, 290, 1201, 262, 3859, 1244, 1438, 262, 764, 568, 2393, 1223, 42958, 357, 2339, 198, 2, 4808, 283, 8083, 13, 13155, 7535, 12, 2327, 76, 12, 27455, 5404, 13, 568, 828, 1330, 428, 5543, 290, 407, 5365, 13, 198, 6738, 9114, 27455, 8083, 13, 283, 8083, 13557, 283, 8083, 1330, 327, 62, 4677, 13907, 198, 198, 834, 439, 834, 796, 685, 198, 220, 220, 220, 705, 1324, 13907, 6, 198, 60, 198, 198, 2, 262, 493, 82, 651, 3804, 284, 327, 2438, 198, 23428, 2389, 62, 2969, 31190, 55, 796, 1391, 198, 220, 220, 220, 705, 9979, 415, 10354, 362, 11, 198, 220, 220, 220, 705, 29127, 10354, 352, 198, 92, 198, 198, 2, 651, 262, 4938, 9839, 1257, 6359, 198, 23428, 2389, 62, 51, 11015, 796, 1391, 198, 220, 220, 220, 705, 24071, 10354, 6045, 11, 220, 1303, 1239, 1107, 973, 986, 198, 220, 220, 220, 705, 32604, 10354, 45941, 13, 23913, 198, 92, 198, 198, 2, 5369, 2163, 5447, 1752, 284, 3368, 3294, 37456, 3848, 198, 2, 41664, 3690, 198, 62, 738, 414, 796, 357, 50033, 256, 25, 256, 8, 628, 198, 4299, 4808, 16338, 1096, 7, 87, 11, 331, 11, 8470, 2599, 198, 220, 220, 220, 37227, 40164, 1096, 262, 3815, 11, 787, 606, 6149, 290, 4781, 14184, 16856, 13, 198, 220, 220, 220, 1002, 262, 7559, 4278, 15506, 11507, 318, 11777, 900, 284, 705, 24071, 6, 788, 1502, 198, 220, 220, 220, 318, 1541, 9672, 13, 15323, 11, 262, 9934, 1429, 481, 1645, 13, 628, 220, 220, 220, 40117, 198, 220, 220, 220, 24200, 438, 198, 220, 220, 220, 2124, 1058, 7177, 12, 2339, 11, 5485, 16193, 77, 62, 82, 12629, 35751, 198, 220, 220, 220, 220, 220, 220, 220, 383, 2124, 15879, 13, 628, 220, 220, 220, 331, 1058, 7177, 12, 2339, 11, 5485, 16193, 77, 62, 82, 12629, 35751, 198, 220, 220, 220, 220, 220, 220, 220, 383, 331, 15879, 13, 628, 220, 220, 220, 8470, 1058, 965, 198, 220, 220, 220, 220, 220, 220, 220, 1881, 286, 1391, 6, 24071, 3256, 705, 32604, 6, 5512, 17105, 262, 8470, 13, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 2124, 11, 331, 796, 685, 198, 220, 220, 220, 220, 220, 220, 220, 5721, 62, 273, 62, 16, 67, 7, 9122, 62, 18747, 7, 3258, 11, 4155, 62, 17, 67, 28, 25101, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2700, 62, 439, 62, 69, 9504, 28, 25101, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 288, 4906, 28, 35, 25216, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 329, 5240, 287, 357, 87, 11, 331, 8, 198, 220, 220, 220, 2361, 628, 220, 220, 220, 299, 87, 796, 2124, 13, 43358, 58, 15, 60, 198, 220, 220, 220, 611, 299, 87, 14512, 331, 13, 43358, 58, 15, 5974, 198, 220, 220, 220, 220, 220, 220, 220, 5298, 11052, 12331, 10786, 18747, 5391, 46318, 25, 4064, 72, 14512, 4064, 72, 6, 4064, 357, 77, 87, 11, 331, 13, 43358, 58, 15, 60, 4008, 628, 220, 220, 220, 1303, 18510, 2124, 611, 2622, 13, 611, 8470, 318, 705, 24071, 6, 356, 7048, 326, 2124, 318, 198, 220, 220, 220, 1303, 1541, 6149, 290, 2279, 468, 587, 12118, 1541, 986, 198, 220, 220, 220, 611, 8470, 14512, 705, 24071, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 267, 796, 45941, 13, 22046, 419, 7, 87, 8, 628, 220, 220, 220, 220, 220, 220, 220, 1303, 1394, 6149, 351, 530, 1194, 198, 220, 220, 220, 220, 220, 220, 220, 2124, 796, 2124, 58, 78, 60, 198, 220, 220, 220, 220, 220, 220, 220, 331, 796, 331, 58, 78, 60, 628, 220, 220, 220, 220, 220, 220, 220, 1303, 644, 611, 597, 389, 262, 976, 30, 198, 220, 220, 220, 220, 220, 220, 220, 334, 87, 796, 45941, 13, 34642, 7, 87, 8, 198, 220, 220, 220, 220, 220, 220, 220, 611, 334, 87, 13, 43358, 58, 15, 60, 1279, 299, 87, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 2141, 356, 765, 284, 9828, 329, 428, 30, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 14601, 13, 40539, 10786, 26000, 1686, 278, 284, 3748, 366, 87, 1, 3815, 11537, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 15879, 1096, 428, 2163, 284, 4174, 284, 1123, 366, 3846, 1, 287, 262, 7177, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 6330, 262, 14184, 16856, 287, 262, 331, 7177, 351, 262, 366, 36224, 1, 25439, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 25439, 796, 26173, 2389, 62, 51, 11015, 13, 1136, 7, 4278, 11, 4808, 738, 414, 8, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 3863, 5789, 284, 15879, 1096, 319, 262, 6129, 30, 1892, 1654, 26, 561, 761, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 284, 466, 617, 18335, 278, 13, 2102, 11, 356, 761, 284, 287, 1502, 284, 1394, 331, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 290, 2124, 287, 8354, 986, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 331, 796, 45941, 13, 31364, 1096, 7, 36224, 62, 39014, 5769, 20786, 11, 334, 87, 8, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 857, 334, 87, 761, 16216, 30, 289, 3020, 492, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2124, 796, 334, 87, 628, 220, 220, 220, 1441, 2124, 11, 331, 628, 198, 4299, 5561, 7, 87, 11, 331, 11, 2124, 448, 11, 2446, 11639, 29127, 3256, 3896, 28, 16, 11, 277, 28, 15, 11, 331, 9464, 28, 14202, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 331, 3506, 28, 14202, 11, 8470, 11639, 32604, 6, 2599, 198, 220, 220, 220, 37227, 14993, 11458, 39555, 378, 2173, 13, 628, 220, 220, 220, 8229, 257, 1351, 286, 2173, 543, 357, 2815, 11458, 8, 39555, 378, 1813, 1366, 2173, 11, 198, 220, 220, 220, 393, 257, 2163, 9489, 262, 14174, 357, 273, 6937, 8, 39555, 341, 13, 628, 220, 220, 220, 40117, 198, 220, 220, 220, 24200, 438, 198, 220, 220, 220, 2124, 1058, 7177, 12, 2339, 11, 5485, 16193, 77, 62, 82, 12629, 35751, 198, 220, 220, 220, 220, 220, 220, 220, 399, 39223, 15879, 3501, 262, 22715, 286, 262, 2173, 198, 220, 220, 220, 220, 220, 220, 220, 284, 307, 39555, 515, 13, 628, 220, 220, 220, 331, 1058, 7177, 12, 2339, 11, 5485, 16193, 77, 62, 82, 12629, 35751, 198, 220, 220, 220, 220, 220, 220, 220, 399, 39223, 15879, 3501, 262, 22715, 286, 262, 2173, 198, 220, 220, 220, 220, 220, 220, 220, 284, 307, 39555, 515, 13, 628, 220, 220, 220, 2124, 448, 1058, 493, 11, 12178, 393, 11629, 540, 198, 220, 220, 220, 220, 220, 220, 220, 317, 16578, 283, 393, 11629, 540, 286, 35575, 3815, 31577, 810, 198, 220, 220, 220, 220, 220, 220, 220, 39555, 341, 318, 284, 1011, 1295, 13, 628, 220, 220, 220, 2446, 1058, 965, 11, 11902, 357, 12286, 11639, 29127, 11537, 198, 220, 220, 220, 220, 220, 220, 220, 18291, 6945, 262, 39555, 341, 2446, 284, 307, 973, 13, 198, 220, 220, 220, 220, 220, 220, 220, 10031, 1063, 389, 366, 29127, 1, 393, 366, 9979, 415, 1911, 628, 220, 220, 220, 3896, 1058, 493, 11, 11902, 357, 12286, 28, 16, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1052, 18253, 12059, 703, 39555, 341, 318, 284, 1011, 1295, 198, 220, 220, 220, 220, 220, 220, 220, 2354, 262, 16654, 7559, 58, 1084, 7, 87, 828, 3509, 7, 87, 15437, 15506, 13, 1002, 7559, 25135, 15506, 318, 352, 788, 198, 220, 220, 220, 220, 220, 220, 220, 45941, 13, 77, 504, 389, 4504, 329, 884, 2173, 290, 611, 340, 318, 362, 11, 262, 1988, 379, 262, 198, 220, 220, 220, 220, 220, 220, 220, 11706, 1366, 3257, 318, 973, 13, 628, 220, 220, 220, 277, 1058, 493, 11, 11902, 357, 12286, 28, 15, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1114, 7559, 24396, 15506, 796, 366, 9979, 415, 1, 257, 1271, 1022, 657, 290, 352, 19889, 11, 198, 220, 220, 220, 220, 220, 220, 220, 12739, 257, 13110, 1022, 1364, 12, 290, 826, 12, 18487, 5623, 2239, 198, 220, 220, 220, 220, 220, 220, 220, 5499, 13, 1002, 331, 15, 290, 331, 16, 389, 262, 3815, 284, 262, 1364, 290, 826, 286, 262, 198, 220, 220, 220, 220, 220, 220, 220, 966, 788, 262, 1988, 318, 331, 15, 611, 277, 6624, 657, 11, 331, 16, 611, 277, 6624, 352, 11, 290, 331, 15, 9, 7, 16, 12, 69, 47762, 88, 16, 9, 69, 198, 220, 220, 220, 220, 220, 220, 220, 329, 19898, 3815, 13, 554, 428, 835, 262, 1255, 318, 826, 12, 18487, 5623, 198, 220, 220, 220, 220, 220, 220, 220, 329, 277, 6624, 657, 290, 1364, 12, 18487, 5623, 329, 277, 6624, 352, 11, 772, 329, 1729, 12, 69, 9504, 198, 220, 220, 220, 220, 220, 220, 220, 7559, 88, 15506, 3815, 13, 628, 220, 220, 220, 331, 9464, 1058, 12178, 11, 11902, 357, 12286, 28, 14202, 8, 198, 220, 220, 220, 220, 220, 220, 220, 383, 1988, 284, 307, 4504, 618, 5128, 7559, 87, 15506, 3815, 389, 1342, 621, 198, 220, 220, 220, 220, 220, 220, 220, 7559, 1084, 7, 87, 8, 15506, 13, 383, 4277, 318, 5447, 416, 262, 1988, 286, 3896, 1813, 2174, 13, 628, 220, 220, 220, 331, 3506, 1058, 12178, 11, 11902, 357, 12286, 28, 14202, 8, 198, 220, 220, 220, 220, 220, 220, 220, 383, 1988, 284, 307, 4504, 618, 5128, 7559, 87, 15506, 3815, 389, 3744, 621, 198, 220, 220, 220, 220, 220, 220, 220, 7559, 9806, 7, 87, 8, 15506, 13, 383, 4277, 318, 5447, 416, 262, 1988, 286, 3896, 1813, 2174, 13, 628, 220, 220, 220, 8470, 1058, 965, 11, 11902, 357, 12286, 11639, 32604, 11537, 198, 220, 220, 220, 220, 220, 220, 220, 49500, 286, 8165, 7559, 87, 15506, 3815, 13, 10031, 1063, 389, 366, 32604, 1, 393, 366, 24071, 1911, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 611, 2446, 407, 287, 26173, 2389, 62, 2969, 31190, 55, 25, 198, 220, 220, 220, 220, 220, 220, 220, 5298, 11052, 12331, 10786, 24396, 1276, 307, 530, 286, 4064, 81, 6, 4064, 26173, 2389, 62, 2969, 31190, 55, 8, 628, 220, 220, 220, 1303, 787, 1654, 2124, 448, 318, 281, 7177, 198, 220, 220, 220, 2124, 448, 796, 269, 7, 87, 448, 737, 459, 2981, 7, 37659, 13, 22468, 2414, 8, 220, 1303, 4155, 4274, 628, 220, 220, 220, 1303, 2198, 2446, 198, 220, 220, 220, 2446, 62, 2539, 796, 2446, 628, 220, 220, 220, 1303, 407, 257, 869, 540, 11, 1682, 11, 475, 9179, 262, 4007, 492, 198, 220, 220, 220, 2446, 796, 651, 62, 13345, 540, 7, 24396, 62, 2539, 11, 26173, 2389, 62, 2969, 31190, 55, 8, 628, 220, 220, 220, 1303, 4866, 14, 16338, 1096, 30104, 198, 220, 220, 220, 2124, 11, 331, 796, 4808, 16338, 1096, 7, 87, 11, 331, 11, 8470, 8, 198, 220, 220, 220, 299, 87, 796, 2124, 13, 43358, 58, 15, 60, 628, 220, 220, 220, 1303, 611, 18896, 352, 30, 357, 732, 1053, 1541, 12118, 810, 262, 2546, 318, 657, 11, 1201, 356, 2198, 326, 198, 220, 220, 220, 1303, 287, 262, 4808, 16338, 1096, 2163, 618, 356, 869, 269, 16, 67, 8, 198, 220, 220, 220, 611, 299, 87, 6624, 352, 25, 198, 220, 220, 220, 220, 220, 220, 220, 611, 2446, 62, 2539, 6624, 705, 29127, 10354, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5298, 11052, 12331, 10786, 31227, 379, 1551, 734, 2173, 284, 705, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 2815, 11458, 39555, 378, 11537, 628, 220, 220, 220, 1303, 651, 331, 9464, 11, 331, 3506, 198, 220, 220, 220, 611, 331, 9464, 318, 6045, 25, 198, 220, 220, 220, 220, 220, 220, 220, 331, 9464, 796, 331, 58, 15, 60, 611, 3896, 14512, 352, 2073, 45941, 13, 12647, 198, 220, 220, 220, 611, 331, 3506, 318, 6045, 25, 198, 220, 220, 220, 220, 220, 220, 220, 331, 3506, 796, 331, 58, 12, 16, 60, 611, 3896, 14512, 352, 2073, 45941, 13, 12647, 628, 220, 220, 220, 1303, 869, 262, 327, 850, 81, 28399, 198, 220, 220, 220, 345, 83, 796, 327, 62, 4677, 13907, 7, 87, 11, 331, 11, 2124, 448, 11, 2446, 11, 277, 11, 331, 9464, 11, 331, 3506, 8, 198, 220, 220, 220, 1441, 2124, 448, 11, 345, 83, 198 ]
2.54136
2,309
from pathlib import Path from common.observer import Observable if __name__ == '__main__': m = Model() test_path = Path.home().resolve() m.collect_metrics(str(test_path), [str(Path('.').resolve())], 'test.json')
[ 6738, 3108, 8019, 1330, 10644, 198, 198, 6738, 2219, 13, 672, 15388, 1330, 19243, 540, 628, 198, 198, 361, 11593, 3672, 834, 6624, 705, 834, 12417, 834, 10354, 198, 220, 220, 220, 285, 796, 9104, 3419, 198, 220, 220, 220, 1332, 62, 6978, 796, 10644, 13, 11195, 22446, 411, 6442, 3419, 198, 220, 220, 220, 285, 13, 33327, 62, 4164, 10466, 7, 2536, 7, 9288, 62, 6978, 828, 685, 2536, 7, 15235, 10786, 2637, 737, 411, 6442, 28955, 4357, 705, 9288, 13, 17752, 11537, 198 ]
2.682353
85
"""Schemas linked to the database models""" import re from marshmallow import post_dump from marshmallow_sqlalchemy import ModelSchema class BaseSchema(ModelSchema): """ Custom base schema class that serializes datetime strings without the timezone offset. """ @post_dump def strip_timezone_offset(self, data): """Strips timezone offset from ISO8601/RFC3339 strings""" for key in data: if data[key] and isinstance(data[key], str): matches = re.match( r'^\d{4}-\d\d-\d\dT\d\d:\d\d:\d\d(\.\d{6})?[+-]\d\d:\d\d$', data[key] ) if matches: data[key] = data[key][:-6] return data
[ 37811, 27054, 5356, 6692, 284, 262, 6831, 4981, 37811, 198, 11748, 302, 198, 6738, 22397, 42725, 1330, 1281, 62, 39455, 198, 6738, 22397, 42725, 62, 25410, 282, 26599, 1330, 9104, 27054, 2611, 628, 198, 4871, 7308, 27054, 2611, 7, 17633, 27054, 2611, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 8562, 2779, 32815, 1398, 326, 11389, 4340, 4818, 8079, 13042, 1231, 262, 198, 220, 220, 220, 640, 11340, 11677, 13, 198, 220, 220, 220, 37227, 628, 220, 220, 220, 2488, 7353, 62, 39455, 198, 220, 220, 220, 825, 10283, 62, 2435, 11340, 62, 28968, 7, 944, 11, 1366, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 1273, 380, 862, 640, 11340, 11677, 422, 19694, 4521, 486, 14, 41150, 2091, 2670, 13042, 37811, 198, 220, 220, 220, 220, 220, 220, 220, 329, 1994, 287, 1366, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 1366, 58, 2539, 60, 290, 318, 39098, 7, 7890, 58, 2539, 4357, 965, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 7466, 796, 302, 13, 15699, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 374, 6, 61, 59, 67, 90, 19, 92, 12, 59, 67, 59, 67, 12, 59, 67, 59, 67, 51, 59, 67, 59, 67, 7479, 67, 59, 67, 7479, 67, 59, 67, 7, 17405, 59, 67, 90, 21, 92, 19427, 58, 10, 12, 60, 59, 67, 59, 67, 7479, 67, 59, 67, 3, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1366, 58, 2539, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 7466, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1366, 58, 2539, 60, 796, 1366, 58, 2539, 7131, 21912, 21, 60, 628, 220, 220, 220, 220, 220, 220, 220, 1441, 1366 ]
2.052342
363
""" Write your own datasets under this directory. """
[ 37811, 198, 16594, 534, 898, 40522, 739, 428, 8619, 13, 198, 37811 ]
4.416667
12
from ..common.solver import BaseSolver, DEFAULT_BATCH_SIZE, DEFAULT_MAX_BATCHES from . import libmpopt_qap as lib from . primals import Primals import numpy DEFAULT_GREEDY_GENERATIONS = 10 INFINITY_COST = 1e99
[ 6738, 11485, 11321, 13, 82, 14375, 1330, 7308, 50, 14375, 11, 5550, 38865, 62, 33, 11417, 62, 33489, 11, 5550, 38865, 62, 22921, 62, 33, 11417, 1546, 198, 6738, 764, 1330, 9195, 3149, 8738, 62, 80, 499, 355, 9195, 198, 6738, 764, 2684, 874, 1330, 11460, 874, 198, 198, 11748, 299, 32152, 628, 198, 7206, 38865, 62, 28934, 1961, 56, 62, 35353, 1137, 18421, 796, 838, 198, 1268, 20032, 9050, 62, 8220, 2257, 796, 352, 68, 2079, 628, 628, 628, 198 ]
2.703704
81
from django import forms from django.db.models import Q from django.contrib.auth.models import User from django.contrib.contenttypes.models import ContentType import django_filters from actstream.models import Action from rest_framework import serializers, viewsets, permissions, mixins, status from rest_framework.decorators import action from rest_framework.response import Response from kitsune.notifications.models import ( PushNotificationRegistration, Notification, RealtimeRegistration, ) from kitsune.sumo.api_utils import OnlyCreatorEdits, DateTimeUTCField, GenericRelatedField class OnlyOwner(permissions.BasePermission): """ Only allow objects to affected by their owner. TODO: This should be tied to user and object permissions better, but for now this is a bandaid. """
[ 6738, 42625, 14208, 1330, 5107, 198, 6738, 42625, 14208, 13, 9945, 13, 27530, 1330, 1195, 198, 6738, 42625, 14208, 13, 3642, 822, 13, 18439, 13, 27530, 1330, 11787, 198, 6738, 42625, 14208, 13, 3642, 822, 13, 11299, 19199, 13, 27530, 1330, 14041, 6030, 198, 198, 11748, 42625, 14208, 62, 10379, 1010, 198, 6738, 719, 5532, 13, 27530, 1330, 7561, 198, 6738, 1334, 62, 30604, 1330, 11389, 11341, 11, 5009, 1039, 11, 21627, 11, 5022, 1040, 11, 3722, 198, 6738, 1334, 62, 30604, 13, 12501, 273, 2024, 1330, 2223, 198, 6738, 1334, 62, 30604, 13, 26209, 1330, 18261, 198, 198, 6738, 19183, 1726, 13, 1662, 6637, 13, 27530, 1330, 357, 198, 220, 220, 220, 23691, 3673, 2649, 47133, 11, 198, 220, 220, 220, 42808, 11, 198, 220, 220, 220, 6416, 2435, 47133, 11, 198, 8, 198, 6738, 19183, 1726, 13, 16345, 78, 13, 15042, 62, 26791, 1330, 5514, 16719, 273, 7407, 896, 11, 7536, 7575, 17429, 15878, 11, 42044, 9819, 15878, 628, 198, 4871, 5514, 42419, 7, 525, 8481, 13, 14881, 5990, 3411, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 5514, 1249, 5563, 284, 5676, 416, 511, 4870, 13, 628, 220, 220, 220, 16926, 46, 25, 770, 815, 307, 8165, 284, 2836, 290, 2134, 21627, 1365, 11, 475, 198, 220, 220, 220, 329, 783, 428, 318, 257, 4097, 1698, 13, 198, 220, 220, 220, 37227, 628, 628, 628, 628, 198 ]
3.568966
232
"""Asyncio backports for Python 3.6 compatibility.""" from asyncio import coroutines, ensure_future from asyncio.events import AbstractEventLoop import concurrent.futures import logging import threading from typing import Any, Callable, Coroutine _LOGGER = logging.getLogger(__name__) def fire_coroutine_threadsafe(coro: Coroutine, loop: AbstractEventLoop) -> None: """Submit a coroutine object to a given event loop. This method does not provide a way to retrieve the result and is intended for fire-and-forget use. This reduces the work involved to fire the function on the loop. """ ident = loop.__dict__.get("_thread_ident") if ident is not None and ident == threading.get_ident(): raise RuntimeError("Cannot be called from within the event loop") if not coroutines.iscoroutine(coro): raise TypeError("A coroutine object is required: %s" % coro) def callback() -> None: """Handle the firing of a coroutine.""" ensure_future(coro, loop=loop) loop.call_soon_threadsafe(callback) def run_callback_threadsafe( loop: AbstractEventLoop, callback: Callable, *args: Any ) -> concurrent.futures.Future: """Submit a callback object to a given event loop. Return a concurrent.futures.Future to access the result. """ ident = loop.__dict__.get("_thread_ident") if ident is not None and ident == threading.get_ident(): raise RuntimeError("Cannot be called from within the event loop") future: concurrent.futures.Future = concurrent.futures.Future() def run_callback() -> None: """Run callback and store result.""" try: future.set_result(callback(*args)) except Exception as exc: # pylint: disable=broad-except if future.set_running_or_notify_cancel(): future.set_exception(exc) else: _LOGGER.warning("Exception on lost future: ", exc_info=True) loop.call_soon_threadsafe(run_callback) return future
[ 37811, 42367, 952, 736, 3742, 329, 11361, 513, 13, 21, 17764, 526, 15931, 198, 6738, 30351, 952, 1330, 1162, 448, 1127, 11, 4155, 62, 37443, 198, 6738, 30351, 952, 13, 31534, 1330, 27741, 9237, 39516, 198, 11748, 24580, 13, 69, 315, 942, 198, 11748, 18931, 198, 11748, 4704, 278, 198, 6738, 19720, 1330, 4377, 11, 4889, 540, 11, 2744, 28399, 198, 198, 62, 25294, 30373, 796, 18931, 13, 1136, 11187, 1362, 7, 834, 3672, 834, 8, 628, 198, 4299, 2046, 62, 10215, 28399, 62, 16663, 21230, 7, 10215, 78, 25, 2744, 28399, 11, 9052, 25, 27741, 9237, 39516, 8, 4613, 6045, 25, 198, 220, 220, 220, 37227, 45135, 257, 1162, 28399, 2134, 284, 257, 1813, 1785, 9052, 13, 628, 220, 220, 220, 770, 2446, 857, 407, 2148, 257, 835, 284, 19818, 262, 1255, 290, 198, 220, 220, 220, 318, 5292, 329, 2046, 12, 392, 12, 1640, 1136, 779, 13, 770, 12850, 262, 198, 220, 220, 220, 670, 2950, 284, 2046, 262, 2163, 319, 262, 9052, 13, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 1852, 796, 9052, 13, 834, 11600, 834, 13, 1136, 7203, 62, 16663, 62, 738, 4943, 198, 220, 220, 220, 611, 1852, 318, 407, 6045, 290, 1852, 6624, 4704, 278, 13, 1136, 62, 738, 33529, 198, 220, 220, 220, 220, 220, 220, 220, 5298, 43160, 12331, 7203, 34, 34574, 307, 1444, 422, 1626, 262, 1785, 9052, 4943, 628, 220, 220, 220, 611, 407, 1162, 448, 1127, 13, 2304, 273, 28399, 7, 10215, 78, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 5298, 5994, 12331, 7203, 32, 1162, 28399, 2134, 318, 2672, 25, 4064, 82, 1, 4064, 1162, 78, 8, 628, 220, 220, 220, 825, 23838, 3419, 4613, 6045, 25, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 37508, 262, 9645, 286, 257, 1162, 28399, 526, 15931, 198, 220, 220, 220, 220, 220, 220, 220, 4155, 62, 37443, 7, 10215, 78, 11, 9052, 28, 26268, 8, 628, 220, 220, 220, 9052, 13, 13345, 62, 36194, 62, 16663, 21230, 7, 47423, 8, 628, 198, 4299, 1057, 62, 47423, 62, 16663, 21230, 7, 198, 220, 220, 220, 9052, 25, 27741, 9237, 39516, 11, 23838, 25, 4889, 540, 11, 1635, 22046, 25, 4377, 198, 8, 4613, 24580, 13, 69, 315, 942, 13, 29783, 25, 198, 220, 220, 220, 37227, 45135, 257, 23838, 2134, 284, 257, 1813, 1785, 9052, 13, 628, 220, 220, 220, 8229, 257, 24580, 13, 69, 315, 942, 13, 29783, 284, 1895, 262, 1255, 13, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 1852, 796, 9052, 13, 834, 11600, 834, 13, 1136, 7203, 62, 16663, 62, 738, 4943, 198, 220, 220, 220, 611, 1852, 318, 407, 6045, 290, 1852, 6624, 4704, 278, 13, 1136, 62, 738, 33529, 198, 220, 220, 220, 220, 220, 220, 220, 5298, 43160, 12331, 7203, 34, 34574, 307, 1444, 422, 1626, 262, 1785, 9052, 4943, 628, 220, 220, 220, 2003, 25, 24580, 13, 69, 315, 942, 13, 29783, 796, 24580, 13, 69, 315, 942, 13, 29783, 3419, 628, 220, 220, 220, 825, 1057, 62, 47423, 3419, 4613, 6045, 25, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 10987, 23838, 290, 3650, 1255, 526, 15931, 198, 220, 220, 220, 220, 220, 220, 220, 1949, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2003, 13, 2617, 62, 20274, 7, 47423, 46491, 22046, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 2845, 35528, 355, 2859, 25, 220, 1303, 279, 2645, 600, 25, 15560, 28, 36654, 12, 16341, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 2003, 13, 2617, 62, 20270, 62, 273, 62, 1662, 1958, 62, 66, 21130, 33529, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2003, 13, 2617, 62, 1069, 4516, 7, 41194, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4808, 25294, 30373, 13, 43917, 7203, 16922, 319, 2626, 2003, 25, 33172, 2859, 62, 10951, 28, 17821, 8, 628, 220, 220, 220, 9052, 13, 13345, 62, 36194, 62, 16663, 21230, 7, 5143, 62, 47423, 8, 198, 220, 220, 220, 1441, 2003, 198 ]
2.863636
704
"""Tests""" from hangman import check_letter, reveal_letter, print_result def test_check_letter(): """check_letter""" assert check_letter("world", "a") == 0 def test_reveal_letter(): """reveal_letter""" assert reveal_letter("te", ['*', 'e'], "t") == ['t', 'e'] def test_print_result(): """test print result""" assert print_result(5, "word") == 0
[ 37811, 51, 3558, 37811, 198, 6738, 8181, 805, 1330, 2198, 62, 9291, 11, 7766, 62, 9291, 11, 3601, 62, 20274, 628, 198, 4299, 1332, 62, 9122, 62, 9291, 33529, 198, 220, 220, 220, 37227, 9122, 62, 9291, 37811, 198, 220, 220, 220, 6818, 2198, 62, 9291, 7203, 6894, 1600, 366, 64, 4943, 6624, 657, 628, 198, 4299, 1332, 62, 36955, 282, 62, 9291, 33529, 198, 220, 220, 220, 37227, 36955, 282, 62, 9291, 37811, 198, 220, 220, 220, 6818, 7766, 62, 9291, 7203, 660, 1600, 37250, 9, 3256, 705, 68, 6, 4357, 366, 83, 4943, 6624, 37250, 83, 3256, 705, 68, 20520, 628, 198, 4299, 1332, 62, 4798, 62, 20274, 33529, 198, 220, 220, 220, 37227, 9288, 3601, 1255, 37811, 198, 220, 220, 220, 6818, 3601, 62, 20274, 7, 20, 11, 366, 4775, 4943, 6624, 657, 198 ]
2.744526
137
# coding: utf-8 from __future__ import print_function import numpy as np import pandas as pd import os import json import re from pep_detectability import PeptideDetectabilityTrainer from pep_detectability import PeptideDetectabilityPredictor working_dir = '.' filenames_positive = [ f for f in os.listdir(working_dir) if f.endswith(".detectability.csv") and \ not f.endswith("negative.detectability.csv") ] data_positive = pd.concat([load_data(os.path.join(working_dir, f)) for f in filenames_positive]) filenames_negative = [ f for f in os.listdir(working_dir) if f.endswith("negative.detectability.csv") ] data_negative = pd.concat([load_data(os.path.join(working_dir, f)) for f in filenames_negative]) print('Positive {n}, negative {m}'.format( n=len(data_positive), m=len(data_negative) )) seed = 0 max_rounds = 10 positive_threshold = 0.5 fpr_threshold = 0.01 result_summary = { 'seed': seed, 'files': { 'positive': filenames_positive, 'negative': filenames_negative } } save_data_json(result_summary, os.path.join(working_dir, 'training.json')) results = [] for i in range(0, max_rounds + 1): if i == 0: model_path=None indexes_negative = get_initial_negative_subset( data_positive, data_negative, seed=seed ) else: predict_dir = '{working_dir}/training_{i}'.format(working_dir=working_dir, i=i - 1) model_path = model_path = [ os.path.join(predict_dir, 'models', f) for f in os.listdir(os.path.join(predict_dir, 'models')) if re.match(r'^epoch_[0-9]+\.hdf5$', f) is not None ][-1] indexes_negative, tpr, fpr, precision = get_hard_negative_subset( data_positive, data_negative, model_path=model_path, positive_threshold=positive_threshold, min_ratio=1 ) print('TPR: {tpr}, FPR: {fpr}, Precision: {precision}'.format( tpr=tpr, fpr=fpr, precision=precision )) if (len(results) > 0): results[-1]['evaluate'] = { 'tpr': tpr, 'fpr': fpr, 'precision': precision } if (fpr <= fpr_threshold): print('Early stopping') break if (i >= max_rounds): break print('Round {i}: train on {n} positive samples, {m} negative samples'.format( i=i, n=len(data_positive), m=len(indexes_negative) )) train_dir = '{working_dir}/training_{i}'.format(working_dir=working_dir, i=i) os.makedirs(train_dir, exist_ok=True) os.makedirs(os.path.join(train_dir, 'models'), exist_ok=True) data1 = data_positive data2 = data_negative.iloc[indexes_negative] trainer = PeptideDetectabilityTrainer( model_path=model_path, save_path=os.path.join(train_dir, 'models', 'epoch_{epoch:03d}.hdf5'), log_path=os.path.join(train_dir, 'training.log') ) result = trainer.train(data1, data2, seed=seed) trainer.save_model(os.path.join(train_dir, 'models', 'last_epoch.hdf5')) result['split'] = { 'seed': seed, 'round': i, 'train': { 'positive': result['split']['train']['positive'], 'negative': indexes_negative \ [np.array(result['split']['train']['negative'])].tolist() }, 'validate': { 'positive': result['split']['validate']['positive'], 'negative': indexes_negative \ [np.array(result['split']['validate']['negative'])].tolist() } } result['files'] = filenames_positive + filenames_negative trainer.save_model(os.path.join(train_dir, 'models', 'last_epoch.hdf5')) save_data_json(result, os.path.join(train_dir, 'training.json')) results.append(result) result_summary['rounds'] = results save_data_json(result_summary, os.path.join(working_dir, 'training.json'))
[ 2, 19617, 25, 3384, 69, 12, 23, 198, 6738, 11593, 37443, 834, 1330, 3601, 62, 8818, 198, 11748, 299, 32152, 355, 45941, 198, 11748, 19798, 292, 355, 279, 67, 198, 11748, 28686, 198, 11748, 33918, 198, 11748, 302, 198, 198, 6738, 279, 538, 62, 15255, 478, 1799, 1330, 2631, 457, 485, 47504, 1799, 2898, 10613, 198, 6738, 279, 538, 62, 15255, 478, 1799, 1330, 2631, 457, 485, 47504, 1799, 47, 17407, 273, 628, 198, 220, 220, 220, 220, 198, 198, 16090, 62, 15908, 796, 705, 2637, 198, 198, 10379, 268, 1047, 62, 24561, 796, 685, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 277, 329, 277, 287, 28686, 13, 4868, 15908, 7, 16090, 62, 15908, 8, 220, 198, 220, 220, 220, 611, 277, 13, 437, 2032, 342, 7, 1911, 15255, 478, 1799, 13, 40664, 4943, 290, 3467, 198, 220, 220, 220, 407, 277, 13, 437, 2032, 342, 7203, 31591, 13, 15255, 478, 1799, 13, 40664, 4943, 198, 60, 198, 7890, 62, 24561, 796, 279, 67, 13, 1102, 9246, 26933, 2220, 62, 7890, 7, 418, 13, 6978, 13, 22179, 7, 16090, 62, 15908, 11, 277, 4008, 329, 277, 287, 1226, 268, 1047, 62, 24561, 12962, 198, 198, 10379, 268, 1047, 62, 31591, 796, 685, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 277, 329, 277, 287, 28686, 13, 4868, 15908, 7, 16090, 62, 15908, 8, 220, 198, 220, 220, 220, 611, 277, 13, 437, 2032, 342, 7203, 31591, 13, 15255, 478, 1799, 13, 40664, 4943, 198, 60, 198, 7890, 62, 31591, 796, 279, 67, 13, 1102, 9246, 26933, 2220, 62, 7890, 7, 418, 13, 6978, 13, 22179, 7, 16090, 62, 15908, 11, 277, 4008, 329, 277, 287, 1226, 268, 1047, 62, 31591, 12962, 198, 4798, 10786, 21604, 1800, 1391, 77, 5512, 4633, 1391, 76, 92, 4458, 18982, 7, 198, 220, 220, 220, 299, 28, 11925, 7, 7890, 62, 24561, 828, 285, 28, 11925, 7, 7890, 62, 31591, 8, 198, 4008, 198, 198, 28826, 796, 657, 198, 9806, 62, 744, 82, 796, 838, 198, 24561, 62, 400, 10126, 796, 657, 13, 20, 198, 69, 1050, 62, 400, 10126, 796, 657, 13, 486, 198, 198, 20274, 62, 49736, 796, 1391, 198, 220, 220, 220, 705, 28826, 10354, 9403, 11, 198, 220, 220, 220, 705, 16624, 10354, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 705, 24561, 10354, 1226, 268, 1047, 62, 24561, 11, 198, 220, 220, 220, 220, 220, 220, 220, 705, 31591, 10354, 1226, 268, 1047, 62, 31591, 198, 220, 220, 220, 1782, 220, 220, 198, 92, 198, 21928, 62, 7890, 62, 17752, 7, 20274, 62, 49736, 11, 28686, 13, 6978, 13, 22179, 7, 16090, 62, 15908, 11, 705, 34409, 13, 17752, 6, 4008, 198, 198, 43420, 796, 17635, 198, 1640, 1312, 287, 2837, 7, 15, 11, 3509, 62, 744, 82, 1343, 352, 2599, 198, 220, 220, 220, 611, 1312, 6624, 657, 25, 198, 220, 220, 220, 220, 220, 220, 220, 2746, 62, 6978, 28, 14202, 198, 220, 220, 220, 220, 220, 220, 220, 39199, 62, 31591, 796, 651, 62, 36733, 62, 31591, 62, 7266, 2617, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1366, 62, 24561, 11, 1366, 62, 31591, 11, 9403, 28, 28826, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 4331, 62, 15908, 796, 705, 90, 16090, 62, 15908, 92, 14, 34409, 23330, 72, 92, 4458, 18982, 7, 16090, 62, 15908, 28, 16090, 62, 15908, 11, 1312, 28, 72, 532, 352, 8, 198, 220, 220, 220, 220, 220, 220, 220, 2746, 62, 6978, 796, 2746, 62, 6978, 796, 685, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 28686, 13, 6978, 13, 22179, 7, 79, 17407, 62, 15908, 11, 705, 27530, 3256, 277, 8, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 329, 277, 287, 28686, 13, 4868, 15908, 7, 418, 13, 6978, 13, 22179, 7, 79, 17407, 62, 15908, 11, 705, 27530, 6, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 302, 13, 15699, 7, 81, 6, 61, 538, 5374, 62, 58, 15, 12, 24, 48688, 17405, 71, 7568, 20, 3, 3256, 277, 8, 318, 407, 6045, 198, 220, 220, 220, 220, 220, 220, 220, 41832, 12, 16, 60, 198, 220, 220, 220, 220, 220, 220, 220, 39199, 62, 31591, 11, 256, 1050, 11, 277, 1050, 11, 15440, 796, 651, 62, 10424, 62, 31591, 62, 7266, 2617, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1366, 62, 24561, 11, 1366, 62, 31591, 11, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2746, 62, 6978, 28, 19849, 62, 6978, 11, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3967, 62, 400, 10126, 28, 24561, 62, 400, 10126, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 949, 62, 10366, 952, 28, 16, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 628, 220, 220, 220, 220, 220, 220, 220, 3601, 10786, 51, 4805, 25, 1391, 83, 1050, 5512, 376, 4805, 25, 1391, 69, 1050, 5512, 39281, 25, 1391, 3866, 16005, 92, 4458, 18982, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 256, 1050, 28, 83, 1050, 11, 277, 1050, 28, 69, 1050, 11, 15440, 28, 3866, 16005, 198, 220, 220, 220, 220, 220, 220, 220, 15306, 198, 220, 220, 220, 220, 220, 220, 220, 611, 357, 11925, 7, 43420, 8, 1875, 657, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2482, 58, 12, 16, 7131, 6, 49786, 20520, 796, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 83, 1050, 10354, 256, 1050, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 69, 1050, 10354, 277, 1050, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 3866, 16005, 10354, 15440, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1782, 198, 220, 220, 220, 220, 220, 220, 220, 611, 357, 69, 1050, 19841, 277, 1050, 62, 400, 10126, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3601, 10786, 20457, 12225, 11537, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2270, 198, 220, 220, 220, 220, 220, 220, 220, 611, 357, 72, 18189, 3509, 62, 744, 82, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2270, 198, 220, 220, 220, 220, 198, 220, 220, 220, 3601, 10786, 22685, 1391, 72, 38362, 4512, 319, 1391, 77, 92, 3967, 8405, 11, 1391, 76, 92, 4633, 8405, 4458, 18982, 7, 198, 220, 220, 220, 220, 220, 220, 220, 1312, 28, 72, 11, 299, 28, 11925, 7, 7890, 62, 24561, 828, 285, 28, 11925, 7, 9630, 274, 62, 31591, 8, 198, 220, 220, 220, 15306, 628, 220, 220, 220, 4512, 62, 15908, 796, 705, 90, 16090, 62, 15908, 92, 14, 34409, 23330, 72, 92, 4458, 18982, 7, 16090, 62, 15908, 28, 16090, 62, 15908, 11, 1312, 28, 72, 8, 198, 220, 220, 220, 28686, 13, 76, 4335, 17062, 7, 27432, 62, 15908, 11, 2152, 62, 482, 28, 17821, 8, 198, 220, 220, 220, 28686, 13, 76, 4335, 17062, 7, 418, 13, 6978, 13, 22179, 7, 27432, 62, 15908, 11, 705, 27530, 33809, 2152, 62, 482, 28, 17821, 8, 628, 220, 220, 220, 1366, 16, 796, 1366, 62, 24561, 198, 220, 220, 220, 1366, 17, 796, 1366, 62, 31591, 13, 346, 420, 58, 9630, 274, 62, 31591, 60, 198, 220, 220, 220, 220, 198, 220, 220, 220, 21997, 796, 2631, 457, 485, 47504, 1799, 2898, 10613, 7, 198, 220, 220, 220, 220, 220, 220, 220, 2746, 62, 6978, 28, 19849, 62, 6978, 11, 198, 220, 220, 220, 220, 220, 220, 220, 3613, 62, 6978, 28, 418, 13, 6978, 13, 22179, 7, 27432, 62, 15908, 11, 705, 27530, 3256, 705, 538, 5374, 23330, 538, 5374, 25, 3070, 67, 27422, 71, 7568, 20, 33809, 198, 220, 220, 220, 220, 220, 220, 220, 2604, 62, 6978, 28, 418, 13, 6978, 13, 22179, 7, 27432, 62, 15908, 11, 705, 34409, 13, 6404, 11537, 198, 220, 220, 220, 1267, 198, 220, 220, 220, 1255, 796, 21997, 13, 27432, 7, 7890, 16, 11, 1366, 17, 11, 9403, 28, 28826, 8, 198, 220, 220, 220, 21997, 13, 21928, 62, 19849, 7, 418, 13, 6978, 13, 22179, 7, 27432, 62, 15908, 11, 705, 27530, 3256, 705, 12957, 62, 538, 5374, 13, 71, 7568, 20, 6, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 1255, 17816, 35312, 20520, 796, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 705, 28826, 10354, 9403, 11, 198, 220, 220, 220, 220, 220, 220, 220, 705, 744, 10354, 1312, 11, 198, 220, 220, 220, 220, 220, 220, 220, 705, 27432, 10354, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 24561, 10354, 1255, 17816, 35312, 6, 7131, 6, 27432, 6, 7131, 6, 24561, 6, 4357, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 31591, 10354, 39199, 62, 31591, 3467, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 685, 37659, 13, 18747, 7, 20274, 17816, 35312, 6, 7131, 6, 27432, 6, 7131, 6, 31591, 6, 12962, 4083, 83, 349, 396, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 8964, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 705, 12102, 378, 10354, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 24561, 10354, 1255, 17816, 35312, 6, 7131, 6, 12102, 378, 6, 7131, 6, 24561, 6, 4357, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 31591, 10354, 39199, 62, 31591, 3467, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 685, 37659, 13, 18747, 7, 20274, 17816, 35312, 6, 7131, 6, 12102, 378, 6, 7131, 6, 31591, 6, 12962, 4083, 83, 349, 396, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 1782, 198, 220, 220, 220, 1782, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 1255, 17816, 16624, 20520, 796, 1226, 268, 1047, 62, 24561, 1343, 1226, 268, 1047, 62, 31591, 198, 220, 220, 220, 21997, 13, 21928, 62, 19849, 7, 418, 13, 6978, 13, 22179, 7, 27432, 62, 15908, 11, 705, 27530, 3256, 705, 12957, 62, 538, 5374, 13, 71, 7568, 20, 6, 4008, 198, 220, 220, 220, 3613, 62, 7890, 62, 17752, 7, 20274, 11, 28686, 13, 6978, 13, 22179, 7, 27432, 62, 15908, 11, 705, 34409, 13, 17752, 6, 4008, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 2482, 13, 33295, 7, 20274, 8, 628, 198, 20274, 62, 49736, 17816, 744, 82, 20520, 796, 2482, 198, 21928, 62, 7890, 62, 17752, 7, 20274, 62, 49736, 11, 28686, 13, 6978, 13, 22179, 7, 16090, 62, 15908, 11, 705, 34409, 13, 17752, 6, 4008, 198 ]
2.130068
1,899
"""Various `lstm_ee.data.data_loader` tests"""
[ 37811, 40009, 4600, 75, 301, 76, 62, 1453, 13, 7890, 13, 7890, 62, 29356, 63, 5254, 37811, 628 ]
2.666667
18
# -*- coding: utf-8 -*- from __future__ import unicode_literals from django.db import models, migrations
[ 2, 532, 9, 12, 19617, 25, 3384, 69, 12, 23, 532, 9, 12, 198, 6738, 11593, 37443, 834, 1330, 28000, 1098, 62, 17201, 874, 198, 198, 6738, 42625, 14208, 13, 9945, 1330, 4981, 11, 15720, 602, 628 ]
2.891892
37
from leetcode_tester import Tester from src.binary_tree import TreeNode, null from typing import Optional, List if __name__ == '__main__': solution = Solution() test = Tester(solution.maxDepth) test.addTest( TreeNode.from_list([3, 9, 20, null, null, 15, 7]), 3 ) test.addTest( TreeNode.from_list([1, null, 2]), 2 ) test.doTest()
[ 6738, 443, 316, 8189, 62, 4879, 353, 1330, 309, 7834, 198, 6738, 12351, 13, 39491, 62, 21048, 1330, 12200, 19667, 11, 9242, 198, 198, 6738, 19720, 1330, 32233, 11, 7343, 628, 198, 198, 361, 11593, 3672, 834, 6624, 705, 834, 12417, 834, 10354, 198, 220, 220, 220, 4610, 796, 28186, 3419, 198, 220, 220, 220, 1332, 796, 309, 7834, 7, 82, 2122, 13, 9806, 48791, 8, 628, 220, 220, 220, 1332, 13, 2860, 14402, 7, 198, 220, 220, 220, 220, 220, 220, 220, 12200, 19667, 13, 6738, 62, 4868, 26933, 18, 11, 860, 11, 1160, 11, 9242, 11, 9242, 11, 1315, 11, 767, 46570, 513, 198, 220, 220, 220, 1267, 198, 220, 220, 220, 1332, 13, 2860, 14402, 7, 198, 220, 220, 220, 220, 220, 220, 220, 12200, 19667, 13, 6738, 62, 4868, 26933, 16, 11, 9242, 11, 362, 46570, 362, 198, 220, 220, 220, 1267, 198, 220, 220, 220, 1332, 13, 4598, 14402, 3419, 198 ]
2.423077
156
from django.contrib.auth.mixins import LoginRequiredMixin from django.views.generic import ListView from reviewer.models import Reviewer
[ 6738, 42625, 14208, 13, 3642, 822, 13, 18439, 13, 19816, 1040, 1330, 23093, 37374, 35608, 259, 198, 6738, 42625, 14208, 13, 33571, 13, 41357, 1330, 7343, 7680, 198, 6738, 37823, 13, 27530, 1330, 6602, 263, 628 ]
3.833333
36
"""CKAN module is a wrapper around API calls. All of these methods will return raw json objects. The JSON that is returned can be used to construct CKANData objects. CKANData objects can be compared with one another. They will use the CKANTransform methods to identify fields that should and should not be used to compare two objects. CKANTransform will also be used to transform on CKANData object to a new Schema allowing like for like comparisons. CKANTransform module will work directly with CKAN Data objects. """ # pylint: disable=logging-format-interpolation import logging import constants import CKANTransform import deepdiff import pprint LOGGER = logging.getLogger(__name__) def validateTypeIsComparable(dataObj1, dataObj2): """A generic function that can be used to ensure two objects are comparable. :param dataObj1: The first data object that is to be used in a comparison :type ckanDataSet: :raises IncompatibleTypesException: [description] """ dataType1 = type(dataObj1) dataType2 = type(dataObj2) if hasattr(dataObj1, 'dataType'): dataType1 = dataObj1.dataType if hasattr(dataObj2, 'dataType'): dataType2 = dataObj2.dataType if dataType2 != dataType1: msg = 'You are attempting to compare two different types of objects ' + \ f'that are not comparable. dataObj1 is type: {dataType1} and ' + \ f'dataObj2 is type: with an object of type, {dataType2}' raise IncompatibleTypesException(msg) # ------------- Data Record defs ------------- class DataCell: """an object that can be used to wrap a data value and other meta data about it from the perspective of a change """ def deleteIndexes(self, positions): """gets a list of the position that are to be trimmed from the struct :param positions: a list of index positions for the self.struct list that are to be removed. :type positions: list of ints """ LOGGER.debug(f"remove positions: {positions}") newStruct = [] for pos in range(0, len(self.struct)): if pos not in positions: newStruct.append(self.struct[pos]) else: LOGGER.debug(f"removing: {pos} {self.struct[pos]}") LOGGER.debug(f"old struct: {self.struct}") LOGGER.debug(f"new struct: {newStruct}") self.struct = newStruct # transfer changes to the parent def generateNewCell(self, key, transConf): """The current cell is a dict, generates a new cell for the position associated with the input key. :param key: a key of struct property :type key: str """ newCell = DataCell(self.struct[key]) newCell.parent = self newCell.parentKey = key # copy the attributes from parent to child newCell.include = self.include newCell.ignoreList = self.ignoreList newCell.ignoreFld = self.ignoreFld newCell.parentType = self.parentType # if the key is an embedded type, users, groups, etc... if key in constants.VALID_TRANSFORM_TYPES: newCell.ignoreList = transConf.getIgnoreList(key) newCell.ignoreFld = transConf.getUniqueField(key) newCell.parentType = key if newCell.parentType is not None: # if the key is equal to the name of the ignore field if (newCell.ignoreFld) and key == newCell.ignoreFld: # example key is 'name' and the ignore field is name # now check to see if the value is in the ignore list if newCell.struct in newCell.ignoreList: # continue with example.. now the value for the key name # is in the ignore list. Set the enclosing object... self # to not be included. self.include = False return newCell # -------------------- DATASET DELTA ------------------ class CKANDataSetDeltas: """Class used to represent differences between two objects of the same type. Includes all the information necessary to proceed with the update. :ivar adds: A list of dicts containing the user defined properties that need to be populated to create an equivalent version of the src data in dest. :ivar deletes: A list of the names or ids on the dest side of objects that should be deleted. :ivar updates: Same structure as 'adds'. Only difference between these and adds is these will get added to dest using an update method vs a create method. :ivar srcCKANDataset: CKANDataset object, maintain a reference to this object so that can request CKAN records in the dataset with only user generated fields included. """ def setAddDataset(self, addDataObj): """Adds a object to the list of objects that are identified as adds Adds are objects that exist in the source but not the destination :param addDataObj: data that is to be added :type addDataObj: dict :raises TypeError: raised if the input data is not type dict """ if not isinstance(addDataObj, dict): msg = "addDataObj parameter needs to be type dict. You passed " + \ f"{type(addDataObj)}" raise TypeError(msg) self.adds.append(addDataObj) def setAddDatasets(self, addList, replace=True): """adds a list of data to the adds property. The adds property gets populated with data that should be added to the destination ckan instance :param addList: input list of data that should be added to the dest instance :type addList: struct :param replace: if set to true, will replace any data that may already exist in the adds property if set to false then will append to the end of the struct, defaults to True :type replace: bool, optional """ if replace: LOGGER.info(f"populate add list with {len(addList)} items") self.adds = addList else: LOGGER.info(f"adding {len(addList)} items to the add list") self.adds.extend(addList) def setDeleteDataset(self, deleteName): """Adds an object to the list of data that has been identified as a Delete. Deletes are records that exist in the destination but not the source. :param deleteName: [description] :type deleteName: [type] :raises TypeError: [description] """ if not isinstance(deleteName, str): msg = "deleteName parameter needs to be type str. You passed " + \ f"{type(deleteName)}" raise TypeError(msg) self.deletes.append(deleteName) def setDeleteDatasets(self, deleteList, replace=True): """adds a list of data to the deletes property. The deletes property gets populated with unique ids that should be removed from the destination ckan instance :param deleteList: input list of data that should be deleted from the dest ckan instance :type addList: struct :param replace: if set to true, will replace any data that may already exist in the deletes property, if set to false then will append to the end of the struct, defaults to True :type replace: bool, optional """ if replace: LOGGER.info(f"populate delete list with {len(deleteList)} items") self.deletes = deleteList else: LOGGER.info(f"adding {len(deleteList)} items to the delete list") self.deletes.extend(deleteList) def setUpdateDatasets(self, updateList): """Gets a list of data that should be used to update objects in the ckan destination instance and adds the data to this object :param updateList: list of data to be used to update the object :type updateList: list """ LOGGER.info(f"adding {len(updateList)} records to update") for updateData in updateList: self.setUpdateDataSet(updateData) def setUpdateDataSet(self, updateObj): """Adds a new dataset that is to be updated. When comparison of two objects identifies that there is a difference, the object that passed to this method is the src object with the data that should be copied to dest. Updates are datasets that exist in source and destination however not all the data is the same between them. :param updateObj: the data that is to be updated :type updateObj: dict :raises TypeError: object must be type 'dict', raise if it is not. :raises ValueError: object must have a 'name' property """ if not isinstance(updateObj, dict): msg = "updateObj parameter needs to be type dict. You passed " + \ f"{type(updateObj)}" raise TypeError(msg) if 'name' not in updateObj: msg = 'Update object MUST contain a property \'name\'. Object ' + \ f'provided: {updateObj}' raise ValueError(msg) LOGGER.debug(f"adding update for {updateObj['name']}") self.updates[updateObj['name']] = updateObj def filterNonUserGeneratedFields(self, ckanDataSet): """ Receives either a dict or list: * dict: key is the unique id for the dataset * list: a list of dicts describing a list of data objects. Iterates over all the data in the ckanDataSet struct, removing non user generated fields and returns a json struct (dict) with only fields that are user defined :param ckanDataSet: a ckan data set :type ckanDataSet: CKANDataSet or an object that subclasses it """ # get the unique id for this dataset type uniqueIdentifier = self.srcCKANDataset.transConf.getUniqueField( self.srcCKANDataset.dataType) # if generating a dataset to be used to update a dataset, then check to # see if there are machine generated fields that should be included in the # update LOGGER.debug(f"uniqueIdentifier: {uniqueIdentifier}") if isinstance(ckanDataSet, dict): filteredData = {} uniqueIds = ckanDataSet.keys() elif isinstance(ckanDataSet, list): filteredData = [] # below is wrong as it returns all unique ids, we only want the # unique ids provided in the struct ckanDataSet #uniqueIds = self.srcCKANDataset.getUniqueIdentifiers() uniqueIds = [] for record in ckanDataSet: uniqueIds.append(record[uniqueIdentifier]) else: msg = f'type received is {type(ckanDataSet)}, expecting list or dict' raise IncompatibleTypesException(msg) for uniqueId in uniqueIds: #LOGGER.debug(f"uniqueId: {uniqueId}") ckanRec = self.srcCKANDataset.getRecordByUniqueId(uniqueId) compStruct = ckanRec.getComparableStruct() if isinstance(ckanDataSet, dict): filteredData[uniqueId] = compStruct elif isinstance(ckanDataSet, list): filteredData.append(compStruct) return filteredData def getUpdateData(self): """ creates and returns a structure that can be used to update the object in question. :return: a dictionary where the key values are the unique identifiers and the values are the actual struct that should be used to update the destination ckan instance. :rtype: dict """ # should return only fields that are user generated updates = self.filterNonUserGeneratedFields(self.updates) #LOGGER.debug(f'updates: {updates}') updateFields = self.transConf.getFieldsToIncludeOnUpdate(self.destCKANDataset.dataType) if updateFields: # need to add these onto each record from the destination # instances data updates = self.addUpdateAutoGenFields(updates, updateFields) return updates def addUpdateAutoGenFields(self, dataDict, autoGenFieldList): """dataDict contains the data that is to be used for the update that originates from the source ckan instance. autoGenFieldList is a list of field names that should be added to the struct from the destination ckan instance :param dataDict: The update data struct which is a dictionary where the keys are the unique identifier, in most cases the keys are the name property. The values in this struct are the values from the source ckan instance. :type dataDict: dict :param autoGenFieldList: a list of field names that should be added to the struct from the destination ckan instance :type autoGenFieldList: list :return: The values in the dataDict with the destination instance fields defined in autoGenFieldList appended to the dictionary :rtype: dict """ for uniqueId in dataDict: record = self.destCKANDataset.getRecordByUniqueId(uniqueId) for field2Add in autoGenFieldList: fieldValue = record.getFieldValue(field2Add) dataDict[uniqueId][field2Add] = fieldValue LOGGER.debug(f"adding: {field2Add}:{fieldValue} to {uniqueId}") return dataDict # -------------------- DATASETS -------------------- class CKANDataSet: """This class wraps a collection of datasets. Includes an iterator that will return a CKANRecord object. :raises IncompatibleTypesException: This method is raised when comparing two incompatible types. """ def reset(self): """reset the iterator """ self.iterCnt = 0 def getUniqueIdentifiers(self): """Iterates through the records in the dataset extracting the values from the unique identifier field as defined in the config file. :return: list of values found in the datasets unique constrained field. :rtype: list """ self.reset() uniqueIds = [] for record in self: uniqueIds.append(record.getUniqueIdentifier()) return uniqueIds def getRecordByUniqueId(self, uniqueValueToRetrieve): """Gets the record that aligns with this unique id. """ retVal = None if not self.uniqueidRecordLookup: self.reset() for record in self: recordID = record.getUniqueIdentifier() self.uniqueidRecordLookup[recordID] = record if uniqueValueToRetrieve == recordID: retVal = record else: if uniqueValueToRetrieve in self.uniqueidRecordLookup: retVal = self.uniqueidRecordLookup[uniqueValueToRetrieve] return retVal def getDeleteList(self, destUniqueIdSet, srcUniqueIdSet): """gets a set of unique ids from the source and destination ckan instances, compares the two lists and generates a list of ids that should be deleted from the destination instance. Excludes any ids that are identified in the ignore list defined in the transformation configuration file. :param destUniqueIdSet: a set of unique ids found the destination ckan instance :type destUniqueIdSet: set :param srcUniqueIdSet: a set of the unique ids in the source ckan instance :type srcUniqueIdSet: set """ ignoreList = self.transConf.getIgnoreList(self.dataType) deleteSet = destUniqueIdSet.difference(srcUniqueIdSet) deleteList = [] for deleteUniqueName in deleteSet: #Check to see if the user is in the ignore list, only add if it is not if deleteUniqueName not in ignoreList: deleteList.append(deleteUniqueName) return deleteList def getAddList(self, destUniqueIdSet, srcUniqueIdSet): """Gets a two sets of unique ids, one for the data on the source ckan instance and another for the destination ckan instance. Using this information returns a list of unique ids that should be added to the destination instance :param destUniqueIdSet: a set of unique ids from the destination ckan instance. :type destUniqueIdSet: set :param srcUniqueIdSet: a set of unique ids from the source ckan instance :type srcUniqueIdSet: set :return: a list of unique ids that should be added to the destination ckan instance. Will exclude any unique ids identified in the transformation configuration ignore list. :rtype: list """ # in source but not in dest, ie adds addSet = srcUniqueIdSet.difference(destUniqueIdSet) ignoreList = self.transConf.getIgnoreList(self.dataType) addList = [] for addRecordUniqueName in addSet: #LOGGER.debug(f"addRecord: {addRecordUniqueName}") if addRecordUniqueName not in ignoreList: addDataSet = self.getRecordByUniqueId(addRecordUniqueName) addDataStruct = addDataSet.getComparableStruct() addList.append(addDataStruct) return addList def getDelta(self, destDataSet): """Compares this dataset with the provided 'ckanDataSet' dataset and returns a CKANDatasetDelta object that identifies * additions * deletions * updates Assumption is that __this__ object is the source dataset and the object in the parameter destDataSet is the destination dataset, or the dataset that is to be updated :param destDataSet: the dataset that is going to be updated so it matches the contents of the source dataset :type ckanDataSet: CKANDataSet """ deltaObj = CKANDataSetDeltas(self, destDataSet) dstUniqueIds = set(destDataSet.getUniqueIdentifiers()) srcUniqueids = set(self.getUniqueIdentifiers()) deleteList = self.getDeleteList(dstUniqueIds, srcUniqueids) deltaObj.setDeleteDatasets(deleteList) addList = self.getAddList(dstUniqueIds, srcUniqueids) deltaObj.setAddDatasets(addList) updateList = self.getUpdatesList(dstUniqueIds, srcUniqueids, destDataSet) deltaObj.setUpdateDatasets(updateList) return deltaObj def __eq__(self, ckanDataSet): """ Identifies if the input dataset is the same as this dataset :param ckanDataSet: The input CKANDataset :type ckanDataSet: either CKANDataSet, or a subclass of it """ LOGGER.debug("DATASET EQ") retVal = True # TODO: rework this, should be used to compare a collection validateTypeIsComparable(self, ckanDataSet) # get the unique identifiers and verify that input has all the # unique identifiers as this object inputUniqueIds = ckanDataSet.getUniqueIdentifiers() thisUniqueIds = self.getUniqueIdentifiers() LOGGER.debug(f"inputUniqueIds: {inputUniqueIds}") LOGGER.debug(f"thisUniqueIds: {thisUniqueIds}") if set(inputUniqueIds) == set(thisUniqueIds): # has all the unique ids, now need to look at the differences # in the data LOGGER.debug(f"iterate ckanDataSet: {ckanDataSet}") LOGGER.debug(f"ckanDataSet record count: {len(ckanDataSet)}") for inputRecord in ckanDataSet: LOGGER.debug(f"iterating: {inputRecord}") recordUniqueId = inputRecord.getUniqueIdentifier() compareRecord = self.getRecordByUniqueId(recordUniqueId) LOGGER.debug(f"type 1 and 2... {type(inputRecord)} {type(compareRecord)}") if inputRecord != compareRecord: LOGGER.debug(f"---------{recordUniqueId} doesn't have equal") retVal = False break else: LOGGER.debug(f"unique ids don't align") retVal = False return retVal class CKANUsersDataSet(CKANDataSet): """Used to represent a collection of CKAN user data. :param CKANData: [description] :type CKANData: [type] """ # ----------------- EXCEPTIONS class UserDefinedFieldDefinitionError(Exception): """Raised when the transformation configuration encounters an unexpected value or type """
[ 37811, 34, 42, 1565, 8265, 318, 257, 29908, 1088, 7824, 3848, 13, 220, 1439, 286, 777, 5050, 481, 1441, 198, 1831, 33918, 5563, 13, 220, 383, 19449, 326, 318, 4504, 460, 307, 973, 284, 5678, 45233, 1565, 6601, 198, 48205, 13, 198, 198, 34, 42, 1565, 6601, 5563, 460, 307, 3688, 351, 530, 1194, 13, 220, 1119, 481, 779, 262, 198, 34, 42, 1565, 41762, 5050, 284, 5911, 7032, 326, 815, 290, 815, 407, 307, 198, 1484, 284, 8996, 734, 5563, 13, 198, 198, 34, 42, 1565, 41762, 481, 635, 307, 973, 284, 6121, 319, 45233, 1565, 6601, 2134, 284, 257, 649, 198, 27054, 2611, 5086, 588, 329, 588, 17909, 13, 198, 198, 34, 42, 1565, 41762, 8265, 481, 670, 3264, 351, 45233, 1565, 6060, 5563, 13, 198, 198, 37811, 198, 2, 279, 2645, 600, 25, 15560, 28, 6404, 2667, 12, 18982, 12, 3849, 16104, 341, 198, 198, 11748, 18931, 198, 11748, 38491, 198, 11748, 45233, 1565, 41762, 198, 11748, 2769, 26069, 198, 11748, 279, 4798, 198, 198, 25294, 30373, 796, 18931, 13, 1136, 11187, 1362, 7, 834, 3672, 834, 8, 198, 198, 4299, 26571, 6030, 3792, 5377, 37064, 7, 7890, 49201, 16, 11, 1366, 49201, 17, 2599, 198, 220, 220, 220, 37227, 32, 14276, 2163, 326, 460, 307, 973, 284, 4155, 734, 5563, 389, 13975, 13, 628, 220, 220, 220, 1058, 17143, 1366, 49201, 16, 25, 383, 717, 1366, 2134, 326, 318, 284, 307, 973, 287, 257, 7208, 198, 220, 220, 220, 1058, 4906, 269, 27541, 6601, 7248, 25, 198, 220, 220, 220, 1058, 430, 2696, 554, 38532, 31431, 16922, 25, 685, 11213, 60, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 1366, 6030, 16, 796, 2099, 7, 7890, 49201, 16, 8, 198, 220, 220, 220, 1366, 6030, 17, 796, 2099, 7, 7890, 49201, 17, 8, 628, 220, 220, 220, 611, 468, 35226, 7, 7890, 49201, 16, 11, 705, 7890, 6030, 6, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 1366, 6030, 16, 796, 1366, 49201, 16, 13, 7890, 6030, 198, 220, 220, 220, 611, 468, 35226, 7, 7890, 49201, 17, 11, 705, 7890, 6030, 6, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 1366, 6030, 17, 796, 1366, 49201, 17, 13, 7890, 6030, 198, 220, 220, 220, 611, 1366, 6030, 17, 14512, 1366, 6030, 16, 25, 198, 220, 220, 220, 220, 220, 220, 220, 31456, 796, 705, 1639, 389, 9361, 284, 8996, 734, 1180, 3858, 286, 5563, 705, 1343, 3467, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 277, 470, 5183, 389, 407, 13975, 13, 1366, 49201, 16, 318, 2099, 25, 1391, 7890, 6030, 16, 92, 290, 705, 1343, 3467, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 277, 1549, 1045, 49201, 17, 318, 2099, 25, 351, 281, 2134, 286, 2099, 11, 1391, 7890, 6030, 17, 92, 6, 198, 220, 220, 220, 220, 220, 220, 220, 5298, 554, 38532, 31431, 16922, 7, 19662, 8, 198, 198, 2, 220, 32501, 6060, 13266, 825, 82, 220, 32501, 198, 198, 4871, 6060, 28780, 25, 198, 220, 220, 220, 37227, 272, 2134, 326, 460, 307, 973, 284, 14441, 257, 1366, 1988, 290, 584, 13634, 1366, 198, 220, 220, 220, 546, 340, 422, 262, 6650, 286, 257, 1487, 198, 220, 220, 220, 37227, 628, 220, 220, 220, 825, 12233, 15732, 274, 7, 944, 11, 6116, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 11407, 257, 1351, 286, 262, 2292, 326, 389, 284, 307, 40325, 422, 262, 2878, 628, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 6116, 25, 257, 1351, 286, 6376, 6116, 329, 262, 2116, 13, 7249, 1351, 326, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 389, 284, 307, 4615, 13, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 4906, 6116, 25, 1351, 286, 493, 82, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 41605, 30373, 13, 24442, 7, 69, 1, 28956, 6116, 25, 1391, 1930, 1756, 92, 4943, 198, 220, 220, 220, 220, 220, 220, 220, 649, 44909, 796, 17635, 198, 220, 220, 220, 220, 220, 220, 220, 329, 1426, 287, 2837, 7, 15, 11, 18896, 7, 944, 13, 7249, 8, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 1426, 407, 287, 6116, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 649, 44909, 13, 33295, 7, 944, 13, 7249, 58, 1930, 12962, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 41605, 30373, 13, 24442, 7, 69, 1, 2787, 5165, 25, 1391, 1930, 92, 1391, 944, 13, 7249, 58, 1930, 48999, 4943, 198, 220, 220, 220, 220, 220, 220, 220, 41605, 30373, 13, 24442, 7, 69, 1, 727, 2878, 25, 1391, 944, 13, 7249, 92, 4943, 198, 220, 220, 220, 220, 220, 220, 220, 41605, 30373, 13, 24442, 7, 69, 1, 3605, 2878, 25, 1391, 3605, 44909, 92, 4943, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 7249, 796, 649, 44909, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 4351, 2458, 284, 262, 2560, 628, 220, 220, 220, 825, 7716, 3791, 28780, 7, 944, 11, 1994, 11, 1007, 18546, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 464, 1459, 2685, 318, 257, 8633, 11, 18616, 257, 649, 2685, 329, 262, 2292, 198, 220, 220, 220, 220, 220, 220, 220, 3917, 351, 262, 5128, 1994, 13, 628, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 1994, 25, 257, 1994, 286, 2878, 3119, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 4906, 1994, 25, 965, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 649, 28780, 796, 6060, 28780, 7, 944, 13, 7249, 58, 2539, 12962, 198, 220, 220, 220, 220, 220, 220, 220, 649, 28780, 13, 8000, 796, 2116, 198, 220, 220, 220, 220, 220, 220, 220, 649, 28780, 13, 8000, 9218, 796, 1994, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 4866, 262, 12608, 422, 2560, 284, 1200, 198, 220, 220, 220, 220, 220, 220, 220, 649, 28780, 13, 17256, 796, 2116, 13, 17256, 198, 220, 220, 220, 220, 220, 220, 220, 649, 28780, 13, 46430, 8053, 796, 2116, 13, 46430, 8053, 198, 220, 220, 220, 220, 220, 220, 220, 649, 28780, 13, 46430, 37, 335, 796, 2116, 13, 46430, 37, 335, 198, 220, 220, 220, 220, 220, 220, 220, 649, 28780, 13, 8000, 6030, 796, 2116, 13, 8000, 6030, 628, 220, 220, 220, 220, 220, 220, 220, 1303, 611, 262, 1994, 318, 281, 14553, 2099, 11, 2985, 11, 2628, 11, 3503, 986, 198, 220, 220, 220, 220, 220, 220, 220, 611, 1994, 287, 38491, 13, 23428, 2389, 62, 5446, 15037, 21389, 62, 9936, 47, 1546, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 649, 28780, 13, 46430, 8053, 796, 1007, 18546, 13, 1136, 32916, 382, 8053, 7, 2539, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 649, 28780, 13, 46430, 37, 335, 796, 1007, 18546, 13, 1136, 40257, 15878, 7, 2539, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 649, 28780, 13, 8000, 6030, 796, 1994, 628, 220, 220, 220, 220, 220, 220, 220, 611, 649, 28780, 13, 8000, 6030, 318, 407, 6045, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 611, 262, 1994, 318, 4961, 284, 262, 1438, 286, 262, 8856, 2214, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 357, 3605, 28780, 13, 46430, 37, 335, 8, 290, 1994, 6624, 649, 28780, 13, 46430, 37, 335, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 1672, 1994, 318, 705, 3672, 6, 290, 262, 8856, 2214, 318, 1438, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 783, 2198, 284, 766, 611, 262, 1988, 318, 287, 262, 8856, 1351, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 649, 28780, 13, 7249, 287, 649, 28780, 13, 46430, 8053, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 2555, 351, 1672, 492, 783, 262, 1988, 329, 262, 1994, 1438, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 318, 287, 262, 8856, 1351, 13, 220, 5345, 262, 13507, 2752, 2134, 986, 2116, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 284, 407, 307, 3017, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 17256, 796, 10352, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 649, 28780, 628, 198, 198, 2, 41436, 360, 1404, 1921, 2767, 28163, 5603, 34400, 438, 198, 198, 4871, 45233, 1565, 6601, 7248, 35, 2120, 292, 25, 198, 220, 220, 220, 37227, 9487, 973, 284, 2380, 5400, 1022, 734, 5563, 286, 262, 976, 198, 220, 220, 220, 2099, 13, 220, 29581, 477, 262, 1321, 3306, 284, 5120, 351, 262, 4296, 13, 628, 220, 220, 220, 1058, 452, 283, 6673, 25, 317, 1351, 286, 8633, 82, 7268, 262, 2836, 5447, 6608, 326, 761, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 284, 307, 22331, 284, 2251, 281, 7548, 2196, 286, 262, 12351, 1366, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 287, 2244, 13, 198, 220, 220, 220, 1058, 452, 283, 28128, 274, 25, 317, 1351, 286, 262, 3891, 393, 220, 2340, 319, 262, 2244, 1735, 286, 5563, 326, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 815, 307, 13140, 13, 198, 220, 220, 220, 1058, 452, 283, 5992, 25, 16766, 4645, 355, 705, 2860, 82, 4458, 5514, 3580, 1022, 777, 290, 198, 220, 220, 220, 220, 220, 220, 220, 6673, 318, 777, 481, 651, 2087, 284, 2244, 1262, 281, 4296, 2446, 3691, 257, 2251, 198, 220, 220, 220, 220, 220, 220, 220, 2446, 13, 198, 220, 220, 220, 1058, 452, 283, 12351, 34, 42, 6981, 265, 292, 316, 25, 45233, 6981, 265, 292, 316, 2134, 11, 5529, 257, 4941, 284, 428, 198, 220, 220, 220, 220, 220, 220, 220, 2134, 523, 326, 460, 2581, 45233, 1565, 4406, 287, 262, 27039, 351, 691, 198, 220, 220, 220, 220, 220, 220, 220, 2836, 7560, 7032, 3017, 13, 198, 220, 220, 220, 37227, 628, 220, 220, 220, 825, 900, 4550, 27354, 292, 316, 7, 944, 11, 751, 6601, 49201, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 46245, 257, 2134, 284, 262, 1351, 286, 5563, 326, 389, 5174, 355, 6673, 628, 220, 220, 220, 220, 220, 220, 220, 34333, 389, 5563, 326, 2152, 287, 262, 2723, 475, 407, 262, 10965, 628, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 751, 6601, 49201, 25, 1366, 326, 318, 284, 307, 2087, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 4906, 751, 6601, 49201, 25, 8633, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 430, 2696, 5994, 12331, 25, 4376, 611, 262, 5128, 1366, 318, 407, 2099, 8633, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 611, 407, 318, 39098, 7, 2860, 6601, 49201, 11, 8633, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 31456, 796, 366, 2860, 6601, 49201, 11507, 2476, 284, 307, 2099, 8633, 13, 220, 921, 3804, 366, 1343, 3467, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 277, 1, 90, 4906, 7, 2860, 6601, 49201, 8, 36786, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5298, 5994, 12331, 7, 19662, 8, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 2860, 82, 13, 33295, 7, 2860, 6601, 49201, 8, 628, 220, 220, 220, 825, 900, 4550, 27354, 292, 1039, 7, 944, 11, 751, 8053, 11, 6330, 28, 17821, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 2860, 82, 257, 1351, 286, 1366, 284, 262, 6673, 3119, 13, 220, 383, 6673, 3119, 198, 220, 220, 220, 220, 220, 220, 220, 3011, 22331, 351, 1366, 326, 815, 307, 2087, 284, 262, 10965, 198, 220, 220, 220, 220, 220, 220, 220, 269, 27541, 4554, 628, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 751, 8053, 25, 5128, 1351, 286, 1366, 326, 815, 307, 2087, 284, 262, 2244, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4554, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 4906, 751, 8053, 25, 2878, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 6330, 25, 611, 900, 284, 2081, 11, 481, 6330, 597, 1366, 326, 743, 1541, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2152, 287, 262, 6673, 3119, 611, 900, 284, 3991, 788, 481, 24443, 284, 262, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 886, 286, 262, 2878, 11, 26235, 284, 6407, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 4906, 6330, 25, 20512, 11, 11902, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 611, 6330, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 41605, 30373, 13, 10951, 7, 69, 1, 12924, 5039, 751, 1351, 351, 1391, 11925, 7, 2860, 8053, 38165, 3709, 4943, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 2860, 82, 796, 751, 8053, 198, 220, 220, 220, 220, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 41605, 30373, 13, 10951, 7, 69, 1, 26872, 1391, 11925, 7, 2860, 8053, 38165, 3709, 284, 262, 751, 1351, 4943, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 2860, 82, 13, 2302, 437, 7, 2860, 8053, 8, 628, 220, 220, 220, 825, 900, 38727, 27354, 292, 316, 7, 944, 11, 12233, 5376, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 46245, 281, 2134, 284, 262, 1351, 286, 1366, 326, 468, 587, 5174, 355, 257, 198, 220, 220, 220, 220, 220, 220, 220, 23520, 13, 628, 220, 220, 220, 220, 220, 220, 220, 1024, 40676, 389, 4406, 326, 2152, 287, 262, 10965, 475, 407, 262, 2723, 13, 628, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 12233, 5376, 25, 685, 11213, 60, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 4906, 12233, 5376, 25, 685, 4906, 60, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 430, 2696, 5994, 12331, 25, 685, 11213, 60, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 611, 407, 318, 39098, 7, 33678, 5376, 11, 965, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 31456, 796, 366, 33678, 5376, 11507, 2476, 284, 307, 2099, 965, 13, 220, 921, 3804, 366, 1343, 3467, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 277, 1, 90, 4906, 7, 33678, 5376, 8, 36786, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5298, 5994, 12331, 7, 19662, 8, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 2934, 40676, 13, 33295, 7, 33678, 5376, 8, 628, 220, 220, 220, 825, 900, 38727, 27354, 292, 1039, 7, 944, 11, 12233, 8053, 11, 6330, 28, 17821, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 2860, 82, 257, 1351, 286, 1366, 284, 262, 28128, 274, 3119, 13, 220, 383, 28128, 274, 3119, 198, 220, 220, 220, 220, 220, 220, 220, 3011, 22331, 351, 3748, 220, 2340, 326, 815, 307, 4615, 422, 262, 10965, 198, 220, 220, 220, 220, 220, 220, 220, 269, 27541, 4554, 628, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 12233, 8053, 25, 5128, 1351, 286, 1366, 326, 815, 307, 13140, 422, 262, 2244, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 269, 27541, 4554, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 4906, 751, 8053, 25, 2878, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 6330, 25, 611, 900, 284, 2081, 11, 481, 6330, 597, 1366, 326, 743, 1541, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2152, 287, 262, 28128, 274, 3119, 11, 611, 900, 284, 3991, 788, 481, 24443, 284, 262, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 886, 286, 262, 2878, 11, 26235, 284, 6407, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 4906, 6330, 25, 20512, 11, 11902, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 611, 6330, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 41605, 30373, 13, 10951, 7, 69, 1, 12924, 5039, 12233, 1351, 351, 1391, 11925, 7, 33678, 8053, 38165, 3709, 4943, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 2934, 40676, 796, 12233, 8053, 198, 220, 220, 220, 220, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 41605, 30373, 13, 10951, 7, 69, 1, 26872, 1391, 11925, 7, 33678, 8053, 38165, 3709, 284, 262, 12233, 1351, 4943, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 2934, 40676, 13, 2302, 437, 7, 33678, 8053, 8, 628, 220, 220, 220, 825, 900, 10260, 27354, 292, 1039, 7, 944, 11, 4296, 8053, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 38, 1039, 257, 1351, 286, 1366, 326, 815, 307, 973, 284, 4296, 5563, 287, 262, 269, 27541, 198, 220, 220, 220, 220, 220, 220, 220, 10965, 4554, 290, 6673, 262, 1366, 284, 428, 2134, 628, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 4296, 8053, 25, 1351, 286, 1366, 284, 307, 973, 284, 4296, 262, 2134, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 4906, 4296, 8053, 25, 1351, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 41605, 30373, 13, 10951, 7, 69, 1, 26872, 1391, 11925, 7, 19119, 8053, 38165, 4406, 284, 4296, 4943, 198, 220, 220, 220, 220, 220, 220, 220, 329, 4296, 6601, 287, 4296, 8053, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 2617, 10260, 6601, 7248, 7, 19119, 6601, 8, 628, 220, 220, 220, 825, 900, 10260, 6601, 7248, 7, 944, 11, 4296, 49201, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 46245, 257, 649, 27039, 326, 318, 284, 307, 6153, 13, 220, 1649, 7208, 286, 734, 198, 220, 220, 220, 220, 220, 220, 220, 5563, 21079, 326, 612, 318, 257, 3580, 11, 262, 2134, 326, 3804, 284, 198, 220, 220, 220, 220, 220, 220, 220, 428, 2446, 318, 262, 12351, 2134, 351, 262, 1366, 326, 815, 307, 18984, 284, 2244, 13, 628, 220, 220, 220, 220, 220, 220, 220, 28090, 389, 40522, 326, 2152, 287, 2723, 290, 10965, 2158, 407, 477, 198, 220, 220, 220, 220, 220, 220, 220, 262, 1366, 318, 262, 976, 1022, 606, 13, 628, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 4296, 49201, 25, 262, 1366, 326, 318, 284, 307, 6153, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 4906, 4296, 49201, 25, 8633, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 430, 2696, 5994, 12331, 25, 2134, 1276, 307, 2099, 705, 11600, 3256, 5298, 611, 340, 318, 407, 13, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 430, 2696, 11052, 12331, 25, 2134, 1276, 423, 257, 705, 3672, 6, 3119, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 611, 407, 318, 39098, 7, 19119, 49201, 11, 8633, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 31456, 796, 366, 19119, 49201, 11507, 2476, 284, 307, 2099, 8633, 13, 220, 921, 3804, 366, 1343, 3467, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 277, 1, 90, 4906, 7, 19119, 49201, 8, 36786, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5298, 5994, 12331, 7, 19662, 8, 198, 220, 220, 220, 220, 220, 220, 220, 611, 705, 3672, 6, 407, 287, 4296, 49201, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 31456, 796, 705, 10260, 2134, 17191, 3994, 257, 3119, 34373, 3672, 59, 4458, 220, 9515, 705, 1343, 3467, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 277, 6, 41279, 25, 1391, 19119, 49201, 92, 6, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5298, 11052, 12331, 7, 19662, 8, 198, 220, 220, 220, 220, 220, 220, 220, 41605, 30373, 13, 24442, 7, 69, 1, 26872, 4296, 329, 1391, 19119, 49201, 17816, 3672, 20520, 92, 4943, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 929, 19581, 58, 19119, 49201, 17816, 3672, 6, 11907, 796, 4296, 49201, 628, 220, 220, 220, 825, 8106, 15419, 12982, 8645, 515, 15878, 82, 7, 944, 11, 269, 27541, 6601, 7248, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 19520, 1083, 2035, 257, 8633, 393, 1351, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1635, 8633, 25, 1994, 318, 262, 3748, 4686, 329, 262, 27039, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1635, 1351, 25, 257, 1351, 286, 8633, 82, 12059, 257, 1351, 286, 1366, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5563, 13, 628, 220, 220, 220, 220, 220, 220, 220, 40806, 689, 625, 477, 262, 1366, 287, 262, 269, 27541, 6601, 7248, 2878, 11, 10829, 1729, 198, 220, 220, 220, 220, 220, 220, 220, 2836, 7560, 7032, 290, 5860, 257, 33918, 2878, 357, 11600, 8, 351, 691, 198, 220, 220, 220, 220, 220, 220, 220, 7032, 326, 389, 2836, 5447, 628, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 269, 27541, 6601, 7248, 25, 257, 269, 27541, 1366, 900, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 4906, 269, 27541, 6601, 7248, 25, 45233, 1565, 6601, 7248, 393, 281, 2134, 326, 850, 37724, 340, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 651, 262, 3748, 4686, 329, 428, 27039, 2099, 198, 220, 220, 220, 220, 220, 220, 220, 3748, 33234, 7483, 796, 2116, 13, 10677, 34, 42, 6981, 265, 292, 316, 13, 7645, 18546, 13, 1136, 40257, 15878, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 10677, 34, 42, 6981, 265, 292, 316, 13, 7890, 6030, 8, 628, 220, 220, 220, 220, 220, 220, 220, 1303, 611, 15453, 257, 27039, 284, 307, 973, 284, 4296, 257, 27039, 11, 788, 2198, 284, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 766, 611, 612, 389, 4572, 7560, 7032, 326, 815, 307, 3017, 287, 262, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 4296, 198, 220, 220, 220, 220, 220, 220, 220, 41605, 30373, 13, 24442, 7, 69, 1, 34642, 33234, 7483, 25, 1391, 34642, 33234, 7483, 92, 4943, 628, 220, 220, 220, 220, 220, 220, 220, 611, 318, 39098, 7, 694, 272, 6601, 7248, 11, 8633, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 29083, 6601, 796, 23884, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3748, 7390, 82, 796, 269, 27541, 6601, 7248, 13, 13083, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 1288, 361, 318, 39098, 7, 694, 272, 6601, 7248, 11, 1351, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 29083, 6601, 796, 17635, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 2174, 318, 2642, 355, 340, 5860, 477, 3748, 220, 2340, 11, 356, 691, 765, 262, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 3748, 220, 2340, 2810, 287, 262, 2878, 269, 27541, 6601, 7248, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 34642, 7390, 82, 796, 2116, 13, 10677, 34, 42, 6981, 265, 292, 316, 13, 1136, 40257, 33234, 13350, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3748, 7390, 82, 796, 17635, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 329, 1700, 287, 269, 27541, 6601, 7248, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3748, 7390, 82, 13, 33295, 7, 22105, 58, 34642, 33234, 7483, 12962, 198, 220, 220, 220, 220, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 31456, 796, 277, 470, 2981, 2722, 318, 1391, 4906, 7, 694, 272, 6601, 7248, 8, 5512, 12451, 1351, 393, 8633, 6, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5298, 554, 38532, 31431, 16922, 7, 19662, 8, 628, 220, 220, 220, 220, 220, 220, 220, 329, 3748, 7390, 287, 3748, 7390, 82, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 25294, 30373, 13, 24442, 7, 69, 1, 34642, 7390, 25, 1391, 34642, 7390, 92, 4943, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 269, 27541, 6690, 796, 2116, 13, 10677, 34, 42, 6981, 265, 292, 316, 13, 1136, 23739, 3886, 40257, 7390, 7, 34642, 7390, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 552, 44909, 796, 269, 27541, 6690, 13, 1136, 5377, 37064, 44909, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 318, 39098, 7, 694, 272, 6601, 7248, 11, 8633, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 29083, 6601, 58, 34642, 7390, 60, 796, 552, 44909, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1288, 361, 318, 39098, 7, 694, 272, 6601, 7248, 11, 1351, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 29083, 6601, 13, 33295, 7, 5589, 44909, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 29083, 6601, 628, 220, 220, 220, 825, 651, 10260, 6601, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 8075, 290, 5860, 257, 4645, 326, 460, 307, 973, 284, 4296, 262, 2134, 198, 220, 220, 220, 220, 220, 220, 220, 287, 1808, 13, 628, 220, 220, 220, 220, 220, 220, 220, 1058, 7783, 25, 257, 22155, 810, 262, 1994, 3815, 389, 262, 3748, 42814, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 290, 262, 3815, 389, 262, 4036, 2878, 326, 815, 307, 973, 284, 4296, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 262, 10965, 269, 27541, 4554, 13, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 81, 4906, 25, 8633, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 815, 1441, 691, 7032, 326, 389, 2836, 7560, 628, 220, 220, 220, 220, 220, 220, 220, 5992, 796, 2116, 13, 24455, 15419, 12982, 8645, 515, 15878, 82, 7, 944, 13, 929, 19581, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 25294, 30373, 13, 24442, 7, 69, 6, 929, 19581, 25, 1391, 929, 19581, 92, 11537, 198, 220, 220, 220, 220, 220, 220, 220, 4296, 15878, 82, 796, 2116, 13, 7645, 18546, 13, 1136, 15878, 82, 2514, 818, 9152, 2202, 10260, 7, 944, 13, 16520, 34, 42, 6981, 265, 292, 316, 13, 7890, 6030, 8, 198, 220, 220, 220, 220, 220, 220, 220, 611, 4296, 15878, 82, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 761, 284, 751, 777, 4291, 1123, 1700, 422, 262, 10965, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 10245, 1366, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5992, 796, 2116, 13, 2860, 10260, 27722, 13746, 15878, 82, 7, 929, 19581, 11, 4296, 15878, 82, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 5992, 628, 220, 220, 220, 825, 751, 10260, 27722, 13746, 15878, 82, 7, 944, 11, 1366, 35, 713, 11, 8295, 13746, 15878, 8053, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 7890, 35, 713, 4909, 262, 1366, 326, 318, 284, 307, 973, 329, 262, 4296, 326, 198, 220, 220, 220, 220, 220, 220, 220, 8159, 689, 422, 262, 2723, 269, 27541, 4554, 13, 220, 8295, 13746, 15878, 8053, 318, 257, 1351, 286, 198, 220, 220, 220, 220, 220, 220, 220, 2214, 3891, 326, 815, 307, 2087, 284, 262, 2878, 422, 262, 10965, 198, 220, 220, 220, 220, 220, 220, 220, 269, 27541, 4554, 628, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 1366, 35, 713, 25, 383, 4296, 1366, 2878, 543, 318, 257, 22155, 810, 262, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8251, 389, 262, 3748, 27421, 11, 287, 749, 2663, 262, 8251, 389, 262, 1438, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3119, 13, 220, 383, 3815, 287, 428, 2878, 389, 262, 3815, 422, 262, 2723, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 269, 27541, 4554, 13, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 4906, 1366, 35, 713, 25, 8633, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 8295, 13746, 15878, 8053, 25, 257, 1351, 286, 2214, 3891, 326, 815, 307, 2087, 284, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 262, 2878, 422, 262, 10965, 269, 27541, 4554, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 4906, 8295, 13746, 15878, 8053, 25, 1351, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 7783, 25, 383, 3815, 287, 262, 1366, 35, 713, 351, 262, 10965, 4554, 7032, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5447, 287, 8295, 13746, 15878, 8053, 598, 1631, 284, 262, 22155, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 81, 4906, 25, 8633, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 329, 3748, 7390, 287, 1366, 35, 713, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1700, 796, 2116, 13, 16520, 34, 42, 6981, 265, 292, 316, 13, 1136, 23739, 3886, 40257, 7390, 7, 34642, 7390, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 329, 2214, 17, 4550, 287, 8295, 13746, 15878, 8053, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2214, 11395, 796, 1700, 13, 1136, 15878, 11395, 7, 3245, 17, 4550, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1366, 35, 713, 58, 34642, 7390, 7131, 3245, 17, 4550, 60, 796, 2214, 11395, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 41605, 30373, 13, 24442, 7, 69, 1, 26872, 25, 1391, 3245, 17, 4550, 92, 29164, 3245, 11395, 92, 284, 1391, 34642, 7390, 92, 4943, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 1366, 35, 713, 198, 198, 2, 41436, 360, 1404, 1921, 32716, 41436, 628, 198, 4871, 45233, 1565, 6601, 7248, 25, 198, 220, 220, 220, 37227, 1212, 1398, 27521, 257, 4947, 286, 40522, 13, 220, 29581, 281, 41313, 326, 198, 220, 220, 220, 481, 1441, 257, 45233, 1565, 23739, 2134, 13, 628, 220, 220, 220, 1058, 430, 2696, 554, 38532, 31431, 16922, 25, 770, 2446, 318, 4376, 618, 14176, 734, 198, 220, 220, 220, 220, 220, 220, 220, 27294, 3858, 13, 198, 220, 220, 220, 37227, 628, 220, 220, 220, 825, 13259, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 42503, 262, 41313, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 2676, 34, 429, 796, 657, 628, 220, 220, 220, 825, 651, 40257, 33234, 13350, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 29993, 689, 832, 262, 4406, 287, 262, 27039, 37895, 262, 3815, 422, 198, 220, 220, 220, 220, 220, 220, 220, 262, 3748, 27421, 2214, 355, 5447, 287, 262, 4566, 2393, 13, 628, 220, 220, 220, 220, 220, 220, 220, 1058, 7783, 25, 1351, 286, 3815, 1043, 287, 262, 40522, 3748, 31070, 2214, 13, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 81, 4906, 25, 1351, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 42503, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 3748, 7390, 82, 796, 17635, 198, 220, 220, 220, 220, 220, 220, 220, 329, 1700, 287, 2116, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3748, 7390, 82, 13, 33295, 7, 22105, 13, 1136, 40257, 33234, 7483, 28955, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 3748, 7390, 82, 628, 220, 220, 220, 825, 651, 23739, 3886, 40257, 7390, 7, 944, 11, 3748, 11395, 2514, 9781, 30227, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 38, 1039, 262, 1700, 326, 10548, 82, 351, 428, 3748, 4686, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1005, 7762, 796, 6045, 198, 220, 220, 220, 220, 220, 220, 220, 611, 407, 2116, 13, 34642, 312, 23739, 8567, 929, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 42503, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 329, 1700, 287, 2116, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1700, 2389, 796, 1700, 13, 1136, 40257, 33234, 7483, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 34642, 312, 23739, 8567, 929, 58, 22105, 2389, 60, 796, 1700, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 220, 3748, 11395, 2514, 9781, 30227, 6624, 1700, 2389, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1005, 7762, 796, 1700, 198, 220, 220, 220, 220, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 3748, 11395, 2514, 9781, 30227, 287, 2116, 13, 34642, 312, 23739, 8567, 929, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1005, 7762, 796, 2116, 13, 34642, 312, 23739, 8567, 929, 58, 34642, 11395, 2514, 9781, 30227, 60, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 1005, 7762, 628, 220, 220, 220, 825, 651, 38727, 8053, 7, 944, 11, 2244, 40257, 7390, 7248, 11, 12351, 40257, 7390, 7248, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 11407, 257, 900, 286, 3748, 220, 2340, 422, 262, 2723, 290, 10965, 269, 27541, 10245, 11, 198, 220, 220, 220, 220, 220, 220, 220, 23008, 262, 734, 8341, 290, 18616, 257, 1351, 286, 220, 2340, 326, 815, 307, 13140, 198, 220, 220, 220, 220, 220, 220, 220, 422, 262, 10965, 4554, 13, 220, 1475, 13955, 597, 220, 2340, 326, 389, 5174, 287, 198, 220, 220, 220, 220, 220, 220, 220, 262, 8856, 1351, 5447, 287, 262, 13389, 8398, 2393, 13, 628, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 2244, 40257, 7390, 7248, 25, 257, 900, 286, 3748, 220, 2340, 1043, 262, 10965, 269, 27541, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4554, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 4906, 2244, 40257, 7390, 7248, 25, 900, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 12351, 40257, 7390, 7248, 25, 257, 900, 286, 262, 3748, 220, 2340, 287, 262, 2723, 269, 27541, 4554, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 4906, 12351, 40257, 7390, 7248, 25, 900, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 8856, 8053, 796, 2116, 13, 7645, 18546, 13, 1136, 32916, 382, 8053, 7, 944, 13, 7890, 6030, 8, 628, 220, 220, 220, 220, 220, 220, 220, 12233, 7248, 796, 2244, 40257, 7390, 7248, 13, 26069, 1945, 7, 10677, 40257, 7390, 7248, 8, 198, 220, 220, 220, 220, 220, 220, 220, 12233, 8053, 796, 17635, 198, 220, 220, 220, 220, 220, 220, 220, 329, 12233, 40257, 5376, 287, 12233, 7248, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 9787, 284, 766, 611, 262, 2836, 318, 287, 262, 8856, 1351, 11, 691, 751, 611, 340, 318, 407, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 12233, 40257, 5376, 407, 287, 8856, 8053, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 12233, 8053, 13, 33295, 7, 33678, 40257, 5376, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 12233, 8053, 628, 220, 220, 220, 825, 651, 4550, 8053, 7, 944, 11, 2244, 40257, 7390, 7248, 11, 12351, 40257, 7390, 7248, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 38, 1039, 257, 734, 5621, 286, 3748, 220, 2340, 11, 530, 329, 262, 1366, 319, 262, 2723, 269, 27541, 198, 220, 220, 220, 220, 220, 220, 220, 4554, 290, 1194, 329, 262, 10965, 269, 27541, 4554, 13, 220, 8554, 428, 198, 220, 220, 220, 220, 220, 220, 220, 1321, 5860, 257, 1351, 286, 3748, 220, 2340, 326, 815, 307, 2087, 284, 262, 198, 220, 220, 220, 220, 220, 220, 220, 10965, 4554, 628, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 2244, 40257, 7390, 7248, 25, 257, 900, 286, 3748, 220, 2340, 422, 262, 10965, 269, 27541, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4554, 13, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 4906, 2244, 40257, 7390, 7248, 25, 900, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 12351, 40257, 7390, 7248, 25, 257, 900, 286, 3748, 220, 2340, 422, 262, 2723, 269, 27541, 4554, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 4906, 12351, 40257, 7390, 7248, 25, 900, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 7783, 25, 257, 1351, 286, 3748, 220, 2340, 326, 815, 307, 2087, 284, 262, 10965, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 269, 27541, 4554, 13, 220, 2561, 19607, 597, 3748, 220, 2340, 5174, 287, 262, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 13389, 8398, 8856, 1351, 13, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 81, 4906, 25, 1351, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 287, 2723, 475, 407, 287, 2244, 11, 37941, 6673, 198, 220, 220, 220, 220, 220, 220, 220, 751, 7248, 796, 12351, 40257, 7390, 7248, 13, 26069, 1945, 7, 16520, 40257, 7390, 7248, 8, 628, 220, 220, 220, 220, 220, 220, 220, 8856, 8053, 796, 2116, 13, 7645, 18546, 13, 1136, 32916, 382, 8053, 7, 944, 13, 7890, 6030, 8, 628, 220, 220, 220, 220, 220, 220, 220, 751, 8053, 796, 17635, 628, 220, 220, 220, 220, 220, 220, 220, 329, 751, 23739, 40257, 5376, 287, 751, 7248, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 25294, 30373, 13, 24442, 7, 69, 1, 2860, 23739, 25, 1391, 2860, 23739, 40257, 5376, 92, 4943, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 751, 23739, 40257, 5376, 407, 287, 8856, 8053, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 751, 6601, 7248, 796, 2116, 13, 1136, 23739, 3886, 40257, 7390, 7, 2860, 23739, 40257, 5376, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 751, 6601, 44909, 796, 751, 6601, 7248, 13, 1136, 5377, 37064, 44909, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 751, 8053, 13, 33295, 7, 2860, 6601, 44909, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 751, 8053, 628, 220, 220, 220, 825, 651, 42430, 7, 944, 11, 2244, 6601, 7248, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 7293, 3565, 428, 27039, 351, 262, 2810, 705, 694, 272, 6601, 7248, 6, 27039, 290, 198, 220, 220, 220, 220, 220, 220, 220, 5860, 257, 45233, 6981, 265, 292, 316, 42430, 2134, 326, 21079, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1635, 19885, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1635, 28128, 507, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1635, 5992, 628, 220, 220, 220, 220, 220, 220, 220, 2195, 24098, 318, 326, 11593, 5661, 834, 2134, 318, 262, 2723, 27039, 290, 262, 2134, 198, 220, 220, 220, 220, 220, 220, 220, 287, 262, 11507, 2244, 6601, 7248, 318, 262, 10965, 27039, 11, 393, 262, 27039, 198, 220, 220, 220, 220, 220, 220, 220, 326, 318, 284, 307, 6153, 628, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 2244, 6601, 7248, 25, 262, 27039, 326, 318, 1016, 284, 307, 6153, 523, 340, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 7466, 262, 10154, 286, 262, 2723, 27039, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 4906, 269, 27541, 6601, 7248, 25, 45233, 1565, 6601, 7248, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 25979, 49201, 796, 45233, 1565, 6601, 7248, 35, 2120, 292, 7, 944, 11, 2244, 6601, 7248, 8, 198, 220, 220, 220, 220, 220, 220, 220, 29636, 40257, 7390, 82, 796, 900, 7, 16520, 6601, 7248, 13, 1136, 40257, 33234, 13350, 28955, 198, 220, 220, 220, 220, 220, 220, 220, 12351, 40257, 2340, 796, 900, 7, 944, 13, 1136, 40257, 33234, 13350, 28955, 628, 220, 220, 220, 220, 220, 220, 220, 12233, 8053, 796, 2116, 13, 1136, 38727, 8053, 7, 67, 301, 40257, 7390, 82, 11, 12351, 40257, 2340, 8, 198, 220, 220, 220, 220, 220, 220, 220, 25979, 49201, 13, 2617, 38727, 27354, 292, 1039, 7, 33678, 8053, 8, 628, 220, 220, 220, 220, 220, 220, 220, 751, 8053, 796, 2116, 13, 1136, 4550, 8053, 7, 67, 301, 40257, 7390, 82, 11, 12351, 40257, 2340, 8, 198, 220, 220, 220, 220, 220, 220, 220, 25979, 49201, 13, 2617, 4550, 27354, 292, 1039, 7, 2860, 8053, 8, 628, 220, 220, 220, 220, 220, 220, 220, 4296, 8053, 796, 2116, 13, 1136, 4933, 19581, 8053, 7, 67, 301, 40257, 7390, 82, 11, 12351, 40257, 2340, 11, 2244, 6601, 7248, 8, 198, 220, 220, 220, 220, 220, 220, 220, 25979, 49201, 13, 2617, 10260, 27354, 292, 1039, 7, 19119, 8053, 8, 628, 220, 220, 220, 220, 220, 220, 220, 1441, 25979, 49201, 628, 220, 220, 220, 825, 11593, 27363, 834, 7, 944, 11, 269, 27541, 6601, 7248, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 11440, 6945, 611, 262, 5128, 27039, 318, 262, 976, 355, 428, 27039, 628, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 269, 27541, 6601, 7248, 25, 383, 5128, 45233, 6981, 265, 292, 316, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 4906, 269, 27541, 6601, 7248, 25, 2035, 45233, 1565, 6601, 7248, 11, 393, 257, 47611, 286, 340, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 41605, 30373, 13, 24442, 7203, 35, 1404, 1921, 2767, 36529, 4943, 198, 220, 220, 220, 220, 220, 220, 220, 1005, 7762, 796, 6407, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 16926, 46, 25, 302, 1818, 428, 11, 815, 307, 973, 284, 8996, 257, 4947, 198, 220, 220, 220, 220, 220, 220, 220, 26571, 6030, 3792, 5377, 37064, 7, 944, 11, 269, 27541, 6601, 7248, 8, 628, 220, 220, 220, 220, 220, 220, 220, 1303, 651, 262, 3748, 42814, 290, 11767, 326, 5128, 468, 477, 262, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 3748, 42814, 355, 428, 2134, 198, 220, 220, 220, 220, 220, 220, 220, 5128, 40257, 7390, 82, 796, 269, 27541, 6601, 7248, 13, 1136, 40257, 33234, 13350, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 428, 40257, 7390, 82, 796, 2116, 13, 1136, 40257, 33234, 13350, 3419, 628, 220, 220, 220, 220, 220, 220, 220, 41605, 30373, 13, 24442, 7, 69, 1, 15414, 40257, 7390, 82, 25, 1391, 15414, 40257, 7390, 82, 92, 4943, 198, 220, 220, 220, 220, 220, 220, 220, 41605, 30373, 13, 24442, 7, 69, 1, 5661, 40257, 7390, 82, 25, 1391, 5661, 40257, 7390, 82, 92, 4943, 628, 220, 220, 220, 220, 220, 220, 220, 611, 900, 7, 15414, 40257, 7390, 82, 8, 6624, 900, 7, 5661, 40257, 7390, 82, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 468, 477, 262, 3748, 220, 2340, 11, 783, 761, 284, 804, 379, 262, 5400, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 287, 262, 1366, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 41605, 30373, 13, 24442, 7, 69, 1, 2676, 378, 269, 27541, 6601, 7248, 25, 1391, 694, 272, 6601, 7248, 92, 4943, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 41605, 30373, 13, 24442, 7, 69, 1, 694, 272, 6601, 7248, 1700, 954, 25, 1391, 11925, 7, 694, 272, 6601, 7248, 38165, 4943, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 329, 5128, 23739, 287, 269, 27541, 6601, 7248, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 41605, 30373, 13, 24442, 7, 69, 1, 2676, 803, 25, 1391, 15414, 23739, 92, 4943, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1700, 40257, 7390, 796, 5128, 23739, 13, 1136, 40257, 33234, 7483, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8996, 23739, 796, 2116, 13, 1136, 23739, 3886, 40257, 7390, 7, 22105, 40257, 7390, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 41605, 30373, 13, 24442, 7, 69, 1, 4906, 352, 290, 362, 986, 1391, 4906, 7, 15414, 23739, 38165, 1391, 4906, 7, 5589, 533, 23739, 38165, 4943, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 5128, 23739, 14512, 8996, 23739, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 41605, 30373, 13, 24442, 7, 69, 1, 45537, 90, 22105, 40257, 7390, 92, 1595, 470, 423, 4961, 4943, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1005, 7762, 796, 10352, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2270, 198, 220, 220, 220, 220, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 41605, 30373, 13, 24442, 7, 69, 1, 34642, 220, 2340, 836, 470, 10548, 4943, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1005, 7762, 796, 10352, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 1005, 7762, 198, 198, 4871, 45233, 1565, 14490, 6601, 7248, 7, 34, 42, 1565, 6601, 7248, 2599, 198, 220, 220, 220, 37227, 38052, 284, 2380, 257, 4947, 286, 45233, 1565, 2836, 1366, 13, 628, 220, 220, 220, 1058, 17143, 45233, 1565, 6601, 25, 685, 11213, 60, 198, 220, 220, 220, 1058, 4906, 45233, 1565, 6601, 25, 685, 4906, 60, 198, 220, 220, 220, 37227, 198, 198, 2, 34400, 12, 7788, 42006, 11053, 198, 198, 4871, 11787, 7469, 1389, 15878, 36621, 12331, 7, 16922, 2599, 198, 220, 220, 220, 37227, 21762, 1417, 618, 262, 13389, 8398, 16925, 281, 10059, 198, 220, 220, 220, 1988, 393, 2099, 628, 220, 220, 220, 37227, 198 ]
2.546033
8,179
from django.core.management import BaseCommand from devicedata.generic import _get_provider from devices.models import Device
[ 6738, 42625, 14208, 13, 7295, 13, 27604, 1330, 7308, 21575, 198, 198, 6738, 1614, 3711, 1045, 13, 41357, 1330, 4808, 1136, 62, 15234, 1304, 198, 6738, 4410, 13, 27530, 1330, 16232, 628 ]
4
32
#!/usr/bin/env python # # ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ # # Jiao Lin # California Institute of Technology # (C) 2007 All Rights Reserved # # {LicenseText} # # ~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~~ # #factory method that wraps boost python binding def linearlyinterpolateddos_bp( e0, de, n, Z): '''create boost python object of LinearlyInterpolatedDOS e0: minimum phonon energy. float de: phonon energy step. float n: number of points. Z: values of DOS at the energy points defined by (e0, de, n) ''' import mccomponents.mccomponentsbp as b Z1 = b.vector_double( n ) for i in range(n): Z1[i] = Z[i] return b.LinearlyInterpolatedDOS_dbl( e0, de, n, Z1 ) #python class to represent LinearlyInterpolatedDOS from AbstractDOS import AbstractDOS as base #register new type # 2. the handler of engine renderer # 3. the handler to call python bindings import mccomponents.homogeneous_scatterer as hs # 4. register the new class and handlers hs.register ( LinearlyInterpolatedDOS, onLinearlyInterpolatedDOS, {'BoostPythonBinding':linearlyinterpolateddos_bp_handler} ) # version __id__ = "$Id$" # End of file
[ 2, 48443, 14629, 14, 8800, 14, 24330, 21015, 198, 2, 198, 2, 220, 27156, 27156, 27156, 27156, 15116, 8728, 4907, 198, 2, 198, 2, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 449, 13481, 5164, 198, 2, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3442, 5136, 286, 8987, 198, 2, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 357, 34, 8, 4343, 220, 1439, 6923, 33876, 198, 2, 198, 2, 1391, 34156, 8206, 92, 198, 2, 198, 2, 220, 27156, 27156, 27156, 27156, 15116, 8728, 4907, 198, 2, 198, 198, 2, 69, 9548, 2446, 326, 27521, 5750, 21015, 12765, 198, 4299, 9493, 11458, 3849, 16104, 515, 37427, 62, 46583, 7, 198, 220, 220, 220, 304, 15, 11, 390, 11, 299, 11, 1168, 2599, 198, 220, 220, 220, 705, 7061, 17953, 5750, 21015, 2134, 286, 5164, 11458, 9492, 16104, 515, 35178, 628, 220, 220, 220, 304, 15, 25, 5288, 32896, 261, 2568, 13, 12178, 198, 220, 220, 220, 390, 25, 32896, 261, 2568, 2239, 13, 12178, 198, 220, 220, 220, 299, 25, 1271, 286, 2173, 13, 198, 220, 220, 220, 1168, 25, 3815, 286, 43036, 379, 262, 2568, 2173, 5447, 416, 357, 68, 15, 11, 390, 11, 299, 8, 198, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 1330, 285, 535, 3361, 3906, 13, 76, 535, 3361, 3906, 46583, 355, 275, 198, 220, 220, 220, 1168, 16, 796, 275, 13, 31364, 62, 23352, 7, 299, 1267, 198, 220, 220, 220, 329, 1312, 287, 2837, 7, 77, 2599, 1168, 16, 58, 72, 60, 796, 1168, 58, 72, 60, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1441, 275, 13, 14993, 11458, 9492, 16104, 515, 35178, 62, 67, 2436, 7, 304, 15, 11, 390, 11, 299, 11, 1168, 16, 1267, 628, 198, 198, 2, 29412, 1398, 284, 2380, 5164, 11458, 9492, 16104, 515, 35178, 198, 6738, 27741, 35178, 1330, 27741, 35178, 355, 2779, 628, 198, 198, 2, 30238, 649, 2099, 198, 2, 362, 13, 262, 21360, 286, 3113, 9851, 11882, 628, 198, 2, 513, 13, 262, 21360, 284, 869, 21015, 34111, 628, 198, 11748, 285, 535, 3361, 3906, 13, 26452, 32269, 62, 1416, 1078, 11882, 355, 289, 82, 198, 2, 604, 13, 7881, 262, 649, 1398, 290, 32847, 198, 11994, 13, 30238, 357, 198, 220, 220, 220, 5164, 11458, 9492, 16104, 515, 35178, 11, 319, 14993, 11458, 9492, 16104, 515, 35178, 11, 198, 220, 220, 220, 1391, 6, 45686, 37906, 33, 6020, 10354, 2815, 11458, 3849, 16104, 515, 37427, 62, 46583, 62, 30281, 92, 1267, 628, 628, 198, 2, 2196, 198, 834, 312, 834, 796, 17971, 7390, 3, 1, 198, 198, 2, 5268, 286, 2393, 220, 198 ]
2.733198
491
#!/usr/bin/env python #-*- coding=utf-8 -*- # # Copyright 2012 Jike Inc. All Rights Reserved. # Author: [email protected] from StringIO import StringIO file = '/etc/passwd' lines = open(file, 'r').readlines() text = open(file, 'r').read() f = StringIO() for line in lines[:-2]: f.writelines(line) f.writelines(lines[-2:]) f.seek(len(lines[0])) f.write(lines[1]) f.seek(0) print 'First line = ', f.readline() print 'Position = ', f.tell() line = f.readline() print 'Second line = ', line f.seek(-len(line), 1) line2 = f.read(len(line)) print line2
[ 2, 48443, 14629, 14, 8800, 14, 24330, 21015, 198, 2, 12, 9, 12, 19617, 28, 40477, 12, 23, 532, 9, 12, 198, 2, 198, 2, 15069, 2321, 449, 522, 3457, 13, 1439, 6923, 33876, 13, 198, 2, 6434, 25, 7649, 42990, 31, 73, 522, 13, 785, 198, 6738, 10903, 9399, 1330, 10903, 9399, 198, 198, 7753, 796, 31051, 14784, 14, 6603, 16993, 6, 198, 6615, 796, 1280, 7, 7753, 11, 705, 81, 27691, 961, 6615, 3419, 198, 5239, 796, 1280, 7, 7753, 11, 705, 81, 27691, 961, 3419, 198, 69, 796, 10903, 9399, 3419, 198, 1640, 1627, 287, 3951, 58, 21912, 17, 5974, 198, 220, 220, 220, 277, 13, 8933, 20655, 7, 1370, 8, 198, 69, 13, 8933, 20655, 7, 6615, 58, 12, 17, 25, 12962, 198, 69, 13, 36163, 7, 11925, 7, 6615, 58, 15, 60, 4008, 198, 69, 13, 13564, 7, 6615, 58, 16, 12962, 198, 69, 13, 36163, 7, 15, 8, 198, 4798, 705, 5962, 1627, 796, 46083, 277, 13, 961, 1370, 3419, 198, 4798, 705, 26545, 796, 46083, 277, 13, 33331, 3419, 198, 1370, 796, 277, 13, 961, 1370, 3419, 198, 4798, 705, 12211, 1627, 796, 46083, 1627, 198, 69, 13, 36163, 32590, 11925, 7, 1370, 828, 352, 8, 198, 1370, 17, 796, 277, 13, 961, 7, 11925, 7, 1370, 4008, 198, 4798, 1627, 17, 198 ]
2.495455
220
# # Stock Ticker server # Binds PUB socket to tcp://*:5556 # Publishes random stock updates # import zmq import time import random context = zmq.Context() socket = context.socket(zmq.PUB) socket.bind("tcp://*:5556") scrips = ['AAPL', 'GOOG', 'MSFT', 'AMZN'] while True: scrip = random.choice(scrips) price = random.randrange(20,700) msg = "%s: %d" % (scrip, price) print msg socket.send(msg) time.sleep(0.5)
[ 2, 198, 2, 220, 220, 10500, 309, 15799, 4382, 198, 2, 220, 220, 41211, 82, 350, 10526, 17802, 284, 48265, 1378, 47026, 2816, 3980, 198, 2, 220, 220, 8525, 19724, 4738, 4283, 5992, 198, 2, 198, 198, 11748, 1976, 76, 80, 198, 11748, 640, 198, 11748, 4738, 198, 198, 22866, 796, 1976, 76, 80, 13, 21947, 3419, 198, 44971, 796, 4732, 13, 44971, 7, 89, 76, 80, 13, 5105, 33, 8, 198, 44971, 13, 21653, 7203, 83, 13155, 1378, 47026, 2816, 3980, 4943, 198, 1416, 380, 862, 796, 37250, 32, 2969, 43, 3256, 705, 38, 6684, 38, 3256, 705, 5653, 9792, 3256, 705, 2390, 57, 45, 20520, 198, 198, 4514, 6407, 25, 198, 220, 220, 220, 629, 5528, 796, 4738, 13, 25541, 7, 1416, 380, 862, 8, 198, 220, 220, 220, 2756, 796, 4738, 13, 25192, 9521, 7, 1238, 11, 9879, 8, 628, 220, 220, 220, 31456, 796, 36521, 82, 25, 4064, 67, 1, 4064, 357, 1416, 5528, 11, 2756, 8, 198, 220, 220, 220, 3601, 31456, 198, 220, 220, 220, 17802, 13, 21280, 7, 19662, 8, 198, 220, 220, 220, 640, 13, 42832, 7, 15, 13, 20, 8 ]
2.333333
189
""" WAMP messages definitions and serializers. Compatible with WAMP Document Revision: RC3, 2014/08/25, available at: https://github.com/tavendo/WAMP/blob/master/spec/basic.md """ import json import msgpack import uuid from copy import deepcopy from enum import IntEnum, Enum from io import BytesIO from base64 import b64encode, standard_b64decode from wampnado.identifier import create_global_id from wampnado.features import server_features, Options PUBLISHER_NODE_ID = uuid.uuid4() def decode_b64(s): """ Finds all the binary objects in the struct, and recursively converts them to base64 prepended by \0, per the WAMP standard. """ if isinstance(s, dict): ret = {} for k,v in s.items(): ret[k] = decode_b64(v) return ret elif isinstance(s, list) or isinstance(s, tuple): ret = [] for v in s: ret.append(decode_b64(v)) return ret elif isinstance(s, str) and s.beginswith('\0'): return standard_b64decode(s[1:]) else: return s def encode_bin_as_b64(s): """ Finds all the binary objects in the struct, and recursively converts them to base64 prepended by \0, per the WAMP standard. """ if isinstance(s, dict): ret = {} for k,v in s.items(): ret[k] = encode_bin_as_b64(v) return ret elif isinstance(s, list) or isinstance(s, tuple): ret = [] for v in s: ret.append(encode_bin_as_b64(v)) return ret elif isinstance(s, bytes): return '\0{}'.format(b64encode(s).decode('ascii')) elif isinstance(s, Enum): return encode_bin_as_b64(s.value) else: return s class Code(IntEnum): """ Enum which represents currently supported WAMP messages. """ HELLO = 1 WELCOME = 2 ABORT = 3 # CHALLENGE = 4 # AUTHENTICATE = 5 GOODBYE = 6 # HEARTBEAT = 7 ERROR = 8 PUBLISH = 16 PUBLISHED = 17 SUBSCRIBE = 32 SUBSCRIBED = 33 UNSUBSCRIBE = 34 UNSUBSCRIBED = 35 EVENT = 36 CALL = 48 # CANCEL = 49 RESULT = 50 REGISTER = 64 REGISTERED = 65 # UNREGISTER = 66 # UNREGISTERED = 67 INVOCATION = 68 INTERRUPT = 69 YIELD = 70 class BroadcastMessage(object): """ This is a message that a procedure may want delivered. This class is composed of an EventMessage and a uri name """ @property @property @classmethod def from_text(cls, text): """ Make a BroadcastMessage from text in a json struct """ raw = json.loads(text) event_msg = EventMessage.from_text(raw["event_message"]) msg = cls( uri_name=raw["uri_name"], event_message=event_msg, publisher_connection_id=raw["publisher_connection_id"] ) msg.publisher_node_id = raw["publisher_node_id"] return msg @classmethod def from_bin(cls, bin): """ Make a BroadcastMessage from a binary blob """ raw = msgpack.unpackb(bin, raw=False) event_msg = EventMessage.from_text(raw["event_message"]) msg = cls( uri_name=raw["uri_name"], event_message=event_msg, publisher_connection_id=raw["publisher_connection_id"] ) msg.publisher_node_id = raw["publisher_node_id"] return msg class Message(object): """ Represent any WAMP message. """ details = {} @property def id(self): """ For all kinds of messages (except ERROR) that have [Request|id], it is in the second position of the array. """ if (len(self.value) > 1) and isinstance(self.value[1], int): return self.value[1] return -1 @property def json(self): """ Create a JSON representation of this message. """ message_value = deepcopy(self.value) return json.dumps(encode_bin_as_b64(message_value)) @property def msgpack(self): """ Create a MSGPack representation for this message. """ message_value = deepcopy(self.value) for index, item in enumerate(message_value): if isinstance(item, Code): message_value[index] = item.value return msgpack.packb(message_value, use_bin_type=True) def error(self, text, info=None): """ Add error description and aditional information. This is useful for ABORT and ERROR messages. """ self.details["message"] = text if info: self.details["details"] = info @classmethod def from_text(cls, text): """ Decode text to JSON and return a Message object accordingly. """ raw = decode_b64(json.loads(text)) raw[0] = Code(raw[0]) # make it an object of type Code return cls(*raw) @classmethod def from_bin(cls, bin): """ Decode binary blob to a message and return a Message object accordingly. """ print(bin) raw = msgpack.unpackb(bin, raw=False) raw[0] = Code(raw[0]) # make it an object of type Code return cls(*raw) def _update_args_and_kargs(self): """ Append args and kwargs to message value, according to their existance or not. """ if self.kwargs: self.value.append(self.args) self.value.append(self.kwargs) else: if self.args: self.value.append(self.args) class HelloMessage(Message): """ Sent by a Client to initiate opening of a WAMP session: [HELLO, Realm|uri, Details|dict] https://github.com/tavendo/WAMP/blob/master/spec/basic.md#hello """ class AbortMessage(Message): """ Both the Router and the Client may abort the opening of a WAMP session [ABORT, Details|dict, Reason|uri] https://github.com/tavendo/WAMP/blob/master/spec/basic.md#abort """ class WelcomeMessage(Message): """ Sent from the server side to open a WAMP session. The WELCOME is a reply message to the Client's HELLO. [WELCOME, Session|id, Details|dict] https://github.com/tavendo/WAMP/blob/master/spec/basic.md#welcome """ class GoodbyeMessage(Message): """ Both the Server and the Client may abort the opening of a WAMP session [ABORT, Details|dict, Reason|uri] """ class ResultMessage(Message): """ Result of a call as returned by Dealer to Caller. [RESULT, CALL.Request|id, Details|dict] [RESULT, CALL.Request|id, Details|dict, YIELD.Arguments|list] [RESULT, CALL.Request|id, Details|dict, YIELD.Arguments|list, YIELD.ArgumentsKw|dict] """ class CallMessage(Message): """ Call as originally issued by the Caller to the Dealer. [CALL, Request|id, Options|dict, Procedure|uri] [CALL, Request|id, Options|dict, Procedure|uri, Arguments|list] [CALL, Request|id, Options|dict, Procedure|uri, Arguments|list, ArgumentsKw|dict] """ class InterruptMessage(Message): """ Stop a progressive result before it's finished. [INTERRUPT, INVOCATION.Request|id, Options|dict] """ class InvocationMessage(Message): """ Used by the dealer to request an RPC from a client. The client should respond with a YIELD message if successful. [INVOCATION, Request|id, REGISTERED.Registration|id, Details|dict] [INVOCATION, Request|id, REGISTERED.Registration|id, Details|dict, CALL.Arguments|list] [INVOCATION, Request|id, REGISTERED.Registration|id, Details|dict, CALL.Arguments|list, CALL.ArgumentsKw|dict] """ class YieldMessage(Message): """ Used by the dealer to deliver the result of an RPC to the requesting client. The client should respond with a YIELD message if successful. [YIELD, INVOCATION.Request|id, Options|dict] [YIELD, INVOCATION.Request|id, Options|dict, Arguments|list] [YIELD, INVOCATION.Request|id, Options|dict, Arguments|list, ArgumentsKw|dict] """ class ErrorMessage(Message): """ Error reply sent by a Peer as an error response to different kinds of requests. [ERROR, REQUEST.Type|int, REQUEST.Request|id, Details|dict, Error|uri] [ERROR, REQUEST.Type|int, REQUEST.Request|id, Details|dict, Error|uri, Arguments|list] [ERROR, REQUEST.Type|int, REQUEST.Request|id, Details|dict, Error|uri, Arguments|list, ArgumentsKw|dict] """ class SubscribeMessage(Message): """ A Subscriber communicates its interest in a uri to the Server by sending a SUBSCRIBE message: [SUBSCRIBE, Request|id, Options|dict, uri|uri] """ class SubscribedMessage(Message): """ If the Broker is able to fulfill and allow the subscription, it answers by sending a SUBSCRIBED message to the Subscriber: [SUBSCRIBED, SUBSCRIBE.Request|id, Subscription|id] """ class RPCRegisterMessage(Message): """ A Registerer communicates its interest in a uri to the Server by sending a REGISTER message: [REGISTER, Request|id, Options|dict, uri|uri] """ class RPCRegisteredMessage(Message): """ If the Broker is able to fulfill and allow the registration, it answers by sending a REGISTERED message to the Registerer: [REGISTERED, REGISTER.Request|id, Registration|id] """ class PublishMessage(Message): """ Sent by a Publisher to a Broker to publish an event. [PUBLISH, Request|id, Options|dict, uri|uri] [PUBLISH, Request|id, Options|dict, uri|uri, Arguments|list] [PUBLISH, Request|id, Options|dict, uri|uri, Arguments|list, ArgumentsKw|dict] """ class PublishedMessage(Message): """ Acknowledge sent by a Broker to a Publisher for acknowledged publications. [PUBLISHED, PUBLISH.Request|id, Publication|id] """ class EventMessage(Message): """ Event dispatched by Broker to Subscribers for subscription the event was matching. [EVENT, SUBSCRIBED.Subscription|id, PUBLISHED.Publication|id, Details|dict] [EVENT, SUBSCRIBED.Subscription|id, PUBLISHED.Publication|id, Details|dict, PUBLISH.Arguments|list] [EVENT, SUBSCRIBED.Subscription|id, PUBLISHED.Publication|id, Details|dict, PUBLISH.Arguments|list, PUBLISH.ArgumentsKw|dict] When transmitting an EventMessage between redis pubsubs the subscription_id will be omitted (it can only be resolved in the subscriber.) """ @property @subscription_id.setter class UnsubscribeMessage(Message): """ Unsubscribe request sent by a Subscriber to a Broker to unsubscribe a subscription. [UNSUBSCRIBE, Request|id, SUBSCRIBED.Subscription|id] """ class UnsubscribedMessage(Message): """ Acknowledge sent by a Broker to a Subscriber to acknowledge unsubscription. [UNSUBSCRIBED, UNSUBSCRIBE.Request|id] """ CODE_TO_CLASS = { Code.HELLO: HelloMessage, Code.WELCOME: WelcomeMessage, Code.ABORT: AbortMessage, # CHALLENGE = 4 # AUTHENTICATE = 5 Code.GOODBYE: GoodbyeMessage, # HEARTBEAT = 7 Code.ERROR: ErrorMessage, Code.PUBLISH: PublishMessage, Code.PUBLISHED: PublishedMessage, Code.SUBSCRIBE: SubscribeMessage, Code.SUBSCRIBED: SubscribedMessage, Code.UNSUBSCRIBE: UnsubscribeMessage, Code.UNSUBSCRIBED: UnsubscribedMessage, Code.EVENT: EventMessage, Code.CALL: CallMessage, # CANCEL = 49 Code.RESULT: ResultMessage, Code.REGISTER: RPCRegisterMessage, # 64 Code.REGISTERED: RPCRegisteredMessage, # 65 # UNREGISTER = 66 # UNREGISTERED = 67 Code.INVOCATION: InvocationMessage, # 68 Code.INTERRUPT: InterruptMessage, # INTERRUPT = 69 Code.YIELD: YieldMessage, # 70 } ERROR_PRONE_CODES = [Code.CALL, Code.SUBSCRIBE, Code.UNSUBSCRIBE, Code.PUBLISH] def build_error_message(in_message, uri, description): """ Return ErrorMessage instance (*) provided: - incoming message which generated error - error uri - error description (*) If incoming message is not prone to ERROR message reponse, return None. """ msg = Message.from_text(in_message) if msg.code in ERROR_PRONE_CODES: MsgClass = CODE_TO_CLASS[msg.code] msg = MsgClass.from_text(in_message) answer = ErrorMessage( request_code=msg.code, request_id=msg.request_id, uri=uri ) answer.error(description) return answer
[ 37811, 198, 54, 23518, 6218, 17336, 290, 11389, 11341, 13, 198, 198, 7293, 16873, 351, 370, 23518, 16854, 46604, 25, 13987, 18, 11, 1946, 14, 2919, 14, 1495, 11, 1695, 379, 25, 198, 5450, 1378, 12567, 13, 785, 14, 83, 615, 31110, 14, 54, 23518, 14, 2436, 672, 14, 9866, 14, 16684, 14, 35487, 13, 9132, 198, 37811, 198, 11748, 33918, 198, 11748, 31456, 8002, 198, 11748, 334, 27112, 198, 6738, 4866, 1330, 2769, 30073, 198, 198, 6738, 33829, 1330, 2558, 4834, 388, 11, 2039, 388, 198, 6738, 33245, 1330, 2750, 4879, 9399, 198, 6738, 2779, 2414, 1330, 275, 2414, 268, 8189, 11, 3210, 62, 65, 2414, 12501, 1098, 198, 198, 6738, 266, 696, 77, 4533, 13, 738, 7483, 1330, 2251, 62, 20541, 62, 312, 198, 6738, 266, 696, 77, 4533, 13, 40890, 1330, 4382, 62, 40890, 11, 18634, 198, 198, 5105, 9148, 1797, 16879, 62, 45, 16820, 62, 2389, 796, 334, 27112, 13, 12303, 312, 19, 3419, 198, 198, 4299, 36899, 62, 65, 2414, 7, 82, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 9938, 82, 477, 262, 13934, 5563, 287, 262, 2878, 11, 290, 664, 1834, 2280, 26161, 606, 284, 2779, 2414, 3143, 1631, 416, 3467, 15, 11, 583, 262, 370, 23518, 3210, 13, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 611, 318, 39098, 7, 82, 11, 8633, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 1005, 796, 23884, 198, 220, 220, 220, 220, 220, 220, 220, 329, 479, 11, 85, 287, 264, 13, 23814, 33529, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1005, 58, 74, 60, 796, 36899, 62, 65, 2414, 7, 85, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 1005, 198, 220, 220, 220, 1288, 361, 318, 39098, 7, 82, 11, 1351, 8, 393, 318, 39098, 7, 82, 11, 46545, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 1005, 796, 17635, 198, 220, 220, 220, 220, 220, 220, 220, 329, 410, 287, 264, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1005, 13, 33295, 7, 12501, 1098, 62, 65, 2414, 7, 85, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 1005, 198, 220, 220, 220, 1288, 361, 318, 39098, 7, 82, 11, 965, 8, 290, 264, 13, 1350, 29878, 4480, 10786, 59, 15, 6, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 3210, 62, 65, 2414, 12501, 1098, 7, 82, 58, 16, 25, 12962, 198, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 264, 198, 220, 220, 220, 220, 198, 198, 4299, 37773, 62, 8800, 62, 292, 62, 65, 2414, 7, 82, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 9938, 82, 477, 262, 13934, 5563, 287, 262, 2878, 11, 290, 664, 1834, 2280, 26161, 606, 284, 2779, 2414, 3143, 1631, 416, 3467, 15, 11, 583, 262, 370, 23518, 3210, 13, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 611, 318, 39098, 7, 82, 11, 8633, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 1005, 796, 23884, 198, 220, 220, 220, 220, 220, 220, 220, 329, 479, 11, 85, 287, 264, 13, 23814, 33529, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1005, 58, 74, 60, 796, 37773, 62, 8800, 62, 292, 62, 65, 2414, 7, 85, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 1005, 198, 220, 220, 220, 1288, 361, 318, 39098, 7, 82, 11, 1351, 8, 393, 318, 39098, 7, 82, 11, 46545, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 1005, 796, 17635, 198, 220, 220, 220, 220, 220, 220, 220, 329, 410, 287, 264, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1005, 13, 33295, 7, 268, 8189, 62, 8800, 62, 292, 62, 65, 2414, 7, 85, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 1005, 198, 220, 220, 220, 1288, 361, 318, 39098, 7, 82, 11, 9881, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 705, 59, 15, 90, 92, 4458, 18982, 7, 65, 2414, 268, 8189, 7, 82, 737, 12501, 1098, 10786, 292, 979, 72, 6, 4008, 198, 220, 220, 220, 1288, 361, 318, 39098, 7, 82, 11, 2039, 388, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 37773, 62, 8800, 62, 292, 62, 65, 2414, 7, 82, 13, 8367, 8, 198, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 264, 198, 220, 220, 220, 220, 628, 198, 4871, 6127, 7, 5317, 4834, 388, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 2039, 388, 543, 6870, 3058, 4855, 370, 23518, 6218, 13, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 47899, 46, 796, 352, 198, 220, 220, 220, 370, 3698, 9858, 36, 796, 362, 198, 220, 220, 220, 9564, 9863, 796, 513, 198, 220, 220, 220, 1303, 5870, 7036, 1677, 8264, 796, 604, 198, 220, 220, 220, 1303, 37195, 3525, 2149, 6158, 796, 642, 198, 220, 220, 220, 21090, 17513, 36, 796, 718, 198, 220, 220, 220, 1303, 11179, 7227, 12473, 1404, 796, 767, 198, 220, 220, 220, 33854, 796, 807, 198, 220, 220, 220, 24676, 9148, 18422, 796, 1467, 198, 220, 220, 220, 24676, 9148, 18422, 1961, 796, 1596, 198, 220, 220, 220, 13558, 4462, 34, 7112, 12473, 796, 3933, 198, 220, 220, 220, 13558, 4462, 34, 7112, 33, 1961, 796, 4747, 198, 220, 220, 220, 4725, 12564, 4462, 34, 7112, 12473, 796, 4974, 198, 220, 220, 220, 4725, 12564, 4462, 34, 7112, 33, 1961, 796, 3439, 198, 220, 220, 220, 49261, 796, 4570, 198, 220, 220, 220, 42815, 796, 4764, 198, 220, 220, 220, 1303, 15628, 34, 3698, 796, 5125, 198, 220, 220, 220, 15731, 16724, 796, 2026, 198, 220, 220, 220, 23337, 41517, 796, 5598, 198, 220, 220, 220, 23337, 41517, 1961, 796, 6135, 198, 220, 220, 220, 1303, 4725, 31553, 41517, 796, 7930, 198, 220, 220, 220, 1303, 4725, 31553, 41517, 1961, 796, 8275, 198, 220, 220, 220, 34899, 4503, 6234, 796, 8257, 198, 220, 220, 220, 23255, 49, 8577, 51, 796, 8644, 198, 220, 220, 220, 575, 49979, 796, 4317, 628, 198, 4871, 44244, 12837, 7, 15252, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 770, 318, 257, 3275, 326, 257, 8771, 743, 765, 6793, 13, 628, 220, 220, 220, 770, 1398, 318, 13160, 286, 281, 8558, 12837, 290, 257, 2956, 72, 1438, 198, 220, 220, 220, 37227, 628, 220, 220, 220, 2488, 26745, 628, 220, 220, 220, 2488, 26745, 628, 220, 220, 220, 2488, 4871, 24396, 198, 220, 220, 220, 825, 422, 62, 5239, 7, 565, 82, 11, 2420, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 6889, 257, 44244, 12837, 422, 2420, 287, 257, 33918, 2878, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 8246, 796, 33918, 13, 46030, 7, 5239, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1785, 62, 19662, 796, 8558, 12837, 13, 6738, 62, 5239, 7, 1831, 14692, 15596, 62, 20500, 8973, 8, 198, 220, 220, 220, 220, 220, 220, 220, 31456, 796, 537, 82, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2956, 72, 62, 3672, 28, 1831, 14692, 9900, 62, 3672, 33116, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 62, 20500, 28, 15596, 62, 19662, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 9991, 62, 38659, 62, 312, 28, 1831, 14692, 12984, 8191, 62, 38659, 62, 312, 8973, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 31456, 13, 12984, 8191, 62, 17440, 62, 312, 796, 8246, 14692, 12984, 8191, 62, 17440, 62, 312, 8973, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 31456, 628, 220, 220, 220, 2488, 4871, 24396, 198, 220, 220, 220, 825, 422, 62, 8800, 7, 565, 82, 11, 9874, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 6889, 257, 44244, 12837, 422, 257, 13934, 44812, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 8246, 796, 31456, 8002, 13, 403, 8002, 65, 7, 8800, 11, 8246, 28, 25101, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1785, 62, 19662, 796, 8558, 12837, 13, 6738, 62, 5239, 7, 1831, 14692, 15596, 62, 20500, 8973, 8, 198, 220, 220, 220, 220, 220, 220, 220, 31456, 796, 537, 82, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2956, 72, 62, 3672, 28, 1831, 14692, 9900, 62, 3672, 33116, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1785, 62, 20500, 28, 15596, 62, 19662, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 9991, 62, 38659, 62, 312, 28, 1831, 14692, 12984, 8191, 62, 38659, 62, 312, 8973, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 31456, 13, 12984, 8191, 62, 17440, 62, 312, 796, 8246, 14692, 12984, 8191, 62, 17440, 62, 312, 8973, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 31456, 628, 198, 4871, 16000, 7, 15252, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 10858, 597, 370, 23518, 3275, 13, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 3307, 796, 23884, 628, 220, 220, 220, 2488, 26745, 198, 220, 220, 220, 825, 4686, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1114, 477, 6982, 286, 6218, 357, 16341, 33854, 8, 326, 423, 685, 18453, 91, 312, 4357, 340, 318, 198, 220, 220, 220, 220, 220, 220, 220, 287, 262, 1218, 2292, 286, 262, 7177, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 611, 357, 11925, 7, 944, 13, 8367, 8, 1875, 352, 8, 290, 318, 39098, 7, 944, 13, 8367, 58, 16, 4357, 493, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1441, 2116, 13, 8367, 58, 16, 60, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 532, 16, 628, 220, 220, 220, 2488, 26745, 198, 220, 220, 220, 825, 33918, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 13610, 257, 19449, 10552, 286, 428, 3275, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 3275, 62, 8367, 796, 2769, 30073, 7, 944, 13, 8367, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 33918, 13, 67, 8142, 7, 268, 8189, 62, 8800, 62, 292, 62, 65, 2414, 7, 20500, 62, 8367, 4008, 628, 220, 220, 220, 2488, 26745, 198, 220, 220, 220, 825, 31456, 8002, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 13610, 257, 49064, 11869, 10552, 329, 428, 3275, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 3275, 62, 8367, 796, 2769, 30073, 7, 944, 13, 8367, 8, 198, 220, 220, 220, 220, 220, 220, 220, 329, 6376, 11, 2378, 287, 27056, 378, 7, 20500, 62, 8367, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 318, 39098, 7, 9186, 11, 6127, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3275, 62, 8367, 58, 9630, 60, 796, 2378, 13, 8367, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 31456, 8002, 13, 8002, 65, 7, 20500, 62, 8367, 11, 779, 62, 8800, 62, 4906, 28, 17821, 8, 628, 220, 220, 220, 825, 4049, 7, 944, 11, 2420, 11, 7508, 28, 14202, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 3060, 4049, 6764, 290, 512, 1859, 1321, 13, 628, 220, 220, 220, 220, 220, 220, 220, 770, 318, 4465, 329, 9564, 9863, 290, 33854, 6218, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 36604, 14692, 20500, 8973, 796, 2420, 198, 220, 220, 220, 220, 220, 220, 220, 611, 7508, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 36604, 14692, 36604, 8973, 796, 7508, 628, 220, 220, 220, 2488, 4871, 24396, 198, 220, 220, 220, 825, 422, 62, 5239, 7, 565, 82, 11, 2420, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 4280, 1098, 2420, 284, 19449, 290, 1441, 257, 16000, 2134, 16062, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 8246, 796, 36899, 62, 65, 2414, 7, 17752, 13, 46030, 7, 5239, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 8246, 58, 15, 60, 796, 6127, 7, 1831, 58, 15, 12962, 220, 1303, 787, 340, 281, 2134, 286, 2099, 6127, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 537, 82, 46491, 1831, 8, 628, 220, 220, 220, 2488, 4871, 24396, 198, 220, 220, 220, 825, 422, 62, 8800, 7, 565, 82, 11, 9874, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 4280, 1098, 13934, 44812, 284, 257, 3275, 290, 1441, 257, 16000, 2134, 16062, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 3601, 7, 8800, 8, 198, 220, 220, 220, 220, 220, 220, 220, 8246, 796, 31456, 8002, 13, 403, 8002, 65, 7, 8800, 11, 8246, 28, 25101, 8, 198, 220, 220, 220, 220, 220, 220, 220, 8246, 58, 15, 60, 796, 6127, 7, 1831, 58, 15, 12962, 220, 1303, 787, 340, 281, 2134, 286, 2099, 6127, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 537, 82, 46491, 1831, 8, 628, 220, 220, 220, 825, 4808, 19119, 62, 22046, 62, 392, 62, 74, 22046, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 2034, 437, 26498, 290, 479, 86, 22046, 284, 3275, 1988, 11, 1864, 284, 511, 2152, 590, 198, 220, 220, 220, 220, 220, 220, 220, 393, 407, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 611, 2116, 13, 46265, 22046, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 8367, 13, 33295, 7, 944, 13, 22046, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 8367, 13, 33295, 7, 944, 13, 46265, 22046, 8, 198, 220, 220, 220, 220, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 2116, 13, 22046, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 8367, 13, 33295, 7, 944, 13, 22046, 8, 628, 198, 4871, 18435, 12837, 7, 12837, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 11352, 416, 257, 20985, 284, 22118, 4756, 286, 257, 370, 23518, 6246, 25, 198, 220, 220, 220, 685, 13909, 3069, 46, 11, 23651, 91, 9900, 11, 14890, 91, 11600, 60, 628, 220, 220, 220, 3740, 1378, 12567, 13, 785, 14, 83, 615, 31110, 14, 54, 23518, 14, 2436, 672, 14, 9866, 14, 16684, 14, 35487, 13, 9132, 2, 31373, 198, 220, 220, 220, 37227, 628, 198, 4871, 2275, 419, 12837, 7, 12837, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 5747, 262, 48538, 290, 262, 20985, 743, 15614, 262, 4756, 286, 257, 370, 23518, 6246, 198, 220, 220, 220, 685, 6242, 9863, 11, 14890, 91, 11600, 11, 23219, 91, 9900, 60, 628, 220, 220, 220, 3740, 1378, 12567, 13, 785, 14, 83, 615, 31110, 14, 54, 23518, 14, 2436, 672, 14, 9866, 14, 16684, 14, 35487, 13, 9132, 2, 397, 419, 198, 220, 220, 220, 37227, 628, 198, 4871, 19134, 12837, 7, 12837, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 11352, 422, 262, 4382, 1735, 284, 1280, 257, 370, 23518, 6246, 13, 198, 220, 220, 220, 383, 370, 3698, 9858, 36, 318, 257, 10971, 3275, 284, 262, 20985, 338, 47899, 46, 13, 628, 220, 220, 220, 685, 54, 3698, 9858, 36, 11, 23575, 91, 312, 11, 14890, 91, 11600, 60, 628, 220, 220, 220, 3740, 1378, 12567, 13, 785, 14, 83, 615, 31110, 14, 54, 23518, 14, 2436, 672, 14, 9866, 14, 16684, 14, 35487, 13, 9132, 2, 86, 9571, 198, 220, 220, 220, 37227, 628, 198, 4871, 44442, 12837, 7, 12837, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 5747, 262, 9652, 290, 262, 20985, 743, 15614, 262, 4756, 286, 257, 370, 23518, 6246, 198, 220, 220, 220, 685, 6242, 9863, 11, 14890, 91, 11600, 11, 23219, 91, 9900, 60, 198, 220, 220, 220, 37227, 628, 198, 4871, 25414, 12837, 7, 12837, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 25414, 286, 257, 869, 355, 4504, 416, 44480, 284, 10244, 13, 628, 220, 220, 220, 685, 19535, 16724, 11, 42815, 13, 18453, 91, 312, 11, 14890, 91, 11600, 60, 198, 220, 220, 220, 685, 19535, 16724, 11, 42815, 13, 18453, 91, 312, 11, 14890, 91, 11600, 11, 575, 49979, 13, 28100, 2886, 91, 4868, 60, 198, 220, 220, 220, 685, 19535, 16724, 11, 42815, 13, 18453, 91, 312, 11, 14890, 91, 11600, 11, 575, 49979, 13, 28100, 2886, 91, 4868, 11, 575, 49979, 13, 28100, 2886, 42, 86, 91, 11600, 60, 198, 220, 220, 220, 37227, 628, 198, 4871, 4889, 12837, 7, 12837, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 4889, 355, 6198, 4884, 416, 262, 10244, 284, 262, 44480, 13, 628, 220, 220, 220, 685, 34, 7036, 11, 19390, 91, 312, 11, 18634, 91, 11600, 11, 34997, 91, 9900, 60, 198, 220, 220, 220, 685, 34, 7036, 11, 19390, 91, 312, 11, 18634, 91, 11600, 11, 34997, 91, 9900, 11, 20559, 2886, 91, 4868, 60, 198, 220, 220, 220, 685, 34, 7036, 11, 19390, 91, 312, 11, 18634, 91, 11600, 11, 34997, 91, 9900, 11, 20559, 2886, 91, 4868, 11, 20559, 2886, 42, 86, 91, 11600, 60, 198, 220, 220, 220, 37227, 198, 198, 4871, 4225, 3622, 12837, 7, 12837, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 13707, 257, 10393, 1255, 878, 340, 338, 5201, 13, 628, 220, 220, 220, 685, 41358, 49, 8577, 51, 11, 34899, 4503, 6234, 13, 18453, 91, 312, 11, 18634, 91, 11600, 60, 198, 220, 220, 220, 37227, 628, 220, 220, 220, 220, 198, 198, 4871, 10001, 5040, 12837, 7, 12837, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 16718, 416, 262, 16456, 284, 2581, 281, 39400, 422, 257, 5456, 13, 220, 383, 5456, 815, 3031, 351, 257, 575, 49979, 3275, 611, 4388, 13, 628, 220, 220, 220, 685, 1268, 53, 4503, 6234, 11, 19390, 91, 312, 11, 23337, 41517, 1961, 13, 47133, 91, 312, 11, 14890, 91, 11600, 60, 198, 220, 220, 220, 685, 1268, 53, 4503, 6234, 11, 19390, 91, 312, 11, 23337, 41517, 1961, 13, 47133, 91, 312, 11, 14890, 91, 11600, 11, 42815, 13, 28100, 2886, 91, 4868, 60, 198, 220, 220, 220, 685, 1268, 53, 4503, 6234, 11, 19390, 91, 312, 11, 23337, 41517, 1961, 13, 47133, 91, 312, 11, 14890, 91, 11600, 11, 42815, 13, 28100, 2886, 91, 4868, 11, 42815, 13, 28100, 2886, 42, 86, 91, 11600, 60, 198, 220, 220, 220, 37227, 628, 198, 4871, 575, 1164, 12837, 7, 12837, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 16718, 416, 262, 16456, 284, 5203, 262, 1255, 286, 281, 39400, 284, 262, 20623, 5456, 13, 220, 383, 5456, 815, 3031, 351, 257, 575, 49979, 3275, 611, 4388, 13, 628, 220, 220, 220, 685, 56, 49979, 11, 34899, 4503, 6234, 13, 18453, 91, 312, 11, 18634, 91, 11600, 60, 198, 220, 220, 220, 685, 56, 49979, 11, 34899, 4503, 6234, 13, 18453, 91, 312, 11, 18634, 91, 11600, 11, 20559, 2886, 91, 4868, 60, 198, 220, 220, 220, 685, 56, 49979, 11, 34899, 4503, 6234, 13, 18453, 91, 312, 11, 18634, 91, 11600, 11, 20559, 2886, 91, 4868, 11, 20559, 2886, 42, 86, 91, 11600, 60, 198, 220, 220, 220, 37227, 628, 198, 4871, 13047, 12837, 7, 12837, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 13047, 10971, 1908, 416, 257, 41139, 355, 281, 4049, 2882, 284, 1180, 6982, 286, 198, 220, 220, 220, 7007, 13, 628, 220, 220, 220, 685, 24908, 11, 4526, 35780, 13, 6030, 91, 600, 11, 4526, 35780, 13, 18453, 91, 312, 11, 14890, 91, 11600, 11, 13047, 91, 9900, 60, 198, 220, 220, 220, 685, 24908, 11, 4526, 35780, 13, 6030, 91, 600, 11, 4526, 35780, 13, 18453, 91, 312, 11, 14890, 91, 11600, 11, 13047, 91, 9900, 11, 198, 220, 220, 220, 220, 220, 220, 220, 20559, 2886, 91, 4868, 60, 198, 220, 220, 220, 685, 24908, 11, 4526, 35780, 13, 6030, 91, 600, 11, 4526, 35780, 13, 18453, 91, 312, 11, 14890, 91, 11600, 11, 13047, 91, 9900, 11, 198, 220, 220, 220, 220, 220, 220, 220, 20559, 2886, 91, 4868, 11, 20559, 2886, 42, 86, 91, 11600, 60, 198, 220, 220, 220, 37227, 628, 198, 4871, 19808, 12837, 7, 12837, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 317, 3834, 1416, 24735, 48556, 663, 1393, 287, 257, 2956, 72, 284, 262, 9652, 416, 7216, 198, 220, 220, 220, 257, 13558, 4462, 34, 7112, 12473, 3275, 25, 198, 220, 220, 220, 685, 12564, 4462, 34, 7112, 12473, 11, 19390, 91, 312, 11, 18634, 91, 11600, 11, 2956, 72, 91, 9900, 60, 198, 220, 220, 220, 37227, 628, 198, 4871, 3834, 47495, 12837, 7, 12837, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 1002, 262, 2806, 6122, 318, 1498, 284, 14658, 290, 1249, 262, 14569, 11, 340, 7429, 416, 198, 220, 220, 220, 7216, 257, 13558, 4462, 34, 7112, 33, 1961, 3275, 284, 262, 3834, 1416, 24735, 25, 198, 220, 220, 220, 685, 12564, 4462, 34, 7112, 33, 1961, 11, 13558, 4462, 34, 7112, 12473, 13, 18453, 91, 312, 11, 3834, 33584, 91, 312, 60, 198, 220, 220, 220, 37227, 628, 198, 198, 4871, 39400, 38804, 12837, 7, 12837, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 317, 13811, 11882, 48556, 663, 1393, 287, 257, 2956, 72, 284, 262, 9652, 416, 7216, 198, 220, 220, 220, 257, 23337, 41517, 3275, 25, 198, 220, 220, 220, 685, 31553, 41517, 11, 19390, 91, 312, 11, 18634, 91, 11600, 11, 2956, 72, 91, 9900, 60, 198, 220, 220, 220, 37227, 628, 198, 4871, 39400, 47473, 12837, 7, 12837, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 1002, 262, 2806, 6122, 318, 1498, 284, 14658, 290, 1249, 262, 9352, 11, 340, 7429, 416, 198, 220, 220, 220, 7216, 257, 23337, 41517, 1961, 3275, 284, 262, 13811, 11882, 25, 198, 220, 220, 220, 685, 31553, 41517, 1961, 11, 23337, 41517, 13, 18453, 91, 312, 11, 24610, 91, 312, 60, 198, 220, 220, 220, 37227, 628, 198, 198, 4871, 8525, 1836, 12837, 7, 12837, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 11352, 416, 257, 28045, 284, 257, 2806, 6122, 284, 7715, 281, 1785, 13, 628, 220, 220, 220, 685, 5105, 9148, 18422, 11, 19390, 91, 312, 11, 18634, 91, 11600, 11, 2956, 72, 91, 9900, 60, 198, 220, 220, 220, 685, 5105, 9148, 18422, 11, 19390, 91, 312, 11, 18634, 91, 11600, 11, 2956, 72, 91, 9900, 11, 20559, 2886, 91, 4868, 60, 198, 220, 220, 220, 685, 5105, 9148, 18422, 11, 19390, 91, 312, 11, 18634, 91, 11600, 11, 2956, 72, 91, 9900, 11, 20559, 2886, 91, 4868, 11, 20559, 2886, 42, 86, 91, 11600, 60, 198, 220, 220, 220, 37227, 628, 198, 4871, 26372, 12837, 7, 12837, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 317, 5319, 2965, 1908, 416, 257, 2806, 6122, 284, 257, 28045, 329, 10810, 16125, 13, 628, 220, 220, 220, 685, 5105, 9148, 18422, 1961, 11, 24676, 9148, 18422, 13, 18453, 91, 312, 11, 45065, 91, 312, 60, 198, 220, 220, 220, 37227, 628, 198, 4871, 8558, 12837, 7, 12837, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 8558, 26562, 416, 2806, 6122, 284, 3834, 40075, 364, 329, 14569, 262, 1785, 373, 12336, 13, 628, 220, 220, 220, 685, 20114, 3525, 11, 13558, 4462, 34, 7112, 33, 1961, 13, 7004, 33584, 91, 312, 11, 24676, 9148, 18422, 1961, 13, 15202, 341, 91, 312, 11, 14890, 91, 11600, 60, 198, 220, 220, 220, 685, 20114, 3525, 11, 13558, 4462, 34, 7112, 33, 1961, 13, 7004, 33584, 91, 312, 11, 24676, 9148, 18422, 1961, 13, 15202, 341, 91, 312, 11, 14890, 91, 11600, 11, 24676, 9148, 18422, 13, 28100, 2886, 91, 4868, 60, 198, 220, 220, 220, 685, 20114, 3525, 11, 13558, 4462, 34, 7112, 33, 1961, 13, 7004, 33584, 91, 312, 11, 24676, 9148, 18422, 1961, 13, 15202, 341, 91, 312, 11, 14890, 91, 11600, 11, 24676, 9148, 18422, 13, 28100, 2886, 91, 4868, 11, 24676, 9148, 18422, 13, 28100, 2886, 42, 86, 91, 11600, 60, 628, 220, 220, 220, 1649, 39573, 281, 8558, 12837, 1022, 2266, 271, 2240, 7266, 82, 262, 198, 220, 220, 220, 14569, 62, 312, 481, 307, 22532, 357, 270, 460, 691, 307, 12939, 287, 262, 198, 220, 220, 220, 32944, 2014, 198, 220, 220, 220, 37227, 628, 220, 220, 220, 2488, 26745, 628, 220, 220, 220, 2488, 7266, 33584, 62, 312, 13, 2617, 353, 628, 198, 4871, 791, 7266, 12522, 12837, 7, 12837, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 791, 7266, 12522, 2581, 1908, 416, 257, 3834, 1416, 24735, 284, 257, 2806, 6122, 284, 32793, 12522, 257, 14569, 13, 198, 220, 220, 220, 685, 4944, 12564, 4462, 34, 7112, 12473, 11, 19390, 91, 312, 11, 13558, 4462, 34, 7112, 33, 1961, 13, 7004, 33584, 91, 312, 60, 198, 220, 220, 220, 37227, 628, 198, 4871, 791, 7266, 47495, 12837, 7, 12837, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 317, 5319, 2965, 1908, 416, 257, 2806, 6122, 284, 257, 3834, 1416, 24735, 284, 12127, 32793, 33584, 13, 198, 220, 220, 220, 685, 4944, 12564, 4462, 34, 7112, 33, 1961, 11, 4725, 12564, 4462, 34, 7112, 12473, 13, 18453, 91, 312, 60, 198, 220, 220, 220, 37227, 628, 198, 34, 16820, 62, 10468, 62, 31631, 796, 1391, 198, 220, 220, 220, 6127, 13, 13909, 3069, 46, 25, 18435, 12837, 11, 198, 220, 220, 220, 6127, 13, 54, 3698, 9858, 36, 25, 19134, 12837, 11, 198, 220, 220, 220, 6127, 13, 6242, 9863, 25, 2275, 419, 12837, 11, 198, 220, 220, 220, 1303, 5870, 7036, 1677, 8264, 796, 604, 198, 220, 220, 220, 1303, 37195, 3525, 2149, 6158, 796, 642, 198, 220, 220, 220, 6127, 13, 11230, 3727, 17513, 36, 25, 44442, 12837, 11, 198, 220, 220, 220, 1303, 11179, 7227, 12473, 1404, 796, 767, 198, 220, 220, 220, 6127, 13, 24908, 25, 13047, 12837, 11, 198, 220, 220, 220, 6127, 13, 5105, 9148, 18422, 25, 8525, 1836, 12837, 11, 198, 220, 220, 220, 6127, 13, 5105, 9148, 18422, 1961, 25, 26372, 12837, 11, 198, 220, 220, 220, 6127, 13, 12564, 4462, 34, 7112, 12473, 25, 19808, 12837, 11, 198, 220, 220, 220, 6127, 13, 12564, 4462, 34, 7112, 33, 1961, 25, 3834, 47495, 12837, 11, 198, 220, 220, 220, 6127, 13, 4944, 12564, 4462, 34, 7112, 12473, 25, 791, 7266, 12522, 12837, 11, 198, 220, 220, 220, 6127, 13, 4944, 12564, 4462, 34, 7112, 33, 1961, 25, 791, 7266, 47495, 12837, 11, 198, 220, 220, 220, 6127, 13, 20114, 3525, 25, 8558, 12837, 11, 198, 220, 220, 220, 6127, 13, 34, 7036, 25, 4889, 12837, 11, 198, 220, 220, 220, 1303, 15628, 34, 3698, 796, 5125, 198, 220, 220, 220, 6127, 13, 19535, 16724, 25, 25414, 12837, 11, 198, 220, 220, 220, 6127, 13, 31553, 41517, 25, 39400, 38804, 12837, 11, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 5598, 198, 220, 220, 220, 6127, 13, 31553, 41517, 1961, 25, 39400, 47473, 12837, 11, 220, 220, 220, 220, 220, 1303, 6135, 198, 220, 220, 220, 1303, 4725, 31553, 41517, 796, 7930, 198, 220, 220, 220, 1303, 4725, 31553, 41517, 1961, 796, 8275, 198, 220, 220, 220, 6127, 13, 1268, 53, 4503, 6234, 25, 10001, 5040, 12837, 11, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 8257, 198, 220, 220, 220, 6127, 13, 41358, 49, 8577, 51, 25, 4225, 3622, 12837, 11, 198, 220, 220, 220, 1303, 23255, 49, 8577, 51, 796, 8644, 198, 220, 220, 220, 6127, 13, 56, 49979, 25, 575, 1164, 12837, 11, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 4317, 198, 92, 198, 198, 24908, 62, 4805, 11651, 62, 34, 3727, 1546, 796, 685, 10669, 13, 34, 7036, 11, 6127, 13, 12564, 4462, 34, 7112, 12473, 11, 6127, 13, 4944, 12564, 4462, 34, 7112, 12473, 11, 6127, 13, 5105, 9148, 18422, 60, 628, 198, 4299, 1382, 62, 18224, 62, 20500, 7, 259, 62, 20500, 11, 2956, 72, 11, 6764, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 8229, 13047, 12837, 4554, 20789, 8, 2810, 25, 198, 220, 220, 220, 532, 15619, 3275, 543, 7560, 4049, 198, 220, 220, 220, 532, 4049, 2956, 72, 198, 220, 220, 220, 532, 4049, 6764, 628, 220, 220, 220, 20789, 8, 1002, 15619, 3275, 318, 407, 17592, 284, 33854, 3275, 1128, 2591, 11, 1441, 6045, 13, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 31456, 796, 16000, 13, 6738, 62, 5239, 7, 259, 62, 20500, 8, 198, 220, 220, 220, 611, 31456, 13, 8189, 287, 33854, 62, 4805, 11651, 62, 34, 3727, 1546, 25, 198, 220, 220, 220, 220, 220, 220, 220, 6997, 70, 9487, 796, 42714, 62, 10468, 62, 31631, 58, 19662, 13, 8189, 60, 198, 220, 220, 220, 220, 220, 220, 220, 31456, 796, 6997, 70, 9487, 13, 6738, 62, 5239, 7, 259, 62, 20500, 8, 198, 220, 220, 220, 220, 220, 220, 220, 3280, 796, 13047, 12837, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2581, 62, 8189, 28, 19662, 13, 8189, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2581, 62, 312, 28, 19662, 13, 25927, 62, 312, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2956, 72, 28, 9900, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 3280, 13, 18224, 7, 11213, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 3280, 198 ]
2.444271
5,132
import urllib from oauth2 import OAuth2Request import re from json_import import simplejson re_path_template = re.compile('{\w+}')
[ 11748, 2956, 297, 571, 198, 6738, 267, 18439, 17, 1330, 440, 30515, 17, 18453, 198, 11748, 302, 198, 6738, 33918, 62, 11748, 1330, 2829, 17752, 198, 198, 260, 62, 6978, 62, 28243, 796, 302, 13, 5589, 576, 10786, 31478, 86, 10, 92, 11537, 628, 628, 198 ]
2.956522
46
#!/usr/bin/env python from pathlib import Path import unicodedata output = [] filename = Path(__file__).parent.resolve() / "data/books.tsv" with open(filename) as handle: lines = handle.readlines() # lines will contain a row for each line in the file # Loop through lines and do data scrubbing, put each result in output for line in lines: fields = line.split('\t') # Start with known blank values num = fields[0] last_name = '' first_name = '' title = '' date = '' subjects = '' if len(fields) > 1: # Has a "name" field parts = fields[1].split(',') first_name = '' last_name = parts[0] if len(parts) > 1: first_name = parts[1] if "(" in first_name: first_name, _ = first_name.split('(') if len(fields) > 2: title = fields[2] nfkd_form = unicodedata.normalize('NFKD', title) title = nfkd_form.encode('ASCII', 'ignore') title = title.decode('utf-8') out_line = f'{num}\t{last_name}\t{first_name}\t{title}' output.append(out_line) for line in output: print(line)
[ 2, 48443, 14629, 14, 8800, 14, 24330, 21015, 198, 198, 6738, 3108, 8019, 1330, 10644, 198, 11748, 28000, 9043, 1045, 198, 198, 22915, 796, 17635, 198, 34345, 796, 10644, 7, 834, 7753, 834, 737, 8000, 13, 411, 6442, 3419, 1220, 366, 7890, 14, 12106, 13, 912, 85, 1, 198, 198, 4480, 1280, 7, 34345, 8, 355, 5412, 25, 198, 220, 220, 220, 3951, 796, 5412, 13, 961, 6615, 3419, 198, 198, 2, 3951, 481, 3994, 257, 5752, 329, 1123, 1627, 287, 262, 2393, 198, 198, 2, 26304, 832, 3951, 290, 466, 1366, 27268, 4623, 11, 1234, 1123, 1255, 287, 5072, 198, 1640, 1627, 287, 3951, 25, 198, 220, 220, 220, 7032, 796, 1627, 13, 35312, 10786, 59, 83, 11537, 628, 220, 220, 220, 1303, 7253, 351, 1900, 9178, 3815, 198, 220, 220, 220, 997, 796, 7032, 58, 15, 60, 198, 220, 220, 220, 938, 62, 3672, 796, 10148, 198, 220, 220, 220, 717, 62, 3672, 796, 10148, 198, 220, 220, 220, 3670, 796, 10148, 198, 220, 220, 220, 3128, 796, 10148, 198, 220, 220, 220, 7481, 796, 10148, 628, 220, 220, 220, 611, 18896, 7, 25747, 8, 1875, 352, 25, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 7875, 257, 366, 3672, 1, 2214, 198, 220, 220, 220, 220, 220, 220, 220, 3354, 796, 7032, 58, 16, 4083, 35312, 7, 3256, 11537, 198, 220, 220, 220, 220, 220, 220, 220, 717, 62, 3672, 796, 10148, 198, 220, 220, 220, 220, 220, 220, 220, 938, 62, 3672, 796, 3354, 58, 15, 60, 628, 220, 220, 220, 220, 220, 220, 220, 611, 18896, 7, 42632, 8, 1875, 352, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 717, 62, 3672, 796, 3354, 58, 16, 60, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 366, 7203, 287, 717, 62, 3672, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 717, 62, 3672, 11, 4808, 796, 717, 62, 3672, 13, 35312, 10786, 10786, 8, 628, 220, 220, 220, 611, 18896, 7, 25747, 8, 1875, 362, 25, 198, 220, 220, 220, 220, 220, 220, 220, 3670, 796, 7032, 58, 17, 60, 198, 220, 220, 220, 220, 220, 220, 220, 299, 69, 74, 67, 62, 687, 796, 28000, 9043, 1045, 13, 11265, 1096, 10786, 21870, 42, 35, 3256, 3670, 8, 198, 220, 220, 220, 220, 220, 220, 220, 3670, 796, 299, 69, 74, 67, 62, 687, 13, 268, 8189, 10786, 42643, 3978, 3256, 705, 46430, 11537, 198, 220, 220, 220, 220, 220, 220, 220, 3670, 796, 3670, 13, 12501, 1098, 10786, 40477, 12, 23, 11537, 628, 220, 220, 220, 503, 62, 1370, 796, 277, 6, 90, 22510, 32239, 83, 90, 12957, 62, 3672, 32239, 83, 90, 11085, 62, 3672, 32239, 83, 90, 7839, 92, 6, 198, 220, 220, 220, 5072, 13, 33295, 7, 448, 62, 1370, 8, 628, 198, 1640, 1627, 287, 5072, 25, 198, 220, 220, 220, 3601, 7, 1370, 8, 198 ]
2.307071
495
#!/usr/bin/env python3 # Copyright 2020, Verizon Media # Licensed under the terms of the MIT license. See LICENSE file in project root for terms. import binascii import serial import subprocess import sys in_serport = sys.argv[1] in_fn = sys.argv[2] with open(in_fn, 'rb') as f: payload = f.read() ser = serial.Serial(in_serport, 115200, timeout=1) # WTF?! for b in payload: ser.write(bytes([b])) ser.flush()
[ 2, 48443, 14629, 14, 8800, 14, 24330, 21015, 18, 198, 198, 2, 15069, 12131, 11, 18062, 6343, 198, 2, 49962, 739, 262, 2846, 286, 262, 17168, 5964, 13, 4091, 38559, 24290, 2393, 287, 1628, 6808, 329, 2846, 13, 198, 198, 11748, 9874, 292, 979, 72, 198, 11748, 11389, 198, 11748, 850, 14681, 198, 11748, 25064, 198, 198, 259, 62, 2655, 634, 796, 25064, 13, 853, 85, 58, 16, 60, 198, 259, 62, 22184, 796, 25064, 13, 853, 85, 58, 17, 60, 198, 198, 4480, 1280, 7, 259, 62, 22184, 11, 705, 26145, 11537, 355, 277, 25, 198, 197, 15577, 2220, 796, 277, 13, 961, 3419, 198, 198, 2655, 796, 11389, 13, 32634, 7, 259, 62, 2655, 634, 11, 12279, 2167, 11, 26827, 28, 16, 8, 198, 2, 370, 10234, 12248, 198, 1640, 275, 287, 21437, 25, 198, 197, 2655, 13, 13564, 7, 33661, 26933, 65, 60, 4008, 198, 197, 2655, 13, 25925, 3419, 198 ]
2.707792
154
from app import app, db from app.models import User, Channel @app.shell_context_processor
[ 6738, 598, 1330, 598, 11, 20613, 198, 6738, 598, 13, 27530, 1330, 11787, 11, 11102, 198, 198, 31, 1324, 13, 29149, 62, 22866, 62, 41341 ]
3.6
25
from random import randint from skills_ml.algorithms.nlp import clean_html, clean_str, lowercase_strip_punc, word_tokenize, sentence_tokenize, section_extract, strip_bullets_from_line from gensim.models.doc2vec import TaggedDocument from skills_utils.common import safe_get class CorpusCreator(object): """ A base class for objects that convert common schema job listings into a corpus in documnet level suitable for use by machine learning algorithms or specific tasks. Example: ```python from skills_ml.job_postings.common_schema import JobPostingCollectionSample from skills_ml.job_postings.corpora.basic import CorpusCreator job_postings_generator = JobPostingCollectionSample() # Default will include all the cleaned job postings corpus = CorpusCreator(job_postings_generator) # For getting a the raw job postings without any cleaning corpus = CorpusCreator(job_postings_generator, raw=True) ``` Attributes: job_posting_generator (generator): an iterable that generates JSON strings. Each string is expected to represent a job listing conforming to the common schema See sample_job_listing.json for an example of this schema document_schema_fields (list): an list of schema fields to be included raw (bool): a flag whether to return the raw documents or transformed documents Yield: (dict): a dictinary only with selected fields as keys and corresponding raw/cleaned value """ @property class SimpleCorpusCreator(CorpusCreator): """ An object that transforms job listing documents by picking important schema fields and returns them as one large lowercased string """ class Doc2VecGensimCorpusCreator(CorpusCreator): """Corpus for training Gensim Doc2Vec An object that transforms job listing documents by picking important schema fields and yields them as one large cleaned array of words Example: ```python from skills_ml.job_postings.common_schema import JobPostingCollectionSample from skills_ml.job_postings.corpora.basic import Doc2VecGensimCorpusCreator job_postings_generator = JobPostingCollectionSample() corpus = Doc2VecGensimCorpusCreator(job_postings_generator) Attributes: job_posting_generator (generator): a job posting generator document_schema_fields (list): an list of schema fields to be included """ class Word2VecGensimCorpusCreator(CorpusCreator): """ An object that transforms job listing documents by picking important schema fields and yields them as one large cleaned array of words """ class JobCategoryCorpusCreator(CorpusCreator): """ An object that extract the label of each job listing document which could be onet soc code or occupationalCategory and yields them as a lowercased string """ document_schema_fields = [ 'occupationalCategory'] class SectionExtractWord2VecCorpusCreator(Word2VecGensimCorpusCreator): """Only return the contents of the configured section headers. Heavily utilizes skills_ml.algorithms.nlp.section_extract. For more detail on how to define 'sections', refer to its docstring. """ class RawCorpusCreator(CorpusCreator): """ An object that yields the joined raw string of job posting """
[ 6738, 4738, 1330, 43720, 600, 198, 6738, 4678, 62, 4029, 13, 282, 7727, 907, 13, 21283, 79, 1330, 3424, 62, 6494, 11, 3424, 62, 2536, 11, 2793, 7442, 62, 36311, 62, 79, 19524, 11, 1573, 62, 30001, 1096, 11, 6827, 62, 30001, 1096, 11, 2665, 62, 2302, 974, 11, 10283, 62, 15065, 5289, 62, 6738, 62, 1370, 198, 6738, 308, 641, 320, 13, 27530, 13, 15390, 17, 35138, 1330, 309, 14655, 24941, 198, 6738, 4678, 62, 26791, 13, 11321, 1330, 3338, 62, 1136, 628, 198, 4871, 44874, 16719, 273, 7, 15252, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 317, 2779, 1398, 329, 5563, 326, 10385, 2219, 32815, 198, 220, 220, 220, 220, 220, 220, 220, 1693, 26890, 656, 257, 35789, 287, 2205, 388, 3262, 1241, 11080, 329, 779, 416, 198, 220, 220, 220, 220, 220, 220, 220, 4572, 4673, 16113, 393, 2176, 8861, 13, 628, 220, 220, 220, 17934, 25, 198, 220, 220, 220, 7559, 63, 29412, 198, 220, 220, 220, 422, 4678, 62, 4029, 13, 21858, 62, 7353, 654, 13, 11321, 62, 15952, 2611, 1330, 15768, 6307, 278, 36307, 36674, 198, 220, 220, 220, 422, 4678, 62, 4029, 13, 21858, 62, 7353, 654, 13, 10215, 38851, 13, 35487, 1330, 44874, 16719, 273, 628, 220, 220, 220, 1693, 62, 7353, 654, 62, 8612, 1352, 796, 15768, 6307, 278, 36307, 36674, 3419, 628, 220, 220, 220, 1303, 15161, 481, 2291, 477, 262, 20750, 1693, 44656, 198, 220, 220, 220, 35789, 796, 44874, 16719, 273, 7, 21858, 62, 7353, 654, 62, 8612, 1352, 8, 628, 220, 220, 220, 1303, 1114, 1972, 257, 262, 8246, 1693, 44656, 1231, 597, 12724, 198, 220, 220, 220, 35789, 796, 44874, 16719, 273, 7, 21858, 62, 7353, 654, 62, 8612, 1352, 11, 8246, 28, 17821, 8, 198, 220, 220, 220, 7559, 63, 628, 198, 220, 220, 220, 49213, 25, 198, 220, 220, 220, 220, 220, 220, 220, 1693, 62, 7353, 278, 62, 8612, 1352, 357, 8612, 1352, 2599, 220, 281, 11629, 540, 326, 18616, 19449, 13042, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5501, 4731, 318, 2938, 284, 2380, 257, 1693, 13487, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 369, 15464, 284, 262, 2219, 32815, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4091, 6291, 62, 21858, 62, 4868, 278, 13, 17752, 329, 281, 1672, 286, 428, 32815, 198, 220, 220, 220, 220, 220, 220, 220, 3188, 62, 15952, 2611, 62, 25747, 357, 4868, 2599, 281, 1351, 286, 32815, 7032, 284, 307, 3017, 198, 220, 220, 220, 220, 220, 220, 220, 8246, 357, 30388, 2599, 257, 6056, 1771, 284, 1441, 262, 8246, 4963, 393, 14434, 4963, 628, 220, 220, 220, 575, 1164, 25, 198, 220, 220, 220, 220, 220, 220, 220, 357, 11600, 2599, 257, 8633, 3219, 691, 351, 6163, 7032, 355, 8251, 290, 11188, 8246, 14, 2375, 22739, 1988, 198, 220, 220, 220, 37227, 628, 220, 220, 220, 2488, 26745, 628, 198, 4871, 17427, 45680, 385, 16719, 273, 7, 45680, 385, 16719, 273, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1052, 2134, 326, 31408, 1693, 13487, 4963, 416, 10868, 198, 220, 220, 220, 220, 220, 220, 220, 1593, 32815, 7032, 290, 5860, 606, 355, 530, 1588, 2793, 66, 839, 4731, 198, 220, 220, 220, 37227, 628, 198, 4871, 14432, 17, 53, 721, 38, 641, 320, 45680, 385, 16719, 273, 7, 45680, 385, 16719, 273, 2599, 198, 220, 220, 220, 37227, 45680, 385, 329, 3047, 402, 641, 320, 14432, 17, 53, 721, 198, 220, 220, 220, 1052, 2134, 326, 31408, 1693, 13487, 4963, 416, 10868, 198, 220, 220, 220, 1593, 32815, 7032, 290, 19299, 606, 355, 530, 1588, 20750, 7177, 286, 2456, 628, 220, 220, 220, 17934, 25, 198, 220, 220, 220, 7559, 63, 29412, 628, 220, 220, 220, 422, 4678, 62, 4029, 13, 21858, 62, 7353, 654, 13, 11321, 62, 15952, 2611, 1330, 15768, 6307, 278, 36307, 36674, 198, 220, 220, 220, 422, 4678, 62, 4029, 13, 21858, 62, 7353, 654, 13, 10215, 38851, 13, 35487, 1330, 14432, 17, 53, 721, 38, 641, 320, 45680, 385, 16719, 273, 628, 220, 220, 220, 1693, 62, 7353, 654, 62, 8612, 1352, 796, 15768, 6307, 278, 36307, 36674, 3419, 628, 220, 220, 220, 35789, 796, 14432, 17, 53, 721, 38, 641, 320, 45680, 385, 16719, 273, 7, 21858, 62, 7353, 654, 62, 8612, 1352, 8, 628, 220, 220, 220, 49213, 25, 198, 220, 220, 220, 220, 220, 220, 220, 1693, 62, 7353, 278, 62, 8612, 1352, 357, 8612, 1352, 2599, 257, 1693, 10754, 17301, 198, 220, 220, 220, 220, 220, 220, 220, 3188, 62, 15952, 2611, 62, 25747, 357, 4868, 2599, 281, 1351, 286, 32815, 7032, 284, 307, 3017, 198, 220, 220, 220, 37227, 628, 198, 4871, 9678, 17, 53, 721, 38, 641, 320, 45680, 385, 16719, 273, 7, 45680, 385, 16719, 273, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1052, 2134, 326, 31408, 1693, 13487, 4963, 416, 10868, 198, 220, 220, 220, 220, 220, 220, 220, 1593, 32815, 7032, 290, 19299, 606, 355, 530, 1588, 20750, 7177, 286, 2456, 198, 220, 220, 220, 37227, 198, 198, 4871, 15768, 27313, 45680, 385, 16719, 273, 7, 45680, 385, 16719, 273, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1052, 2134, 326, 7925, 262, 6167, 286, 1123, 1693, 13487, 3188, 543, 714, 307, 319, 316, 1307, 2438, 393, 198, 220, 220, 220, 220, 220, 220, 220, 34266, 27313, 290, 19299, 606, 355, 257, 2793, 66, 839, 4731, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 3188, 62, 15952, 2611, 62, 25747, 796, 685, 198, 220, 220, 220, 220, 220, 220, 220, 705, 19596, 864, 27313, 20520, 628, 198, 4871, 7275, 11627, 974, 26449, 17, 53, 721, 45680, 385, 16719, 273, 7, 26449, 17, 53, 721, 38, 641, 320, 45680, 385, 16719, 273, 2599, 198, 220, 220, 220, 37227, 10049, 1441, 262, 10154, 286, 262, 17839, 2665, 24697, 13, 628, 220, 220, 220, 679, 615, 813, 34547, 4678, 62, 4029, 13, 282, 7727, 907, 13, 21283, 79, 13, 5458, 62, 2302, 974, 13, 198, 220, 220, 220, 1114, 517, 3703, 319, 703, 284, 8160, 705, 23946, 3256, 3522, 284, 663, 2205, 8841, 13, 198, 220, 220, 220, 37227, 628, 198, 4871, 16089, 45680, 385, 16719, 273, 7, 45680, 385, 16719, 273, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1052, 2134, 326, 19299, 262, 5399, 8246, 4731, 286, 1693, 10754, 198, 220, 220, 220, 37227, 198 ]
3.007806
1,153
# encoding: utf-8 from __future__ import unicode_literals from datetime import datetime, timedelta from mongoengine import (Document, ListField, StringField, BooleanField, DateTimeField, EmbeddedDocument, LazyReferenceField, CachedReferenceField, EmbeddedDocumentListField, ) from gym_bot_app import DAYS_NAME from gym_bot_app.query_sets import ExtendedQuerySet
[ 2, 21004, 25, 3384, 69, 12, 23, 198, 6738, 11593, 37443, 834, 1330, 28000, 1098, 62, 17201, 874, 198, 198, 6738, 4818, 8079, 1330, 4818, 8079, 11, 28805, 12514, 198, 198, 6738, 285, 25162, 18392, 1330, 357, 24941, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 7343, 15878, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 10903, 15878, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 41146, 15878, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 7536, 7575, 15878, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 13302, 47238, 24941, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 406, 12582, 26687, 15878, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 327, 2317, 26687, 15878, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 13302, 47238, 24941, 8053, 15878, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1267, 198, 198, 6738, 11550, 62, 13645, 62, 1324, 1330, 24644, 50, 62, 20608, 198, 6738, 11550, 62, 13645, 62, 1324, 13, 22766, 62, 28709, 1330, 24204, 20746, 7248, 628, 628, 628 ]
1.808511
329
from tkinter import Button, messagebox from abc import ABCMeta, abstractmethod from src.tictactoe.game.Board import Board
[ 6738, 256, 74, 3849, 1330, 220, 20969, 11, 3275, 3524, 198, 6738, 450, 66, 1330, 9738, 48526, 11, 12531, 24396, 198, 6738, 12351, 13, 83, 713, 529, 2577, 13, 6057, 13, 29828, 1330, 5926, 628 ]
3.542857
35
# List of Builtins referred from here: https://docs.python.org/3/library/functions.html # xa = oct(10) import os import glob # print(xa, (type(xa)), sep="\n") xa = ["xa", "pranali", "srushti", "shailesh", "nimesh"] xa = [idx.upper() for idx in xa] # ya = xa.copy() # za = [] # for idx in xa: # za.append(idx.upper()) print(xa) # print(za) # 1. Write brackets # 2. Write for loop as is BUT w/o :
[ 2, 7343, 286, 28477, 1040, 6412, 422, 994, 25, 3740, 1378, 31628, 13, 29412, 13, 2398, 14, 18, 14, 32016, 14, 12543, 2733, 13, 6494, 198, 198, 2, 2124, 64, 796, 19318, 7, 940, 8, 198, 198, 11748, 28686, 198, 11748, 15095, 198, 198, 2, 3601, 7, 27865, 11, 357, 4906, 7, 27865, 36911, 41767, 2625, 59, 77, 4943, 198, 198, 27865, 796, 14631, 27865, 1600, 366, 1050, 272, 7344, 1600, 366, 27891, 1530, 20259, 1600, 366, 1477, 603, 5069, 1600, 366, 77, 999, 71, 8973, 198, 27865, 796, 685, 312, 87, 13, 45828, 3419, 329, 4686, 87, 287, 2124, 64, 60, 198, 2, 21349, 796, 2124, 64, 13, 30073, 3419, 198, 2, 1976, 64, 796, 17635, 198, 198, 2, 329, 4686, 87, 287, 2124, 64, 25, 198, 2, 220, 220, 1976, 64, 13, 33295, 7, 312, 87, 13, 45828, 28955, 198, 198, 4798, 7, 27865, 8, 198, 2, 3601, 7, 4496, 8, 198, 198, 2, 352, 13, 19430, 28103, 198, 2, 362, 13, 19430, 329, 9052, 355, 318, 21728, 266, 14, 78, 1058, 198 ]
2.308571
175
import discord from discord.commands.commands import Option, OptionChoice from discord.commands.context import ApplicationContext from discord.ext import commands, pages from discord.ext.commands import BucketType, cooldown import asyncio import random import schedule from Utilities import AssociationObject, Checks, Finances, ItemObject, PlayerObject, Vars class Offices(commands.Cog): """Offices Text""" # EVENTS @commands.Cog.listener() # COMMANDS @commands.slash_command(guild_ids=[762118688567984151]) async def offices(self, ctx): """View the map, tax rate, and this week's elected officeholders.""" async with self.bot.db.acquire() as conn: comptroller_rec = await PlayerObject.get_comptroller(conn) mayor_rec = await PlayerObject.get_mayor(conn) comptroller = await self.bot.fetch_user( comptroller_rec['officeholder']) mayor = await self.bot.fetch_user(mayor_rec['officeholder']) tax_info = await Finances.get_tax_info(conn) embed = discord.Embed( title=f"This Week's Officeholders!", color=Vars.ABLUE) embed.add_field(name="Mayor", value=f"{mayor.mention}: **{mayor_rec['user_name']}**") embed.add_field(name="Comptroller", value=f"{comptroller.mention}: **{comptroller_rec['user_name']}**") embed.add_field( name=f"Current Tax Rate: `{tax_info['tax_rate']}`%", value=( f"The mayor has collected `{tax_info['Collected']}` gold " f"so far this term."), inline=False) embed.set_image(url="https://i.imgur.com/jpLztYK.jpg") await ctx.respond(embed=embed) @commands.slash_command(guild_ids=[762118688567984151]) @commands.check(Checks.is_mayor) @cooldown(1, 43200, BucketType.user) async def tax(self, ctx, tax_rate : Option(float, description="The new tax rate as a percentage (0-9.99)", min_value=0, max_value=9.99)): """Set the tax rate over Aramythia, earning you a small percentage.""" tax_rate = round(tax_rate, 2) async with self.bot.db.acquire() as conn: await Finances.set_tax_rate(conn, tax_rate, ctx.author.id) await ctx.respond("You have changed the tax rate.") await self.bot.announcement_channel.send( f"Mayor {ctx.author.mention} has set the tax rate to `{tax_rate}%`." ) @commands.slash_command(guild_ids=[762118688567984151]) async def territories(self, ctx): """See which brotherhoods control the outlying areas of the map.""" async with self.bot.db.acquire() as conn: # Tuple with area and the accompanying owner Association Object te_list = [ (area, await AssociationObject.get_territory_controller( conn, area)) for area in Vars.TERRITORIES] embed = discord.Embed( title="Territories Controlled by a Brotherhood", description=( "Brotherhoods in control of a territory get a 50% bonus " "to rewards from `/work` in that territory."), color=Vars.ABLUE) embed.set_image(url="https://i.imgur.com/jpLztYK.jpg") for assc in te_list: text = assc[1].name if not assc[1].is_empty: text += f" (ID: `{assc[1].id}`)" embed.add_field(name=assc[0], value=text) await ctx.respond(embed=embed)
[ 11748, 36446, 201, 198, 6738, 36446, 13, 9503, 1746, 13, 9503, 1746, 1330, 16018, 11, 16018, 46770, 201, 198, 6738, 36446, 13, 9503, 1746, 13, 22866, 1330, 15678, 21947, 201, 198, 201, 198, 6738, 36446, 13, 2302, 1330, 9729, 11, 5468, 201, 198, 6738, 36446, 13, 2302, 13, 9503, 1746, 1330, 48353, 6030, 11, 20869, 201, 198, 201, 198, 11748, 30351, 952, 201, 198, 11748, 4738, 201, 198, 11748, 7269, 201, 198, 201, 198, 6738, 41086, 1330, 5396, 10267, 11, 47719, 11, 4463, 1817, 11, 9097, 10267, 11, 7853, 10267, 11, 569, 945, 201, 198, 201, 198, 4871, 3242, 1063, 7, 9503, 1746, 13, 34, 519, 2599, 201, 198, 220, 220, 220, 37227, 9362, 1063, 8255, 37811, 201, 198, 201, 198, 201, 198, 220, 220, 220, 1303, 22399, 201, 198, 220, 220, 220, 2488, 9503, 1746, 13, 34, 519, 13, 4868, 877, 3419, 201, 198, 201, 198, 220, 220, 220, 1303, 9440, 10725, 5258, 201, 198, 220, 220, 220, 2488, 9503, 1746, 13, 6649, 1077, 62, 21812, 7, 70, 3547, 62, 2340, 41888, 48194, 16817, 3104, 5332, 3134, 4089, 19, 24309, 12962, 201, 198, 220, 220, 220, 30351, 825, 9730, 7, 944, 11, 269, 17602, 2599, 201, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 7680, 262, 3975, 11, 1687, 2494, 11, 290, 428, 1285, 338, 7018, 2607, 10476, 526, 15931, 201, 198, 220, 220, 220, 220, 220, 220, 220, 30351, 351, 2116, 13, 13645, 13, 9945, 13, 330, 29782, 3419, 355, 48260, 25, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 401, 44913, 62, 8344, 796, 25507, 7853, 10267, 13, 1136, 62, 785, 44913, 7, 37043, 8, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 9591, 62, 8344, 796, 25507, 7853, 10267, 13, 1136, 62, 11261, 273, 7, 37043, 8, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 401, 44913, 796, 25507, 2116, 13, 13645, 13, 69, 7569, 62, 7220, 7, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 401, 44913, 62, 8344, 17816, 31810, 13829, 6, 12962, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 9591, 796, 25507, 2116, 13, 13645, 13, 69, 7569, 62, 7220, 7, 11261, 273, 62, 8344, 17816, 31810, 13829, 6, 12962, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1687, 62, 10951, 796, 25507, 4463, 1817, 13, 1136, 62, 19290, 62, 10951, 7, 37043, 8, 201, 198, 201, 198, 220, 220, 220, 220, 220, 220, 220, 11525, 796, 36446, 13, 31567, 276, 7, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3670, 28, 69, 1, 1212, 6119, 338, 4452, 10476, 40754, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3124, 28, 53, 945, 13, 6242, 43, 8924, 8, 201, 198, 220, 220, 220, 220, 220, 220, 220, 11525, 13, 2860, 62, 3245, 7, 3672, 2625, 37396, 1600, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1988, 28, 69, 1, 90, 11261, 273, 13, 434, 295, 38362, 12429, 90, 11261, 273, 62, 8344, 17816, 7220, 62, 3672, 20520, 92, 1174, 4943, 201, 198, 220, 220, 220, 220, 220, 220, 220, 11525, 13, 2860, 62, 3245, 7, 3672, 2625, 5377, 44913, 1600, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1988, 28, 69, 1, 90, 785, 44913, 13, 434, 295, 38362, 12429, 90, 785, 44913, 62, 8344, 17816, 7220, 62, 3672, 20520, 92, 1174, 4943, 201, 198, 220, 220, 220, 220, 220, 220, 220, 11525, 13, 2860, 62, 3245, 7, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1438, 28, 69, 1, 11297, 9241, 14806, 25, 4600, 90, 19290, 62, 10951, 17816, 19290, 62, 4873, 20520, 92, 63, 4, 1600, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1988, 16193, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 277, 1, 464, 9591, 468, 7723, 4600, 90, 19290, 62, 10951, 17816, 5216, 12609, 20520, 92, 63, 3869, 366, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 277, 1, 568, 1290, 428, 3381, 526, 828, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 26098, 28, 25101, 8, 201, 198, 220, 220, 220, 220, 220, 220, 220, 11525, 13, 2617, 62, 9060, 7, 6371, 2625, 5450, 1378, 72, 13, 19791, 13, 785, 14, 34523, 43, 89, 83, 56, 42, 13, 9479, 4943, 201, 198, 201, 198, 220, 220, 220, 220, 220, 220, 220, 25507, 269, 17602, 13, 5546, 7, 20521, 28, 20521, 8, 201, 198, 201, 198, 220, 220, 220, 2488, 9503, 1746, 13, 6649, 1077, 62, 21812, 7, 70, 3547, 62, 2340, 41888, 48194, 16817, 3104, 5332, 3134, 4089, 19, 24309, 12962, 201, 198, 220, 220, 220, 2488, 9503, 1746, 13, 9122, 7, 7376, 4657, 13, 271, 62, 11261, 273, 8, 201, 198, 220, 220, 220, 2488, 1073, 15041, 7, 16, 11, 5946, 2167, 11, 48353, 6030, 13, 7220, 8, 201, 198, 220, 220, 220, 30351, 825, 1687, 7, 944, 11, 269, 17602, 11, 1687, 62, 4873, 1058, 16018, 7, 22468, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6764, 2625, 464, 649, 1687, 2494, 355, 257, 5873, 357, 15, 12, 24, 13, 2079, 42501, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 949, 62, 8367, 28, 15, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3509, 62, 8367, 28, 24, 13, 2079, 8, 2599, 201, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 7248, 262, 1687, 2494, 625, 39026, 5272, 544, 11, 13748, 345, 257, 1402, 5873, 526, 15931, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1687, 62, 4873, 796, 2835, 7, 19290, 62, 4873, 11, 362, 8, 201, 198, 220, 220, 220, 220, 220, 220, 220, 30351, 351, 2116, 13, 13645, 13, 9945, 13, 330, 29782, 3419, 355, 48260, 25, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 25507, 4463, 1817, 13, 2617, 62, 19290, 62, 4873, 7, 37043, 11, 1687, 62, 4873, 11, 269, 17602, 13, 9800, 13, 312, 8, 201, 198, 220, 220, 220, 220, 220, 220, 220, 25507, 269, 17602, 13, 5546, 7203, 1639, 423, 3421, 262, 1687, 2494, 19570, 201, 198, 220, 220, 220, 220, 220, 220, 220, 25507, 2116, 13, 13645, 13, 1236, 8652, 434, 62, 17620, 13, 21280, 7, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 277, 1, 37396, 1391, 49464, 13, 9800, 13, 434, 295, 92, 468, 900, 262, 1687, 2494, 284, 4600, 90, 19290, 62, 4873, 92, 4, 63, 526, 201, 198, 220, 220, 220, 220, 220, 220, 220, 1267, 201, 198, 201, 198, 220, 220, 220, 2488, 9503, 1746, 13, 6649, 1077, 62, 21812, 7, 70, 3547, 62, 2340, 41888, 48194, 16817, 3104, 5332, 3134, 4089, 19, 24309, 12962, 201, 198, 220, 220, 220, 30351, 825, 16771, 7, 944, 11, 269, 17602, 2599, 201, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 6214, 543, 3956, 2894, 82, 1630, 262, 503, 3157, 3006, 286, 262, 3975, 526, 15931, 201, 198, 220, 220, 220, 220, 220, 220, 220, 30351, 351, 2116, 13, 13645, 13, 9945, 13, 330, 29782, 3419, 355, 48260, 25, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 309, 29291, 351, 1989, 290, 262, 19249, 4870, 5396, 9515, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 573, 62, 4868, 796, 685, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 357, 20337, 11, 25507, 5396, 10267, 13, 1136, 62, 353, 799, 652, 62, 36500, 7, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 48260, 11, 1989, 4008, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 329, 1989, 287, 569, 945, 13, 5781, 49, 2043, 1581, 11015, 60, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 11525, 796, 36446, 13, 31567, 276, 7, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3670, 2625, 15156, 799, 1749, 43253, 416, 257, 17987, 1600, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6764, 16193, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 39461, 2894, 82, 287, 1630, 286, 257, 7674, 651, 257, 2026, 4, 7202, 366, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 1462, 11530, 422, 4600, 14, 1818, 63, 287, 326, 7674, 526, 828, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3124, 28, 53, 945, 13, 6242, 43, 8924, 8, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 11525, 13, 2617, 62, 9060, 7, 6371, 2625, 5450, 1378, 72, 13, 19791, 13, 785, 14, 34523, 43, 89, 83, 56, 42, 13, 9479, 4943, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 329, 840, 66, 287, 573, 62, 4868, 25, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2420, 796, 840, 66, 58, 16, 4083, 3672, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 407, 840, 66, 58, 16, 4083, 271, 62, 28920, 25, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2420, 15853, 277, 1, 357, 2389, 25, 4600, 90, 562, 66, 58, 16, 4083, 312, 92, 63, 16725, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 11525, 13, 2860, 62, 3245, 7, 3672, 28, 562, 66, 58, 15, 4357, 1988, 28, 5239, 8, 201, 198, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 25507, 269, 17602, 13, 5546, 7, 20521, 28, 20521, 8, 201, 198, 201 ]
2.108732
1,775
__version__ = '0.7.7' __author__ = 'Jimmy Liu' """ for trading data """ from tushare_trader.stock.trading import (get_hist_data, get_tick_data, get_today_all, get_realtime_quotes, get_h_data, get_today_ticks, get_index, get_hists, get_k_data, get_sina_dd) """ for trading data """ from tushare_trader.stock.fundamental import (get_stock_basics, get_report_data, get_profit_data, get_operation_data, get_growth_data, get_debtpaying_data, get_cashflow_data, get_balance_sheet, get_profit_statement, get_cash_flow) """ for macro data """ from tushare_trader.stock.macro import (get_gdp_year, get_gdp_quarter, get_gdp_for, get_gdp_pull, get_gdp_contrib, get_cpi, get_ppi, get_deposit_rate, get_loan_rate, get_rrr, get_money_supply, get_money_supply_bal, get_gold_and_foreign_reserves) """ for classifying data """ from tushare_trader.stock.classifying import (get_industry_classified, get_concept_classified, get_area_classified, get_gem_classified, get_sme_classified, get_st_classified, get_hs300s, get_sz50s, get_zz500s, get_terminated, get_suspended) """ for macro data """ from tushare_trader.stock.newsevent import (get_latest_news, latest_content, get_notices, notice_content, guba_sina) """ for reference """ from tushare_trader.stock.reference import (profit_data, forecast_data, xsg_data, fund_holdings, new_stocks, sh_margins, sh_margin_details, sz_margins, sz_margin_details, top10_holders) """ for shibor """ from tushare_trader.stock.shibor import (shibor_data, shibor_quote_data, shibor_ma_data, lpr_data, lpr_ma_data) """ for LHB """ from tushare_trader.stock.billboard import (top_list, cap_tops, broker_tops, inst_tops, inst_detail) """ for utils """ from tushare_trader.util.dateu import (trade_cal, is_holiday) """ for DataYes Token """ from tushare_trader.util.upass import (set_token, get_token, get_broker, set_broker, remove_broker) from tushare_trader.datayes.api import * from tushare_trader.internet.boxoffice import (realtime_boxoffice, day_boxoffice, day_cinema, month_boxoffice) """ for fund data """ from tushare_trader.fund.nav import (get_nav_open, get_nav_close, get_nav_grading, get_nav_history, get_fund_info) """ for trader API """ from tushare_trader.trader.trader import TraderAPI """ for futures API """ from tushare_trader.futures.intlfutures import (get_intlfuture) from tushare_trader.stock.globals import (global_realtime) from tushare_trader.util.mailmerge import (MailMerge)
[ 834, 9641, 834, 796, 705, 15, 13, 22, 13, 22, 6, 201, 198, 834, 9800, 834, 796, 705, 40335, 18258, 6, 201, 198, 37811, 201, 198, 1640, 7313, 1366, 201, 198, 37811, 201, 198, 6738, 256, 1530, 533, 62, 2213, 5067, 13, 13578, 13, 2213, 4980, 1330, 357, 1136, 62, 10034, 62, 7890, 11, 651, 62, 42298, 62, 7890, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 651, 62, 40838, 62, 439, 11, 651, 62, 5305, 2435, 62, 421, 6421, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 651, 62, 71, 62, 7890, 11, 651, 62, 40838, 62, 83, 3378, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 651, 62, 9630, 11, 651, 62, 71, 1023, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 651, 62, 74, 62, 7890, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 651, 62, 82, 1437, 62, 1860, 8, 201, 198, 201, 198, 37811, 201, 198, 1640, 7313, 1366, 201, 198, 37811, 201, 198, 6738, 256, 1530, 533, 62, 2213, 5067, 13, 13578, 13, 10990, 6860, 1330, 357, 1136, 62, 13578, 62, 12093, 873, 11, 651, 62, 13116, 62, 7890, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 651, 62, 9183, 62, 7890, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 651, 62, 27184, 62, 7890, 11, 651, 62, 27922, 62, 7890, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 651, 62, 11275, 83, 32629, 62, 7890, 11, 651, 62, 30350, 11125, 62, 7890, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 651, 62, 20427, 62, 21760, 11, 651, 62, 9183, 62, 26090, 11, 651, 62, 30350, 62, 11125, 8, 201, 198, 201, 198, 37811, 201, 198, 1640, 15021, 1366, 201, 198, 37811, 201, 198, 6738, 256, 1530, 533, 62, 2213, 5067, 13, 13578, 13, 20285, 305, 1330, 357, 1136, 62, 21287, 79, 62, 1941, 11, 651, 62, 21287, 79, 62, 24385, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 651, 62, 21287, 79, 62, 1640, 11, 651, 62, 21287, 79, 62, 31216, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 651, 62, 21287, 79, 62, 3642, 822, 11, 651, 62, 13155, 72, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 651, 62, 381, 72, 11, 651, 62, 10378, 7434, 62, 4873, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 651, 62, 5439, 272, 62, 4873, 11, 651, 62, 21062, 81, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 651, 62, 26316, 62, 18608, 306, 11, 651, 62, 26316, 62, 18608, 306, 62, 6893, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 651, 62, 24267, 62, 392, 62, 38823, 62, 411, 11184, 8, 201, 198, 201, 198, 37811, 201, 198, 1640, 1398, 4035, 1366, 201, 198, 37811, 201, 198, 6738, 256, 1530, 533, 62, 2213, 5067, 13, 13578, 13, 4871, 4035, 1330, 357, 1136, 62, 23213, 563, 62, 31691, 11, 651, 62, 43169, 62, 31691, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 651, 62, 20337, 62, 31691, 11, 651, 62, 24090, 62, 31691, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 651, 62, 82, 1326, 62, 31691, 11, 651, 62, 301, 62, 31691, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 651, 62, 11994, 6200, 82, 11, 651, 62, 82, 89, 1120, 82, 11, 651, 62, 3019, 4059, 82, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 651, 62, 23705, 515, 11, 651, 62, 40409, 1631, 8, 201, 198, 201, 198, 37811, 201, 198, 1640, 15021, 1366, 201, 198, 37811, 201, 198, 6738, 256, 1530, 533, 62, 2213, 5067, 13, 13578, 13, 3605, 325, 1151, 1330, 357, 1136, 62, 42861, 62, 10827, 11, 3452, 62, 11299, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 651, 62, 1662, 1063, 11, 4003, 62, 11299, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 308, 22013, 62, 82, 1437, 8, 201, 198, 201, 198, 37811, 201, 198, 1640, 4941, 201, 198, 37811, 201, 198, 6738, 256, 1530, 533, 62, 2213, 5067, 13, 13578, 13, 35790, 1330, 357, 9183, 62, 7890, 11, 11092, 62, 7890, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2124, 45213, 62, 7890, 11, 1814, 62, 2946, 654, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 649, 62, 29522, 11, 427, 62, 30887, 1040, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 427, 62, 36153, 62, 36604, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 264, 89, 62, 30887, 1040, 11, 264, 89, 62, 36153, 62, 36604, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1353, 940, 62, 10476, 8, 201, 198, 201, 198, 37811, 201, 198, 1640, 427, 571, 273, 201, 198, 37811, 201, 198, 6738, 256, 1530, 533, 62, 2213, 5067, 13, 13578, 13, 1477, 571, 273, 1330, 357, 1477, 571, 273, 62, 7890, 11, 427, 571, 273, 62, 22708, 62, 7890, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 427, 571, 273, 62, 2611, 62, 7890, 11, 300, 1050, 62, 7890, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 300, 1050, 62, 2611, 62, 7890, 8, 201, 198, 201, 198, 37811, 201, 198, 1640, 406, 32886, 201, 198, 37811, 201, 198, 6738, 256, 1530, 533, 62, 2213, 5067, 13, 13578, 13, 35546, 3526, 1330, 357, 4852, 62, 4868, 11, 1451, 62, 35011, 11, 20426, 62, 35011, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 916, 62, 35011, 11, 916, 62, 49170, 8, 201, 198, 201, 198, 201, 198, 37811, 201, 198, 1640, 3384, 4487, 201, 198, 37811, 201, 198, 6738, 256, 1530, 533, 62, 2213, 5067, 13, 22602, 13, 4475, 84, 1330, 357, 25351, 62, 9948, 11, 318, 62, 37689, 8, 201, 198, 201, 198, 201, 198, 37811, 201, 198, 1640, 6060, 5297, 29130, 201, 198, 37811, 201, 198, 6738, 256, 1530, 533, 62, 2213, 5067, 13, 22602, 13, 929, 562, 1330, 357, 2617, 62, 30001, 11, 651, 62, 30001, 11, 651, 62, 7957, 6122, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 900, 62, 7957, 6122, 11, 4781, 62, 7957, 6122, 8, 201, 198, 201, 198, 6738, 256, 1530, 533, 62, 2213, 5067, 13, 19608, 323, 274, 13, 15042, 1330, 1635, 201, 198, 201, 198, 6738, 256, 1530, 533, 62, 2213, 5067, 13, 37675, 13, 3524, 31810, 1330, 357, 5305, 2435, 62, 3524, 31810, 11, 1110, 62, 3524, 31810, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1110, 62, 66, 7749, 64, 11, 1227, 62, 3524, 31810, 8, 201, 198, 201, 198, 37811, 201, 198, 1640, 1814, 1366, 201, 198, 37811, 201, 198, 6738, 256, 1530, 533, 62, 2213, 5067, 13, 10990, 13, 28341, 1330, 357, 1136, 62, 28341, 62, 9654, 11, 651, 62, 28341, 62, 19836, 11, 651, 62, 28341, 62, 29247, 11, 201, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 651, 62, 28341, 62, 23569, 11, 651, 62, 10990, 62, 10951, 8, 201, 198, 201, 198, 37811, 201, 198, 1640, 31791, 7824, 201, 198, 37811, 201, 198, 6738, 256, 1530, 533, 62, 2213, 5067, 13, 2213, 5067, 13, 2213, 5067, 1330, 41956, 17614, 201, 198, 201, 198, 201, 198, 37811, 201, 198, 1640, 25650, 7824, 201, 198, 37811, 201, 198, 6738, 256, 1530, 533, 62, 2213, 5067, 13, 69, 315, 942, 13, 600, 1652, 315, 942, 1330, 357, 1136, 62, 600, 1652, 1832, 8, 201, 198, 201, 198, 201, 198, 6738, 256, 1530, 533, 62, 2213, 5067, 13, 13578, 13, 4743, 672, 874, 1330, 357, 20541, 62, 5305, 2435, 8, 201, 198, 201, 198, 201, 198, 6738, 256, 1530, 533, 62, 2213, 5067, 13, 22602, 13, 4529, 647, 469, 1330, 357, 25804, 13102, 469, 8, 201, 198 ]
1.692589
2,186
from django.contrib import admin from django_mptt_admin.admin import DjangoMpttAdmin from menus.models import SystemMenu admin.site.register(SystemMenu, SystemMenuAdmin)
[ 6738, 42625, 14208, 13, 3642, 822, 1330, 13169, 198, 6738, 42625, 14208, 62, 76, 457, 83, 62, 28482, 13, 28482, 1330, 37770, 44, 457, 83, 46787, 198, 6738, 26798, 13, 27530, 1330, 4482, 23381, 628, 198, 28482, 13, 15654, 13, 30238, 7, 11964, 23381, 11, 4482, 23381, 46787, 8, 198 ]
3.44
50
## import requests tmp2='http://pics5.baidu.com/feed/38dbb6fd5266d0164f8e49cdd24aa40234fa3522.jpeg?token=c2cbcc6f929b40eb8881ceb4746c0e8c&s=1994CB1452725B94340248850300F0AB' print(tmp2) r = requests.get(tmp2) with open('tmp.jpg', 'wb') as f: f.write(r.content) ## print("1111111111") print("1111111111") print("1111111111") print("1111111111") print("1111111111") print("1111111111") print("1111111111") print("1111111111") print("1111111111") print("1111111111") print("1111111111") print("1111111111") print("1111111111") print("1111111111") print("1111111111") print("1111111111") ##
[ 2235, 198, 11748, 7007, 198, 22065, 17, 11639, 4023, 1378, 79, 873, 20, 13, 65, 1698, 84, 13, 785, 14, 12363, 14, 2548, 9945, 65, 21, 16344, 20, 25540, 67, 486, 2414, 69, 23, 68, 2920, 66, 1860, 1731, 7252, 1821, 24409, 13331, 2327, 1828, 13, 73, 22071, 30, 30001, 28, 66, 17, 21101, 535, 21, 69, 24, 1959, 65, 1821, 1765, 3459, 6659, 344, 65, 2857, 3510, 66, 15, 68, 23, 66, 5, 82, 28, 22666, 23199, 18781, 1983, 1495, 33, 24, 3559, 1821, 1731, 3459, 1120, 6200, 37, 15, 6242, 6, 198, 4798, 7, 22065, 17, 8, 198, 81, 796, 7007, 13, 1136, 7, 22065, 17, 8, 198, 4480, 1280, 10786, 22065, 13, 9479, 3256, 705, 39346, 11537, 355, 277, 25, 198, 220, 220, 220, 277, 13, 13564, 7, 81, 13, 11299, 8, 198, 2235, 198, 4798, 7203, 26259, 26259, 1157, 4943, 198, 4798, 7203, 26259, 26259, 1157, 4943, 198, 4798, 7203, 26259, 26259, 1157, 4943, 198, 4798, 7203, 26259, 26259, 1157, 4943, 198, 4798, 7203, 26259, 26259, 1157, 4943, 198, 4798, 7203, 26259, 26259, 1157, 4943, 198, 4798, 7203, 26259, 26259, 1157, 4943, 198, 4798, 7203, 26259, 26259, 1157, 4943, 198, 4798, 7203, 26259, 26259, 1157, 4943, 198, 4798, 7203, 26259, 26259, 1157, 4943, 198, 4798, 7203, 26259, 26259, 1157, 4943, 198, 4798, 7203, 26259, 26259, 1157, 4943, 198, 4798, 7203, 26259, 26259, 1157, 4943, 198, 4798, 7203, 26259, 26259, 1157, 4943, 198, 4798, 7203, 26259, 26259, 1157, 4943, 198, 4798, 7203, 26259, 26259, 1157, 4943, 198, 2235, 198 ]
2.345238
252
# -*- coding: utf-8 -*- """ =============================================================================== Copyright (c) 2021 Kouadio K. Laurent Permission is hereby granted, free of charge, to any person obtaining a copy of this software and associated documentation files (the "Software"), to deal in the Software without restriction, including without limitation the rights to use, copy, modify, merge, publish, distribute, sublicense, and/or sell copies of the Software, and to permit persons to whom the Software is furnished to do so, subject to the following conditions: The above copyright notice and this permission notice shall be included in all copies or substantial portions of the Software. THE SOFTWARE IS PROVIDED "AS IS", WITHOUT WARRANTY OF ANY KIND, EXPRESS OR IMPLIED, INCLUDING BUT NOT LIMITED TO THE WARRANTIES OF MERCHANTABILITY, FITNESS FOR A PARTICULAR PURPOSE AND NONINFRINGEMENT. IN NO EVENT SHALL THE AUTHORS OR COPYRIGHT HOLDERS BE LIABLE FOR ANY CLAIM, DAMAGES OR OTHER LIABILITY, WHETHER IN AN ACTION OF CONTRACT, TORT OR OTHERWISE, ARISING FROM, OUT OF OR IN CONNECTION WITH THE SOFTWARE OR THE USE OR OTHER DEALINGS IN THE SOFTWARE. =============================================================================== .. synopsis:: 'watex.utils.wmathandtricks' Module for computing Created on Mon Jun 21 14:43:25 2021 .. _electrical-resistivity-profile::`erp` .. _vertical-electrical-sounding::`ves` .. _station-position::`pk` .._anomaly-boundaries:`anBounds` @author: @Daniel03 """ import os import warnings import numpy as np import pandas as pd from scipy.signal import argrelextrema from scipy.interpolate import interp1d as sp1d from ..utils._watexlog import watexlog from ..utils.decorator import deprecated import watex.utils.exceptions as Wex _logger =watexlog.get_watex_logger(__name__) def compute_lower_anomaly(erp_array, station_position=None, step=None, **kws): """ Function to get the minimum value on the ERP array. If `pk` is provided wil give the index of pk :param erp_array: array of apparent resistivity profile :type erp_array: array_like :param station position: array of station position (survey) , if not given and `step` is known , set the step value and `station_position` will compute automatically :type station_position: array_like :param step: The distance between measurement im meter. If given will recompute the `station_position` :returns: * `bestSelectedDict`: dict containing best anomalies with the anomaly resistivities range. * `anpks`: Main positions of best select anomaly * `collectanlyBounds`: list of arrays of select anomaly values * `min_pks`: list of tuples (pk, minVal of best anomalies points.) :rtype: tuple :Example: >>> from watex.utils.wmathandtricks import compute_lower_anolamy >>> import pandas as pd >>> path_to_= 'data/l10_gbalo.xlsx' >>> dataRes=pd.read_excel(erp_data).to_numpy()[:,-1] >>> anomaly, *_ = compute_lower_anomaly(erp_array=data, step =10) >>> anomaly """ display_infos= kws.pop('diplay_infos', False) # got minumum of erp data collectanlyBounds=[] if step is not None: station_position = np.arange(0, step * len(erp_array), step) min_pks= get_minVal(erp_array) # three min anomaly values # compute new_pjk # find differents anomlies boundaries for ii, (rho, index) in enumerate(min_pks) : _, _, anlyBounds= drawn_anomaly_boundaries(erp_data = erp_array, appRes = rho, index=index) collectanlyBounds.append(anlyBounds) if station_position is None : pks =np.array(['?' for ii in range(len(erp_array))]) else : pks =station_position if pks.dtype in ['int', 'float']: anpks =np.array([pks[skanIndex ] for (_, skanIndex) in min_pks ]) else : anpks ='?' bestSelectedDICT={} for ii, (pk, anb) in enumerate(zip(anpks, collectanlyBounds)): bestSelectedDICT['{0}_pk{1}'.format(ii+1, pk)] = anb if display_infos: print('{0:+^100}'.format( ' *Best Conductive anomaly points (BCPts)* ')) fmtAnText(anFeatures=bestSelectedDICT) return bestSelectedDICT, anpks, collectanlyBounds, min_pks def get_minVal(array): """ Function to find the three minimum values on array and their corresponding indexes :param array: array of values :type array: array_like :returns: Three minimum values of rho, index in rho_array :rtype: tuple """ holdList =[] if not isinstance(array, (list, tuple, np.ndarray)): if isinstance(array, float): array=np.array([array]) else : try : array =np.array([float(array)]) except: raise Wex.WATexError_float('Could not convert %s to float!') try : # first option:find minimals locals values minlocals = argrelextrema(array, np.less)[0] temp_array =np.array([array[int(index)] for index in minlocals]) if len(minlocals) ==0: ix = np.where(array ==array.min()) if len(ix)>1: ix =ix[0] temp_array = array[int(ix)] except : # second option: use archaic computation. temp_array =np.sort(array) else : temp_array= np.sort(temp_array) ss=0 for ii, tem_ar in enumerate(temp_array) : if ss >=3 : holdList=holdList[:3] break min_index = np.where(array==tem_ar)[0] if len(min_index)==1 : holdList.append((array[int(min_index)], int(min_index))) ss +=ii elif len(min_index) > 1 : # loop the index array and find the min for consistency for jj, indx in enumerate(min_index): holdList.append((array[int(indx)], int(indx))) ss =len(holdList) # for consistency keep the 3 best min values if len(holdList)>3 : holdList = holdList[:3] return holdList def drawn_anomaly_boundaries(erp_data, appRes, index): """ Function to drawn anomaly boundary and return the anomaly with its boundaries :param erp_data: erp profile :type erp_data: array_like or list :param appRes: resistivity value of minimum pk anomaly :type appRes: float :param index: index of minimum pk anomaly :type index: int :return: anomaly boundary :rtype: list of array_like """ f = 0 # flag to mention which part must be calculated if index ==0 : f = 1 # compute only right part elif appRes ==erp_data[-1]: f=2 # compute left part def loop_sideBound(term): """ loop side bar from anomaly and find the term side :param term: is array of left or right side of anomaly. :type term: array :return: side bar :type: array_like """ tem_drawn =[] maxT=0 for ii, tem_rho in enumerate(term) : diffRes_betw_2pts= tem_rho - appRes if diffRes_betw_2pts > maxT : maxT = diffRes_betw_2pts tem_drawn.append(tem_rho) elif diffRes_betw_2pts < maxT : # rho_limit = tem_rho break return np.array(tem_drawn) # first broke erp profile from the anomalies if f ==0 or f==2 : left_term = erp_data[:index][::-1] # flip left term for looping # flip again to keep the order left_limit = loop_sideBound(term=left_term)[::-1] if f==0 or f ==1 : right_term= erp_data[index :] right_limit=loop_sideBound(right_term) # concat right and left to get the complete anomaly if f==2: anomalyBounds = np.append(left_limit,appRes) elif f ==1 : anomalyBounds = np.array([appRes]+ right_limit.tolist()) else: left_limit = np.append(left_limit, appRes) anomalyBounds = np.concatenate((left_limit, right_limit)) return appRes, index, anomalyBounds def defineAnomaly(erp_data, station_position=None, pks=None, dipole_length=10., **kwargs): """ Function will select the different anomalies. If pk is not given, the best three anomalies on the survey lines will be computed automatically :param erp_data: Electrical resistivity profiling :type erp_data: array_like :param pks: station positions anomaly boundaries (pk_begin, pk_end) If selected anomalies is more than one, set `pks` into dict where number of anomaly =keys and pks = values :type pks: list or dict :param dipole_length: Distance between two measurements in meters Change the `dipole lengh :type dipole_length: float :param station_position: station position array :type statiion_position: array_like :return: list of anomalies bounds """ selectedPk =kwargs.pop('selectedPk', None) bestSelectedDICT={} if station_position is not None : dipole_length = (station_position.max()- station_position.min())/(len(station_position -1)) if station_position is None : station_position =np.arange(0, dipole_length * len(erp_data), dipole_length) def getBound(pksbounds): """ Get the bound from the given `pks` :param pksbounds: Anomaly boundaries :type pksbounds: list of array_like :returns: * anomBounds- array of appRes values of anomaly :rtype: array_like """ # check if bound is on station positions for spk in pksbounds : if not pksbounds.min() <= spk <= pksbounds.max(): raise Wex.WATexError_AnomalyBounds( 'Bound <{0}> provided is out of range !' 'Dipole length is set to = {1} m.' ' Please set a new bounds.') pkinf = np.where(station_position==pksbounds.min())[0] pksup = np.where(station_position==pksbounds.max())[0] anomBounds = erp_data[int(pkinf):int(pksup)+1] return anomBounds if pks is None : bestSelectedDICT, *_= compute_lower_anomaly( erp_array=erp_data, step=dipole_length, station_position =station_position) elif isinstance(pks, list): pks =np.array(sorted(pks)) collectanlyBounds = getBound(pksbounds= pks) # get the length of selected anomalies and computed the station # location wich composed the bounds (Xbegin and Xend) pkb, *_= find_pk_from_selectedAn( an_res_range=collectanlyBounds, pos=pks, selectedPk=selectedPk) bestSelectedDICT={ '1_{}'.format(pkb):collectanlyBounds} elif isinstance(pks, dict): for ii, (keys, values) in enumerate(pks.items()): if isinstance(values, list): values =np.array(values) collectanlyBounds= getBound(pksbounds=values) pkb, *_= find_pk_from_selectedAn( an_res_range=collectanlyBounds, pos=pks, selectedPk=selectedPk) bestSelectedDICT['{0}_{1}'.format(ii+1, pkb)]=collectanlyBounds return bestSelectedDICT def find_pk_from_selectedAn(an_res_range, pos=None, selectedPk=None): """ Function to select the main :ref:`pk` from both :ref:`anBounds`. :paran an_res_range: anomaly resistivity range on :ref:`erp` line. :type an_res_range: array_like :param pos: position of anomaly boundaries (inf and sup): anBounds = [90, 130] - 130 is max boundary and 90 the min boundary :type pos: list :param selectedPk: User can set its own position of the right anomaly. Be sure that the value provided is right position . Could not compute again provided that `pos` is not `None`. :return: anomaly station position. :rtype: str 'pk{position}' :Example: >>> from watex.utils.wmathandtricks import find_pk_from_selectedAn >>> resan = np.array([168,130, 93,146,145]) >>> pk= find_pk_from_selectedAn( ... resan, pos=[90, 13], selectedPk= 'str20') >>> pk """ #compute dipole length from pos if pos is not None : if isinstance(pos, list): pos =np.array(pos) if pos is None and selectedPk is None : raise Wex.WATexError_parameter_number( 'Give at least the anomaly boundaries' ' before computing the selected anomaly position.') if selectedPk is not None : # mean is given if isinstance(selectedPk, str): if selectedPk.isdigit() : sPk= int(selectedPk) elif selectedPk.isalnum(): oss = ''.join([s for s in selectedPk if s.isdigit()]) sPk =int(oss) else : try : sPk = int(selectedPk) except : pass if pos is not None : # then compare the sPk and ps value try : if not pos.min()<= sPk<=pos.max(): warnings.warn('Wrong position given <{}>.' ' Should compute new positions.'. format(selectedPk)) _logger.debug('Wrong position given <{}>.' 'Should compute new positions.'. format(selectedPk)) except UnboundLocalError: print("local variable 'sPk' referenced before assignment") else : return 'pk{}'.format(sPk ), an_res_range else : selectedPk='pk{}'.format(sPk ) return selectedPk , an_res_range if isinstance(pos, list): pos =np.array(pos) if isinstance(an_res_range, list): an_res_range =np.array(an_res_range) dipole_length = (pos.max()-pos.min())/(len(an_res_range)-1) tem_loc = np.arange(pos.min(), pos.max()+dipole_length, dipole_length) # find min value of collected anomalies values locmin = np.where (an_res_range==an_res_range.min())[0] if len(locmin) >1 : locmin =locmin[0] pk_= int(tem_loc[int(locmin)]) # find the min pk selectedPk='pk{}'.format(pk_) return selectedPk , an_res_range def fmtAnText(anFeatures=None, title=['Ranking', 'rho(Ω.m)', 'position pk(m)', 'rho range(Ω.m)'], **kwargs) : """ Function format text from anomaly features :param anFeatures: Anomaly features :type anFeatures: list or dict :param title: head lines :type title: list :Example: >>> from watex.utils.wmathandtricks import fmtAnText >>> fmtAnText(anFeatures =[1,130, 93,(146,145, 125)]) """ inline =kwargs.pop('inline', '-') mlabel =kwargs.pop('mlabels', 100) line = inline * int(mlabel) #--------------------header ---------------------------------------- print(line) tem_head ='|'.join(['{:^15}'.format(i) for i in title[:-1]]) tem_head +='|{:^45}'.format(title[-1]) print(tem_head) print(line) #-----------------------end header---------------------------------- newF =[] if isinstance(anFeatures, dict): for keys, items in anFeatures.items(): rrpos=keys.replace('_pk', '') rank=rrpos[0] pos =rrpos[1:] newF.append([rank, min(items), pos, items]) elif isinstance(anFeatures, list): newF =[anFeatures] for anFeatures in newF: strfeatures ='|'.join(['{:^15}'.format(str(i)) \ for i in anFeatures[:-1]]) try : iter(anFeatures[-1]) except : strfeatures +='|{:^45}'.format(str(anFeatures[-1])) else : strfeatures += '|{:^45}'.format( ''.join(['{} '.format(str(i)) for i in anFeatures[-1]])) print(strfeatures) print(line) def select_anomaly ( rhoa_array, pos_array=None, auto=True, dipole_length =10., **kws ) : """ Select the anomaly value from `rhoa_array` and find its boundaries if ``auto` is set to ``True``. If `auto` is ``False``, it's usefull to provide the anomaly boundaries from station position. Change the argument `dipole_length` i.e. the distance between measurement electrode is not equal to ``10``m else give the `pos_array`. If the `pos_array` is given, the `dipole_length` will be recomputed. :note: If the `auto` param is ``True``, the automatic computation will give at most three best animalies ranking according to the resitivity value. :param rhoa_array: The apparent resistivity value of :ref:`erp` :type rho_array: array_like :param pos_array: The array of station position in meters :type pos_array: array_like :param auto: Automaticaly of manual computation to select the best anomaly point. Be sure if `auto` is set to ``False`` to provide the anomaly boundary by setting `pos_bounds` : pos_bounds=(90, 130) where :math:`90` is the `pk_min` and :math:`130` is the `pk_max` If `pos_bounds` is not given an station error will probably occurs from :class:`~utils.exceptions.WATexError_station`. :param dipole_length: Is the distance between two closest measurement. If the value is known it's better to provide it and don't need to provied a `pos_array` value. :type dipole_length: float :param pos_bounds: Is the tuple value of anomaly boundaries composed of `pk_min` and `pk_max`. Please refer to :doc:`compute_power`. When provided the `pos_bounds` value, please set `the dipole_length` to accurate the computation of :func:`compute_power`. :return: - *rhoa*: The app. resistivity value of the selected anomaly - `pk_min` and the `pk_max`: refer to :doc:`compute_power`. - `rhoa_max` and `rhoa_min`: refer to :doc:`compute_magnitude` - """ pos_bounds =kws.pop("pos_bounds", (None, None)) anom_pos = kws.pop('pos_anomaly', None) display_infos =kws.pop('display', False) if auto is False : if None in pos_bounds or pos_bounds is None : raise Wex.WATexError_site('One position is missed' 'Plase provided it!') pos_bounds = np.array(pos_bounds) pos_min, pos_max = pos_bounds.min(), pos_bounds.max() # get the res from array dl_station_loc = np.arange(0, dipole_length * len(rhoa_array), dipole_length) # then select rho range ind_pk_min = int(np.where(dl_station_loc==pos_min)[0]) ind_pk_max = int(np.where(dl_station_loc==pos_max)[0]) rhoa_range = rhoa_array [ind_pk_min:ind_pk_max +1] pk, res= find_pk_from_selectedAn(an_res_range=rhoa_range, pos=pos_bounds, selectedPk= anom_pos) pk = int(pk.replace('pk', '')) rhoa = rhoa_array[int(np.where(dl_station_loc == pk )[0])] rhoa_min = rhoa_array[int(np.where(dl_station_loc == pos_min )[0])] rhoa_max = rhoa_array[int(np.where(dl_station_loc == pos_max)[0])] rhoa_bounds = (rhoa_min, rhoa_max) return {'1_pk{}'.format(pk): (pk, rhoa, pos_bounds, rhoa_bounds, res)} if auto: bestSelectedDICT, anpks, \ collectanlyBounds, min_pks = compute_lower_anomaly( erp_array= rhoa_array, station_position= pos_array, step= dipole_length, display_infos=display_infos ) return {key: find_pkfeatures (anom_infos= bestSelectedDICT, anom_rank= ii+1, pks_rhoa_index=min_pks, dl=dipole_length) for ii, (key , rho_r) in enumerate(bestSelectedDICT.items()) } def find_pkfeatures (anom_infos, anom_rank, pks_rhoa_index, dl): """ Get the pk bound from ranking of computed best points :param anom_infos: Is a dictionnary of best anomaly points computed from :func:`compute_lower_anomaly` when `pk_bounds` is not given. see :doc:`compute_lower_anomaly` :param anom_rank: Automatic ranking after selecting best points :param pk_rhoa_index: Is tuple of selected anomaly resistivity value and index in the whole :ref:`erp` line. for instance: pks_rhoa_index= (80., 17) where "80" is the value of selected anomaly in ohm.m and "17" is the index of selected points in the :ref:`erp` array. :param dl: Is the distance between two measurement as `dipole_length`. Provide the `dl` if the *default* value is not right. :returns: see :doc:`select_anomaly` """ rank_code = '{}_pk'.format(anom_rank) for key in anom_infos.keys(): if rank_code in key: pk = float(key.replace(rank_code, '')) rhoa = list(pks_rhoa_index[anom_rank-1])[0] codec = key break ind_rhoa =np.where(anom_infos[codec] ==rhoa)[0] if len(ind_rhoa) ==0 : ind_rhoa =0 leninf = len(anom_infos[codec][: int(ind_rhoa)]) pk_min = pk - leninf * dl lensup =len(anom_infos[codec][ int(ind_rhoa):]) pk_max = pk + (lensup -1) * dl pos_bounds = (pk_min, pk_max) rhoa_bounds = (anom_infos[codec][0], anom_infos[codec][-1]) return pk, rhoa, pos_bounds, rhoa_bounds, anom_infos[codec] def find_pkBounds( pk , rhoa, rhoa_range, dl=10.): """ Find station position boundary indexed in :ref:`erp` line. Usefull to get the boundaries indexes `pk_boun_indexes` for :ref:`erp` normalisation when computing `anr` or else. :param pk: Selected anomaly station value :type pk: float :param rhoa: Selected anomaly value in ohm.m :type rhoa: float :rhoa_range: Selected anomaly values from `pk_min` to `pk_max` :rhoa_range: array_like :parm dl: see :doc:`find_pkfeatures` :Example: >>> from from watex.utils.wmathandtricks import find_pkBounds >>> find_pkBounds(pk=110, rhoa=137, rhoa_range=np.array([175,132,137,139,170])) """ if isinstance(pk, str): pk = float(pk.replace(pk[0], '').replace('_pk', '')) index_rhoa = np.where(rhoa_range ==rhoa)[0] if len(index_rhoa) ==0 : index_rhoa =0 leftlen = len(rhoa_range[: int(index_rhoa)]) rightlen = len(rhoa_range[int(index_rhoa):]) pk_min = pk - leftlen * dl pk_max = pk + (rightlen -1) * dl return pk_min, pk_max def wrap_infos (phrase , value ='', underline ='-', unit ='', site_number= '', **kws) : """Display info from anomaly details.""" repeat =kws.pop('repeat', 77) intermediate =kws.pop('inter+', '') begin_phrase_mark= kws.pop('begin_phrase', '--|>') on = kws.pop('on', False) if not on: return '' else : print(underline * repeat) print('{0} {1:<50}'.format(begin_phrase_mark, phrase), '{0:<10} {1}'.format(value, unit), '{0}'.format(intermediate), "{}".format(site_number)) print(underline * repeat ) def drawn_anomaly_boundaries2(erp_data, appRes, index): """ Function to drawn anomaly boundary and return the anomaly with its boundaries :param erp_data: erp profile :type erp_data: array_like or list :param appRes: resistivity value of minimum pk anomaly :type appRes: float :param index: index of minimum pk anomaly :type index: int :return: anomaly boundary :rtype: list of array_like """ f = 0 # flag to mention which part must be calculated if index ==0 : f = 1 # compute only right part elif appRes ==erp_data[-1]: f=2 # compute left part def loop_sideBound(term): """ loop side bar from anomaly and find the term side :param term: is array of left or right side of anomaly. :type trem: array :return: side bar :type: array_like """ tem_drawn =[] maxT=0 for ii, tem_rho in enumerate(term) : diffRes_betw_2pts= tem_rho - appRes if diffRes_betw_2pts > maxT : maxT = diffRes_betw_2pts tem_drawn.append(tem_rho) elif diffRes_betw_2pts < maxT : # rho_limit = tem_rho break # print(tem_drawn) return np.array(tem_drawn) # first broke erp profile from the anomalies if f==2 : # compute the left part # flip array and start backward counting temp_erp_data = erp_data [::-1] sbeg = appRes # initialize value for ii, valan in enumerate(temp_erp_data): if valan >= sbeg: sbeg = valan elif valan < sbeg: left_term = erp_data[ii:] break left_term = erp_data[:index][::-1] # flip left term for looping # flip again to keep the order left_limit = loop_sideBound(term=left_term)[::-1] if f==0 or f ==1 : right_term= erp_data[index :] right_limit=loop_sideBound(right_term) # concat right and left to get the complete anomaly if f==2: anomalyBounds = np.append(left_limit,appRes) elif f ==1 : anomalyBounds = np.array([[appRes]+ right_limit.tolist()]) else: left_limit = np.append(left_limit, appRes) anomalyBounds = np.concatenate((left_limit, right_limit)) return appRes, index, anomalyBounds def getdfAndFindAnomalyBoundaries(df): """ Define anomaly boundary `upper bound` and `lowerbound` from :ref:`ves` location. :param df: Dataframe pandas contained the columns 'pk', 'x', 'y', 'rho', 'dl'. returns: - `autoOption` triggered the automatic Option if nothing is specified into excelsheet. - `ves_loc`: Sounding curve location at pk - `posMinMax`: Anomaly boundaries composed of ``lower`` and ``upper`` bounds. Specific names can be used to define lower and upper bounds:: `lower`: 'lower', 'inf', 'min', 'min', '1' or 'low' `upper`: 'upper', 'sup', 'maj', 'max', '2, or 'up' To define the sounding location, can use:: `ves`:'ves', 'se', 'sond','vs', 'loc', '0' or 'dl' """ shape_=[ 'V','W', 'U', 'H', 'M', 'C', 'K' ] type__= ['EC', 'NC', 'CP', 'CB2P'] # - ``EC`` for Extensive conductive. # - ``NC`` for narrow conductive. # - ``CP`` for conductive PLANE # - ``CB2P`` for contact between two planes. shape =None type_ =None def recoverShapeOrTypefromSheet(listOfAddedArray, param): """ Loop the array and get whether an anomaly shape name is provided :param listOfAddedArray: all Added array values except 'pk', 'x', 'y', 'rho' are composed of list of addedArray. :param param: Can be main description of different `shape_` of `type__` :returns: - `shape` : 'V','W', 'U', 'H', 'M', 'C' or 'K' from sheet or `type` : 'EC', 'NC', 'CP', 'CB2P' - listOfAddedArray : list of added array """ param_ =None for jj, colarray in enumerate(listOfAddedArray[::-1]): tem_=[str(ss).upper().strip() for ss in list(colarray)] for ix , elem in enumerate(tem_): for param_elm in param: if elem ==param_elm : # retrieves the shape and replace by np.nan value listOfAddedArray[::-1][jj][ix]=np.nan return param_elm , listOfAddedArray return param_, listOfAddedArray def mergeToOne(listOfColumns, _df): """ Get data from other columns annd merge into one array :param listOfColumns: Columns names :param _df: dataframe to retrieve data to one """ new_array = np.full((_df.shape[0],), np.nan) listOfColumnData = [ _df[name].to_numpy() for name in listOfColumns ] # loop from backward so we keep the most important to the first row # close the main df that composed `pk`,`x`, `y`, and `rho`. # find the shape shape, listOfColumnData = recoverShapeOrTypefromSheet(listOfColumnData, param =shape_) type_, listOfColumnData = recoverShapeOrTypefromSheet(listOfColumnData, param =type__) for colarray in listOfColumnData[::-1]: for ix , val in enumerate(colarray): try: if not np.isnan(val) : new_array[ix]=val except :pass return shape , type_, new_array def retrieve_ix_val(array): """ Retrieve value and index and build `posMinMax boundaries :param array: array of main colum contains the anomaly definitions or a souding curve location like :: sloc = [NaN, 'low', NaN, NaN, NaN, 'ves', NaN, NaN, 'up', NaN, NaN, NaN] `low`, `ves` and `up` are the lower boundary, the electric sounding and the upper boundary of the selected anomaly respectively. For instance, if dipole_length is =`10`m, t he location (`pk`) of `low`, `ves` and `up` are 10, 50 and 80 m respectively. `posMinMax` =(10, 80) """ lower_ix =None upper_ix =None ves_ix = None array= array.reshape((array.shape[0],) ) for ix, val in enumerate(array): for low, up, vloc in zip( ['lower', 'inf', 'min', 'min', '1', 'low'], ['upper', 'sup', 'maj', 'max', '2', 'up'], ['ves', 'se', 'sond','vs', 'loc', '0', 'dl'] ): try : floatNaNor123= np.float(val) except: if val.lower().find(low)>=0: lower_ix = ix break elif val.lower().find(up) >=0: upper_ix = ix break elif val.lower().find(vloc)>=0: ves_ix = ix break else : if floatNaNor123 ==1: lower_ix = ix break elif floatNaNor123 ==2: upper_ix = ix break elif floatNaNor123 ==0: ves_ix = ix break return lower_ix, ves_ix, upper_ix # set pandas so to consider np.inf as NaN number. pd.options.mode.use_inf_as_na = True # unecesseray to specify the colum of sounding location. # dl =['drill', 'dl', 'loc', 'dh', 'choi'] _autoOption=False # set automatic to False one posMinMax # not found as well asthe anomaly location `ves`. posMinMax =None #get df columns from the 4-iem index for sl in ['pk', 'sta', 'loc']: for val in df.columns: if val.lower()==sl: pk_series = df[val].to_numpy() break listOfAddedColumns= df.iloc[:, 4:].columns if len(listOfAddedColumns) ==0: return True, shape, type_, None, posMinMax, df df_= df.iloc[:, 4:] # check whether all remains dataframe values are `NaN` values if len(list(df_.columns[df_.isna().all()])) == len(listOfAddedColumns): # If yes , trigger the auto option return True, shape, type_, None, posMinMax, df.iloc[:, :4] # get the colum name with any nan values sloc_column=list(df_.columns[df_.isna().any()]) # if column contains one np.nan, the sloc colum is found sloc_values = df_[sloc_column].to_numpy() if len(sloc_column)>1 : # # get the value from single array shape , type_, sloc_values = mergeToOne(sloc_column, df_) lower_ix, ves_ix ,upper_ix = retrieve_ix_val(sloc_values) # if `lower` and `upper` bounds are not found then start or end limits of # selected anomaly from the position(pk) of the sounding curve. if lower_ix is None : lower_ix =ves_ix if upper_ix is None: upper_ix = ves_ix if (lower_ix and upper_ix ) is None: posMinMax =None if posMinMax is None and ves_ix is None: _autoOption =True else : posMinMax =(pk_series[lower_ix], pk_series[upper_ix] ) if ves_ix is None: ves_loc=None else : ves_loc = pk_series[ves_ix] return _autoOption, shape, type_, ves_loc , posMinMax, df.iloc[:, :4] @deprecated('Deprecated function to `:func:`watex.core.erp.get_type`' ' more efficient using median and index computation. It will ' 'probably deprecate soon for neural network pattern recognition.') def get_type (erp_array, posMinMax, pk, pos_array, dl): """ Find anomaly type from app. resistivity values and positions locations :param erp_array: App.resistivty values of all `erp` lines :type erp_array: array_like :param posMinMax: Selected anomaly positions from startpoint and endpoint :type posMinMax: list or tuple or nd.array(1,2) :param pk: Position of selected anomaly in meters :type pk: float or int :param pos_array: Stations locations or measurements positions :type pos_array: array_like :param dl: Distance between two receiver electrodes measurement. The same as dipole length in meters. :returns: - ``EC`` for Extensive conductive. - ``NC`` for narrow conductive. - ``CP`` for conductive plane - ``CB2P`` for contact between two planes. :Example: >>> from watex.core.erp import get_type >>> x = [60, 61, 62, 63, 68, 65, 80, 90, 100, 80, 100, 80] >>> pos= np.arange(0, len(x)*10, 10) >>> ano_type= get_type(erp_array= np.array(x), ... posMinMax=(10,90), pk=50, pos_array=pos, dl=10) >>> ano_type ...CB2P """ # Get position index anom_type ='CP' index_pos = int(np.where(pos_array ==pk)[0]) # if erp_array [:index_pos +1].mean() < np.median(erp_array) or\ # erp_array[index_pos:].mean() < np.median(erp_array) : # anom_type ='CB2P' if erp_array [:index_pos+1].mean() < np.median(erp_array) and \ erp_array[index_pos:].mean() < np.median(erp_array) : anom_type ='CB2P' elif erp_array [:index_pos +1].mean() >= np.median(erp_array) and \ erp_array[index_pos:].mean() >= np.median(erp_array) : if dl <= (max(posMinMax)- min(posMinMax)) <= 5* dl: anom_type = 'NC' elif (max(posMinMax)- min(posMinMax))> 5 *dl: anom_type = 'EC' return anom_type if __name__=='__main__': path = 'data/erp/l10_gbalo.xlsx' # ztepogovogo_0 path= r'F:\repositories\watex\data\Bag.main&rawds\ert_copy\nt\b1_5.xlsx' path = 'data/erp/test_anomaly.xlsx' data = pd.read_excel(path).to_numpy()[:, -1] df = pd.read_excel(path) # autotrig, shape ,type_, indexanom , posMinMax, newdf = getdfAndFindAnomalyBoundaries(df) # print(autotrig, shape,type_, indexanom , posMinMax, newdf)
[ 2, 532, 9, 12, 19617, 25, 3384, 69, 12, 23, 532, 9, 12, 198, 37811, 198, 23926, 25609, 18604, 198, 15269, 357, 66, 8, 33448, 30559, 324, 952, 509, 13, 39734, 198, 198, 5990, 3411, 318, 29376, 7520, 11, 1479, 286, 3877, 11, 284, 597, 1048, 16727, 257, 4866, 198, 1659, 428, 3788, 290, 3917, 10314, 3696, 357, 1169, 366, 25423, 12340, 284, 1730, 198, 259, 262, 10442, 1231, 17504, 11, 1390, 1231, 17385, 262, 2489, 198, 1462, 779, 11, 4866, 11, 13096, 11, 20121, 11, 7715, 11, 14983, 11, 850, 43085, 11, 290, 14, 273, 3677, 198, 22163, 444, 286, 262, 10442, 11, 290, 284, 8749, 6506, 284, 4150, 262, 10442, 318, 198, 69, 700, 1348, 284, 466, 523, 11, 2426, 284, 262, 1708, 3403, 25, 198, 198, 464, 2029, 6634, 4003, 290, 428, 7170, 4003, 2236, 307, 3017, 287, 477, 198, 22163, 444, 393, 8904, 16690, 286, 262, 10442, 13, 198, 198, 10970, 47466, 3180, 36592, 2389, 1961, 366, 1921, 3180, 1600, 42881, 34764, 56, 3963, 15529, 509, 12115, 11, 7788, 32761, 6375, 198, 3955, 49094, 11, 47783, 2751, 21728, 5626, 40880, 5390, 3336, 34764, 11015, 3963, 34482, 3398, 1565, 5603, 25382, 11, 198, 37, 46144, 7473, 317, 16652, 2149, 37232, 33079, 48933, 5357, 44521, 1268, 10913, 2751, 12529, 13, 3268, 8005, 49261, 50163, 3336, 198, 32, 24318, 20673, 6375, 27975, 38162, 9947, 367, 15173, 4877, 9348, 43031, 19146, 7473, 15529, 47666, 3955, 11, 29506, 25552, 6375, 25401, 198, 43, 3539, 25382, 11, 7655, 2767, 16879, 3268, 3537, 40282, 3963, 27342, 10659, 11, 309, 9863, 6375, 25401, 54, 24352, 11, 5923, 1797, 2751, 16034, 11, 198, 12425, 3963, 6375, 3268, 7102, 45, 24565, 13315, 3336, 47466, 6375, 3336, 23210, 6375, 25401, 5550, 1847, 20754, 3268, 3336, 198, 15821, 37485, 13, 198, 23926, 25609, 18604, 198, 198, 492, 48830, 3712, 705, 86, 378, 87, 13, 26791, 13, 86, 11018, 392, 83, 23706, 6, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 19937, 329, 14492, 198, 198, 41972, 319, 2892, 7653, 2310, 1478, 25, 3559, 25, 1495, 33448, 198, 198, 492, 4808, 9509, 8143, 12, 35119, 3458, 12, 13317, 3712, 63, 263, 79, 63, 198, 198, 492, 4808, 1851, 605, 12, 9509, 8143, 12, 39686, 3712, 63, 1158, 63, 198, 198, 492, 4808, 17529, 12, 9150, 3712, 63, 79, 74, 63, 198, 198, 492, 62, 272, 24335, 12, 7784, 3166, 25, 63, 272, 33, 3733, 63, 198, 198, 31, 9800, 25, 2488, 19962, 3070, 198, 198, 37811, 198, 198, 11748, 28686, 220, 198, 11748, 14601, 198, 11748, 299, 32152, 355, 45941, 220, 198, 11748, 19798, 292, 355, 279, 67, 198, 6738, 629, 541, 88, 13, 12683, 282, 1330, 1822, 260, 293, 742, 260, 2611, 220, 198, 6738, 629, 541, 88, 13, 3849, 16104, 378, 1330, 987, 79, 16, 67, 355, 599, 16, 67, 198, 198, 6738, 11485, 26791, 13557, 86, 378, 87, 6404, 1330, 266, 378, 87, 6404, 220, 198, 6738, 11485, 26791, 13, 12501, 273, 1352, 1330, 39224, 220, 220, 198, 11748, 266, 378, 87, 13, 26791, 13, 1069, 11755, 355, 775, 87, 198, 62, 6404, 1362, 796, 86, 378, 87, 6404, 13, 1136, 62, 86, 378, 87, 62, 6404, 1362, 7, 834, 3672, 834, 8, 628, 198, 198, 4299, 24061, 62, 21037, 62, 272, 24335, 7, 263, 79, 62, 18747, 11, 4429, 62, 9150, 28, 14202, 11, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2239, 28, 14202, 11, 12429, 74, 18504, 2599, 220, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 15553, 284, 651, 262, 5288, 1988, 319, 262, 13793, 47, 7177, 13, 220, 198, 220, 220, 220, 1002, 4600, 79, 74, 63, 318, 2810, 39716, 1577, 262, 6376, 286, 279, 74, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 17143, 1931, 79, 62, 18747, 25, 7177, 286, 4156, 4180, 3458, 7034, 220, 198, 220, 220, 220, 1058, 4906, 1931, 79, 62, 18747, 25, 7177, 62, 2339, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 17143, 4429, 2292, 25, 7177, 286, 4429, 2292, 357, 11793, 3304, 8, 837, 611, 407, 1813, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 290, 4600, 9662, 63, 318, 1900, 837, 900, 262, 2239, 1988, 290, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4600, 17529, 62, 9150, 63, 481, 24061, 6338, 220, 198, 220, 220, 220, 1058, 4906, 4429, 62, 9150, 25, 7177, 62, 2339, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 17143, 2239, 25, 383, 5253, 1022, 15558, 545, 16430, 13, 1002, 1813, 481, 220, 198, 220, 220, 220, 220, 220, 220, 220, 48765, 1133, 262, 4600, 17529, 62, 9150, 63, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 7783, 82, 25, 1635, 4600, 13466, 4653, 12609, 35, 713, 63, 25, 8633, 7268, 1266, 35907, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 351, 262, 32172, 4180, 28720, 2837, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1635, 4600, 272, 79, 591, 63, 25, 8774, 6116, 286, 1266, 2922, 32172, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1635, 4600, 33327, 272, 306, 33, 3733, 63, 25, 1351, 286, 26515, 286, 2922, 32172, 3815, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1635, 4600, 1084, 62, 79, 591, 63, 25, 1351, 286, 12777, 2374, 357, 79, 74, 11, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 949, 7762, 286, 1266, 35907, 2173, 2014, 198, 220, 220, 220, 1058, 81, 4906, 25, 46545, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 16281, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 13163, 422, 266, 378, 87, 13, 26791, 13, 86, 11018, 392, 83, 23706, 1330, 24061, 62, 21037, 62, 22012, 14814, 220, 198, 220, 220, 220, 220, 220, 220, 220, 13163, 1330, 19798, 292, 355, 279, 67, 220, 198, 220, 220, 220, 220, 220, 220, 220, 13163, 3108, 62, 1462, 62, 28, 705, 7890, 14, 75, 940, 62, 70, 6893, 78, 13, 87, 7278, 87, 6, 198, 220, 220, 220, 220, 220, 220, 220, 13163, 1366, 4965, 28, 30094, 13, 961, 62, 1069, 5276, 7, 263, 79, 62, 7890, 737, 1462, 62, 77, 32152, 3419, 58, 25, 12095, 16, 60, 198, 220, 220, 220, 220, 220, 220, 220, 13163, 32172, 11, 1635, 62, 796, 220, 24061, 62, 21037, 62, 272, 24335, 7, 263, 79, 62, 18747, 28, 7890, 11, 2239, 796, 940, 8, 198, 220, 220, 220, 220, 220, 220, 220, 13163, 32172, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 3359, 62, 10745, 418, 28, 479, 18504, 13, 12924, 10786, 10989, 1759, 62, 10745, 418, 3256, 10352, 8, 198, 220, 220, 220, 1303, 1392, 949, 388, 388, 286, 1931, 79, 1366, 220, 198, 220, 220, 220, 2824, 272, 306, 33, 3733, 28, 21737, 198, 220, 220, 220, 611, 2239, 318, 407, 6045, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 4429, 62, 9150, 796, 45941, 13, 283, 858, 7, 15, 11, 2239, 1635, 18896, 7, 263, 79, 62, 18747, 828, 2239, 8, 628, 220, 220, 220, 949, 62, 79, 591, 28, 651, 62, 1084, 7762, 7, 263, 79, 62, 18747, 8, 1303, 1115, 949, 32172, 3815, 220, 628, 220, 220, 220, 1303, 24061, 649, 62, 79, 73, 74, 220, 198, 220, 220, 220, 1303, 1064, 1180, 82, 281, 296, 13508, 13215, 220, 198, 220, 220, 220, 329, 21065, 11, 357, 81, 8873, 11, 6376, 8, 287, 27056, 378, 7, 1084, 62, 79, 591, 8, 1058, 198, 220, 220, 220, 220, 220, 220, 220, 4808, 11, 4808, 11, 281, 306, 33, 3733, 28, 7428, 62, 272, 24335, 62, 7784, 3166, 7, 263, 79, 62, 7890, 796, 1931, 79, 62, 18747, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 598, 4965, 796, 374, 8873, 11, 6376, 28, 9630, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 2824, 272, 306, 33, 3733, 13, 33295, 7, 272, 306, 33, 3733, 8, 628, 220, 220, 220, 611, 4429, 62, 9150, 318, 6045, 1058, 198, 220, 220, 220, 220, 220, 220, 220, 279, 591, 796, 37659, 13, 18747, 7, 17816, 8348, 329, 21065, 287, 2837, 7, 11925, 7, 263, 79, 62, 18747, 4008, 12962, 198, 220, 220, 220, 2073, 1058, 279, 591, 796, 17529, 62, 9150, 628, 220, 220, 220, 611, 279, 591, 13, 67, 4906, 287, 37250, 600, 3256, 705, 22468, 6, 5974, 220, 198, 220, 220, 220, 220, 220, 220, 220, 281, 79, 591, 796, 37659, 13, 18747, 26933, 79, 591, 58, 8135, 272, 15732, 2361, 329, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 44104, 11, 1341, 272, 15732, 8, 287, 949, 62, 79, 591, 33761, 198, 220, 220, 220, 2073, 1058, 281, 79, 591, 796, 6, 8348, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1266, 4653, 12609, 35, 18379, 34758, 92, 198, 220, 220, 220, 329, 21065, 11, 357, 79, 74, 11, 281, 65, 8, 287, 27056, 378, 7, 13344, 7, 272, 79, 591, 11, 2824, 272, 306, 33, 3733, 8, 2599, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1266, 4653, 12609, 35, 18379, 17816, 90, 15, 92, 62, 79, 74, 90, 16, 92, 4458, 18982, 7, 4178, 10, 16, 11, 279, 74, 15437, 796, 281, 65, 198, 220, 220, 220, 220, 198, 220, 220, 220, 611, 3359, 62, 10745, 418, 25, 198, 220, 220, 220, 220, 220, 220, 220, 3601, 10786, 90, 15, 25, 10, 61, 3064, 92, 4458, 18982, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 1635, 13014, 28579, 425, 32172, 2173, 357, 2749, 47, 912, 27493, 705, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 46996, 2025, 8206, 7, 272, 23595, 28, 13466, 4653, 12609, 35, 18379, 8, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1441, 1266, 4653, 12609, 35, 18379, 11, 281, 79, 591, 11, 2824, 272, 306, 33, 3733, 11, 949, 62, 79, 591, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 198, 4299, 651, 62, 1084, 7762, 7, 18747, 2599, 220, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 15553, 284, 1064, 262, 1115, 5288, 3815, 319, 7177, 290, 511, 220, 198, 220, 220, 220, 11188, 39199, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 17143, 7177, 25, 7177, 220, 286, 3815, 220, 198, 220, 220, 220, 1058, 4906, 7177, 25, 7177, 62, 2339, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 7783, 82, 25, 7683, 5288, 3815, 286, 374, 8873, 11, 6376, 287, 374, 8873, 62, 18747, 198, 220, 220, 220, 1058, 81, 4906, 25, 46545, 198, 220, 220, 220, 220, 198, 220, 220, 220, 37227, 628, 220, 220, 220, 1745, 8053, 796, 21737, 198, 220, 220, 220, 611, 407, 318, 39098, 7, 18747, 11, 357, 4868, 11, 46545, 11, 45941, 13, 358, 18747, 8, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 611, 318, 39098, 7, 18747, 11, 12178, 2599, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 7177, 28, 37659, 13, 18747, 26933, 18747, 12962, 198, 220, 220, 220, 220, 220, 220, 220, 2073, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1949, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 7177, 796, 37659, 13, 18747, 26933, 22468, 7, 18747, 8, 12962, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2845, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5298, 775, 87, 13, 54, 1404, 1069, 12331, 62, 22468, 10786, 23722, 407, 10385, 4064, 82, 284, 12178, 0, 11537, 198, 220, 220, 220, 1949, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 717, 3038, 25, 19796, 10356, 874, 17205, 3815, 220, 198, 220, 220, 220, 220, 220, 220, 220, 949, 17946, 874, 796, 1822, 260, 293, 742, 260, 2611, 7, 18747, 11, 45941, 13, 1203, 38381, 15, 60, 198, 220, 220, 220, 220, 220, 220, 220, 20218, 62, 18747, 796, 37659, 13, 18747, 26933, 18747, 58, 600, 7, 9630, 15437, 329, 6376, 287, 949, 17946, 874, 12962, 198, 220, 220, 220, 220, 220, 220, 220, 611, 18896, 7, 1084, 17946, 874, 8, 6624, 15, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 844, 796, 45941, 13, 3003, 7, 18747, 6624, 18747, 13, 1084, 28955, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 18896, 7, 844, 8, 29, 16, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 844, 796, 844, 58, 15, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 20218, 62, 18747, 796, 7177, 58, 600, 7, 844, 15437, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 2845, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 1218, 3038, 25, 779, 40435, 29964, 13, 198, 220, 220, 220, 220, 220, 220, 220, 20218, 62, 18747, 796, 37659, 13, 30619, 7, 18747, 8, 198, 220, 220, 220, 2073, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 20218, 62, 18747, 28, 45941, 13, 30619, 7, 29510, 62, 18747, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 37786, 28, 15, 628, 220, 220, 220, 329, 21065, 11, 2169, 62, 283, 287, 27056, 378, 7, 29510, 62, 18747, 8, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 611, 37786, 18189, 18, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1745, 8053, 28, 2946, 8053, 58, 25, 18, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2270, 220, 198, 220, 220, 220, 220, 220, 220, 220, 949, 62, 9630, 796, 45941, 13, 3003, 7, 18747, 855, 11498, 62, 283, 38381, 15, 60, 198, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 611, 18896, 7, 1084, 62, 9630, 8, 855, 16, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1745, 8053, 13, 33295, 19510, 18747, 58, 600, 7, 1084, 62, 9630, 8, 4357, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 493, 7, 1084, 62, 9630, 22305, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 37786, 15853, 4178, 198, 220, 220, 220, 220, 220, 220, 220, 1288, 361, 18896, 7, 1084, 62, 9630, 8, 1875, 352, 1058, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 9052, 262, 6376, 7177, 290, 1064, 262, 949, 329, 15794, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 329, 474, 73, 11, 773, 87, 287, 27056, 378, 7, 1084, 62, 9630, 2599, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1745, 8053, 13, 33295, 19510, 18747, 58, 600, 7, 521, 87, 8, 4357, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 493, 7, 521, 87, 22305, 198, 220, 220, 220, 220, 220, 220, 220, 37786, 796, 11925, 7, 2946, 8053, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 1303, 329, 15794, 1394, 262, 513, 1266, 949, 3815, 220, 198, 220, 220, 220, 611, 18896, 7, 2946, 8053, 8, 29, 18, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1745, 8053, 796, 1745, 8053, 58, 25, 18, 60, 628, 220, 220, 220, 1441, 1745, 8053, 220, 198, 198, 4299, 7428, 62, 272, 24335, 62, 7784, 3166, 7, 263, 79, 62, 7890, 11, 598, 4965, 11, 6376, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 15553, 284, 7428, 32172, 18645, 220, 198, 220, 220, 220, 290, 1441, 262, 32172, 351, 663, 13215, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 17143, 1931, 79, 62, 7890, 25, 1931, 79, 7034, 220, 198, 220, 220, 220, 1058, 4906, 1931, 79, 62, 7890, 25, 7177, 62, 2339, 393, 1351, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 17143, 598, 4965, 25, 4180, 3458, 1988, 286, 5288, 279, 74, 32172, 220, 198, 220, 220, 220, 1058, 4906, 598, 4965, 25, 12178, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 17143, 6376, 25, 6376, 286, 5288, 279, 74, 32172, 220, 198, 220, 220, 220, 1058, 4906, 6376, 25, 493, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 7783, 25, 32172, 18645, 220, 198, 220, 220, 220, 1058, 81, 4906, 25, 1351, 286, 7177, 62, 2339, 220, 628, 220, 220, 220, 37227, 198, 220, 220, 220, 277, 796, 657, 1303, 6056, 284, 3068, 543, 636, 1276, 307, 10488, 220, 198, 220, 220, 220, 611, 6376, 6624, 15, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 277, 796, 352, 1303, 24061, 691, 826, 636, 220, 198, 220, 220, 220, 1288, 361, 598, 4965, 6624, 263, 79, 62, 7890, 58, 12, 16, 5974, 220, 198, 220, 220, 220, 220, 220, 220, 220, 277, 28, 17, 1303, 24061, 1364, 636, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 825, 9052, 62, 1589, 49646, 7, 4354, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 9052, 1735, 2318, 422, 32172, 290, 1064, 262, 3381, 1735, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 3381, 25, 318, 7177, 286, 1364, 393, 826, 1735, 286, 32172, 13, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 4906, 3381, 25, 7177, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 7783, 25, 1735, 2318, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 4906, 25, 7177, 62, 2339, 220, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 2169, 62, 41549, 796, 21737, 198, 220, 220, 220, 220, 220, 220, 220, 3509, 51, 28, 15, 220, 628, 220, 220, 220, 220, 220, 220, 220, 329, 21065, 11, 2169, 62, 81, 8873, 287, 27056, 378, 7, 4354, 8, 1058, 220, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 814, 4965, 62, 11181, 86, 62, 17, 457, 82, 28, 2169, 62, 81, 8873, 532, 598, 4965, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 814, 4965, 62, 11181, 86, 62, 17, 457, 82, 1875, 3509, 51, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3509, 51, 796, 814, 4965, 62, 11181, 86, 62, 17, 457, 82, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2169, 62, 41549, 13, 33295, 7, 11498, 62, 81, 8873, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1288, 361, 814, 4965, 62, 11181, 86, 62, 17, 457, 82, 1279, 3509, 51, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 374, 8873, 62, 32374, 796, 2169, 62, 81, 8873, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2270, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 45941, 13, 18747, 7, 11498, 62, 41549, 8, 198, 220, 220, 220, 1303, 717, 6265, 1931, 79, 7034, 422, 262, 35907, 220, 198, 220, 220, 220, 611, 277, 6624, 15, 393, 277, 855, 17, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1364, 62, 4354, 796, 1931, 79, 62, 7890, 58, 25, 9630, 7131, 3712, 12, 16, 60, 1303, 14283, 1364, 3381, 220, 329, 9052, 278, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 14283, 757, 284, 1394, 262, 1502, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1364, 62, 32374, 796, 9052, 62, 1589, 49646, 7, 4354, 28, 9464, 62, 4354, 38381, 3712, 12, 16, 60, 220, 628, 220, 220, 220, 611, 277, 855, 15, 393, 277, 6624, 16, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 826, 62, 4354, 28, 1931, 79, 62, 7890, 58, 9630, 1058, 60, 198, 220, 220, 220, 220, 220, 220, 220, 826, 62, 32374, 28, 26268, 62, 1589, 49646, 7, 3506, 62, 4354, 8, 198, 220, 220, 220, 1303, 1673, 265, 826, 290, 1364, 284, 651, 262, 1844, 32172, 220, 198, 220, 220, 220, 611, 277, 855, 17, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 32172, 33, 3733, 796, 45941, 13, 33295, 7, 9464, 62, 32374, 11, 1324, 4965, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 1288, 361, 277, 6624, 16, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 32172, 33, 3733, 796, 45941, 13, 18747, 26933, 1324, 4965, 48688, 826, 62, 32374, 13, 83, 349, 396, 28955, 198, 220, 220, 220, 2073, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1364, 62, 32374, 796, 45941, 13, 33295, 7, 9464, 62, 32374, 11, 598, 4965, 8, 198, 220, 220, 220, 220, 220, 220, 220, 32172, 33, 3733, 796, 45941, 13, 1102, 9246, 268, 378, 19510, 9464, 62, 32374, 11, 826, 62, 32374, 4008, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1441, 598, 4965, 11, 6376, 11, 32172, 33, 3733, 220, 198, 198, 4299, 8160, 2025, 24335, 7, 263, 79, 62, 7890, 11, 4429, 62, 9150, 28, 14202, 11, 279, 591, 28, 14202, 11, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 19550, 2305, 62, 13664, 28, 940, 1539, 12429, 46265, 22046, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 15553, 481, 2922, 262, 1180, 35907, 13, 1002, 279, 74, 318, 407, 1813, 11, 220, 198, 220, 220, 220, 262, 1266, 1115, 35907, 319, 262, 5526, 3951, 481, 307, 198, 220, 220, 220, 29231, 6338, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 17143, 1931, 79, 62, 7890, 25, 40224, 4180, 3458, 31582, 220, 198, 220, 220, 220, 1058, 4906, 1931, 79, 62, 7890, 25, 7177, 62, 2339, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 17143, 279, 591, 25, 4429, 6116, 32172, 13215, 357, 79, 74, 62, 27471, 11, 279, 74, 62, 437, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1002, 6163, 35907, 318, 517, 621, 530, 11, 900, 4600, 79, 591, 63, 656, 8633, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 810, 1271, 286, 32172, 796, 13083, 290, 279, 591, 796, 3815, 220, 198, 220, 220, 220, 1058, 4906, 279, 591, 25, 1351, 393, 8633, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 17143, 19550, 2305, 62, 13664, 25, 34600, 1022, 734, 13871, 287, 10700, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 9794, 262, 4600, 67, 541, 2305, 18896, 456, 198, 220, 220, 220, 1058, 4906, 19550, 2305, 62, 13664, 25, 12178, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 17143, 4429, 62, 9150, 25, 4429, 2292, 7177, 220, 198, 220, 220, 220, 1058, 4906, 1185, 72, 295, 62, 9150, 25, 7177, 62, 2339, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 7783, 25, 1351, 286, 35907, 22303, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 6163, 47, 74, 796, 46265, 22046, 13, 12924, 10786, 34213, 47, 74, 3256, 6045, 8, 198, 220, 220, 220, 1266, 4653, 12609, 35, 18379, 34758, 92, 198, 220, 220, 220, 611, 4429, 62, 9150, 318, 407, 6045, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 19550, 2305, 62, 13664, 796, 357, 17529, 62, 9150, 13, 9806, 3419, 12, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4429, 62, 9150, 13, 1084, 3419, 20679, 7, 11925, 7, 17529, 62, 9150, 532, 16, 4008, 198, 220, 220, 220, 611, 4429, 62, 9150, 318, 6045, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 4429, 62, 9150, 796, 37659, 13, 283, 858, 7, 15, 11, 19550, 2305, 62, 13664, 1635, 18896, 7, 263, 79, 62, 7890, 828, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 19550, 2305, 62, 13664, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 198, 220, 220, 220, 825, 651, 49646, 7, 79, 591, 65, 3733, 2599, 220, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 3497, 262, 5421, 422, 262, 1813, 4600, 79, 591, 63, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 279, 591, 65, 3733, 25, 1052, 24335, 13215, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 4906, 279, 591, 65, 3733, 25, 1351, 286, 7177, 62, 2339, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 7783, 82, 25, 1635, 281, 296, 33, 3733, 12, 7177, 286, 598, 4965, 3815, 286, 32172, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 81, 4906, 25, 7177, 62, 2339, 220, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 2198, 611, 5421, 318, 319, 4429, 6116, 198, 220, 220, 220, 220, 220, 220, 220, 329, 599, 74, 287, 279, 591, 65, 3733, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 407, 279, 591, 65, 3733, 13, 1084, 3419, 19841, 599, 74, 19841, 279, 591, 65, 3733, 13, 9806, 33529, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5298, 775, 87, 13, 54, 1404, 1069, 12331, 62, 2025, 24335, 33, 3733, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 49646, 1279, 90, 15, 92, 29, 2810, 318, 503, 286, 2837, 5145, 6, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 35, 541, 2305, 4129, 318, 900, 284, 796, 1391, 16, 92, 285, 2637, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 4222, 900, 257, 649, 22303, 2637, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 279, 5116, 69, 796, 45941, 13, 3003, 7, 17529, 62, 9150, 855, 79, 591, 65, 3733, 13, 1084, 28955, 58, 15, 60, 198, 220, 220, 220, 220, 220, 220, 220, 279, 591, 929, 796, 45941, 13, 3003, 7, 17529, 62, 9150, 855, 79, 591, 65, 3733, 13, 9806, 28955, 58, 15, 60, 198, 220, 220, 220, 220, 220, 220, 220, 281, 296, 33, 3733, 796, 1931, 79, 62, 7890, 58, 600, 7, 79, 5116, 69, 2599, 600, 7, 79, 591, 929, 47762, 16, 60, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 281, 296, 33, 3733, 198, 220, 220, 220, 220, 198, 220, 220, 220, 611, 279, 591, 318, 6045, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1266, 4653, 12609, 35, 18379, 11, 1635, 62, 28, 24061, 62, 21037, 62, 272, 24335, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1931, 79, 62, 18747, 28, 263, 79, 62, 7890, 11, 2239, 28, 67, 541, 2305, 62, 13664, 11, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4429, 62, 9150, 796, 17529, 62, 9150, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 1288, 361, 318, 39098, 7, 79, 591, 11, 1351, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 279, 591, 796, 37659, 13, 18747, 7, 82, 9741, 7, 79, 591, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 2824, 272, 306, 33, 3733, 796, 651, 49646, 7, 79, 591, 65, 3733, 28, 279, 591, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 651, 262, 4129, 286, 6163, 35907, 290, 29231, 262, 4429, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 4067, 266, 488, 13160, 262, 22303, 357, 55, 27471, 290, 1395, 437, 8, 198, 220, 220, 220, 220, 220, 220, 220, 279, 32812, 11, 1635, 62, 28, 1064, 62, 79, 74, 62, 6738, 62, 34213, 2025, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 281, 62, 411, 62, 9521, 28, 33327, 272, 306, 33, 3733, 11, 1426, 28, 79, 591, 11, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6163, 47, 74, 28, 34213, 47, 74, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1266, 4653, 12609, 35, 18379, 34758, 705, 16, 23330, 92, 4458, 18982, 7, 79, 32812, 2599, 33327, 272, 306, 33, 3733, 92, 628, 220, 220, 220, 1288, 361, 318, 39098, 7, 79, 591, 11, 8633, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 329, 21065, 11, 357, 13083, 11, 3815, 8, 287, 27056, 378, 7, 79, 591, 13, 23814, 3419, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 318, 39098, 7, 27160, 11, 1351, 2599, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3815, 796, 37659, 13, 18747, 7, 27160, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2824, 272, 306, 33, 3733, 28, 220, 651, 49646, 7, 79, 591, 65, 3733, 28, 27160, 8, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 279, 32812, 11, 1635, 62, 28, 1064, 62, 79, 74, 62, 6738, 62, 34213, 2025, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 281, 62, 411, 62, 9521, 28, 33327, 272, 306, 33, 3733, 11, 1426, 28, 79, 591, 11, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6163, 47, 74, 28, 34213, 47, 74, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1266, 4653, 12609, 35, 18379, 17816, 90, 15, 92, 23330, 16, 92, 4458, 18982, 7, 4178, 10, 16, 11, 279, 32812, 15437, 28, 33327, 272, 306, 33, 3733, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 1441, 1266, 4653, 12609, 35, 18379, 198, 220, 220, 220, 220, 220, 220, 220, 198, 4299, 1064, 62, 79, 74, 62, 6738, 62, 34213, 2025, 7, 272, 62, 411, 62, 9521, 11, 220, 1426, 28, 14202, 11, 6163, 47, 74, 28, 14202, 2599, 220, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 15553, 284, 2922, 262, 1388, 1058, 5420, 25, 63, 79, 74, 63, 422, 1111, 1058, 5420, 25, 63, 272, 33, 3733, 44646, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 1845, 272, 281, 62, 411, 62, 9521, 25, 32172, 4180, 3458, 2837, 319, 1058, 5420, 25, 63, 263, 79, 63, 1627, 13, 220, 198, 220, 220, 220, 1058, 4906, 281, 62, 411, 62, 9521, 25, 7177, 62, 2339, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 17143, 1426, 25, 2292, 286, 32172, 13215, 357, 10745, 290, 7418, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 281, 33, 3733, 796, 685, 3829, 11, 11323, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 532, 11323, 318, 3509, 18645, 290, 4101, 262, 220, 949, 18645, 220, 198, 220, 220, 220, 1058, 4906, 1426, 25, 1351, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 17143, 6163, 47, 74, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 11787, 460, 900, 663, 898, 2292, 286, 262, 826, 32172, 13, 1355, 1654, 326, 220, 198, 220, 220, 220, 220, 220, 220, 220, 262, 1988, 2810, 318, 826, 2292, 764, 220, 198, 220, 220, 220, 220, 220, 220, 220, 10347, 407, 24061, 757, 2810, 326, 4600, 1930, 63, 198, 220, 220, 220, 220, 220, 220, 220, 318, 407, 4600, 14202, 44646, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 7783, 25, 32172, 4429, 2292, 13, 220, 198, 220, 220, 220, 1058, 81, 4906, 25, 965, 705, 79, 74, 90, 9150, 92, 6, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 16281, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 13163, 422, 266, 378, 87, 13, 26791, 13, 86, 11018, 392, 83, 23706, 1330, 1064, 62, 79, 74, 62, 6738, 62, 34213, 2025, 198, 220, 220, 220, 220, 220, 220, 220, 13163, 581, 272, 796, 45941, 13, 18747, 26933, 14656, 11, 12952, 11, 10261, 11, 20964, 11, 18781, 12962, 198, 220, 220, 220, 220, 220, 220, 220, 13163, 279, 74, 28, 1064, 62, 79, 74, 62, 6738, 62, 34213, 2025, 7, 198, 220, 220, 220, 220, 220, 220, 220, 2644, 220, 220, 220, 581, 272, 11, 1426, 41888, 3829, 11, 1511, 4357, 6163, 47, 74, 28, 705, 2536, 1238, 11537, 198, 220, 220, 220, 220, 220, 220, 220, 13163, 279, 74, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 1303, 5589, 1133, 19550, 2305, 4129, 422, 1426, 198, 220, 220, 220, 611, 1426, 318, 407, 6045, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 611, 318, 39098, 7, 1930, 11, 1351, 2599, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1426, 796, 37659, 13, 18747, 7, 1930, 8, 198, 220, 220, 220, 611, 1426, 318, 6045, 290, 6163, 47, 74, 318, 6045, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 5298, 775, 87, 13, 54, 1404, 1069, 12331, 62, 17143, 2357, 62, 17618, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 23318, 379, 1551, 262, 32172, 13215, 6, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 878, 14492, 262, 6163, 32172, 2292, 2637, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 611, 6163, 47, 74, 318, 407, 6045, 1058, 220, 1303, 1612, 318, 1813, 198, 220, 220, 220, 220, 220, 220, 220, 611, 318, 39098, 7, 34213, 47, 74, 11, 965, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 6163, 47, 74, 13, 9409, 328, 270, 3419, 1058, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 264, 47, 74, 28, 493, 7, 34213, 47, 74, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1288, 361, 6163, 47, 74, 13, 28456, 22510, 33529, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 267, 824, 796, 705, 4458, 22179, 26933, 82, 329, 264, 287, 6163, 47, 74, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 264, 13, 9409, 328, 270, 3419, 12962, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 264, 47, 74, 796, 600, 7, 793, 8, 198, 220, 220, 220, 220, 220, 220, 220, 2073, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1949, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 264, 47, 74, 796, 493, 7, 34213, 47, 74, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2845, 1058, 1208, 220, 628, 220, 220, 220, 220, 220, 220, 220, 611, 1426, 318, 407, 6045, 1058, 1303, 788, 8996, 262, 264, 47, 74, 290, 26692, 1988, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1949, 1058, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 407, 1426, 13, 1084, 3419, 27, 28, 264, 47, 74, 27, 28, 1930, 13, 9806, 33529, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 14601, 13, 40539, 10786, 39213, 506, 2292, 1813, 1279, 90, 92, 29, 2637, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 10358, 24061, 649, 6116, 2637, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5794, 7, 34213, 47, 74, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4808, 6404, 1362, 13, 24442, 10786, 39213, 506, 2292, 1813, 1279, 90, 92, 29, 2637, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 19926, 24061, 649, 6116, 2637, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5794, 7, 34213, 47, 74, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2845, 791, 7784, 14565, 12331, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3601, 7203, 12001, 7885, 705, 82, 47, 74, 6, 20717, 878, 16237, 4943, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2073, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1441, 705, 79, 74, 90, 92, 4458, 18982, 7, 82, 47, 74, 10612, 281, 62, 411, 62, 9521, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 2073, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6163, 47, 74, 11639, 79, 74, 90, 92, 4458, 18982, 7, 82, 47, 74, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1441, 6163, 47, 74, 837, 281, 62, 411, 62, 9521, 198, 220, 220, 220, 220, 628, 220, 220, 220, 611, 318, 39098, 7, 1930, 11, 1351, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 1426, 796, 37659, 13, 18747, 7, 1930, 8, 220, 220, 198, 220, 220, 220, 611, 318, 39098, 7, 272, 62, 411, 62, 9521, 11, 1351, 2599, 220, 198, 220, 220, 220, 220, 220, 220, 220, 281, 62, 411, 62, 9521, 796, 37659, 13, 18747, 7, 272, 62, 411, 62, 9521, 8, 198, 220, 220, 220, 19550, 2305, 62, 13664, 796, 357, 1930, 13, 9806, 3419, 12, 1930, 13, 1084, 3419, 20679, 7, 11925, 7, 272, 62, 411, 62, 9521, 13219, 16, 8, 628, 220, 220, 220, 2169, 62, 17946, 796, 45941, 13, 283, 858, 7, 1930, 13, 1084, 22784, 1426, 13, 9806, 3419, 10, 67, 541, 2305, 62, 13664, 11, 19550, 2305, 62, 13664, 8, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1303, 1064, 949, 1988, 286, 220, 7723, 35907, 3815, 220, 198, 220, 220, 220, 1179, 1084, 796, 45941, 13, 3003, 357, 272, 62, 411, 62, 9521, 855, 272, 62, 411, 62, 9521, 13, 1084, 28955, 58, 15, 60, 198, 220, 220, 220, 611, 18896, 7, 17946, 1084, 8, 1875, 16, 1058, 1179, 1084, 796, 17946, 1084, 58, 15, 60, 198, 220, 220, 220, 279, 74, 62, 28, 493, 7, 11498, 62, 17946, 58, 600, 7, 17946, 1084, 8, 12962, 1303, 1064, 262, 949, 279, 74, 220, 628, 220, 220, 220, 6163, 47, 74, 11639, 79, 74, 90, 92, 4458, 18982, 7, 79, 74, 62, 8, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1441, 6163, 47, 74, 837, 281, 62, 411, 62, 9521, 198, 220, 198, 4299, 46996, 2025, 8206, 7, 272, 23595, 28, 14202, 11, 3670, 28, 17816, 49, 15230, 3256, 705, 81, 8873, 7, 138, 102, 13, 76, 8, 3256, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 9150, 279, 74, 7, 76, 8, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 81, 8873, 2837, 7, 138, 102, 13, 76, 33047, 4357, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 12429, 46265, 22046, 8, 1058, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 15553, 5794, 2420, 422, 32172, 3033, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 17143, 281, 23595, 25, 1052, 24335, 3033, 220, 198, 220, 220, 220, 1058, 4906, 281, 23595, 25, 1351, 393, 8633, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 17143, 3670, 25, 1182, 3951, 220, 198, 220, 220, 220, 1058, 4906, 3670, 25, 1351, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 16281, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 13163, 422, 266, 378, 87, 13, 26791, 13, 86, 11018, 392, 83, 23706, 1330, 46996, 2025, 8206, 198, 220, 220, 220, 220, 220, 220, 220, 13163, 46996, 2025, 8206, 7, 272, 23595, 796, 58, 16, 11, 12952, 11, 10261, 11, 7, 20964, 11, 18781, 11, 13151, 8, 12962, 198, 220, 220, 220, 220, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 26098, 796, 46265, 22046, 13, 12924, 10786, 45145, 3256, 705, 12, 11537, 198, 220, 220, 220, 285, 18242, 796, 46265, 22046, 13, 12924, 10786, 4029, 397, 1424, 3256, 1802, 8, 198, 220, 220, 220, 1627, 796, 26098, 1635, 493, 7, 4029, 9608, 8, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1303, 19351, 25677, 20368, 982, 198, 220, 220, 220, 3601, 7, 1370, 8, 198, 220, 220, 220, 2169, 62, 2256, 796, 6, 91, 4458, 22179, 7, 17816, 90, 25, 61, 1314, 92, 4458, 18982, 7, 72, 8, 329, 1312, 287, 3670, 58, 21912, 16, 11907, 8, 198, 220, 220, 220, 2169, 62, 2256, 1343, 11639, 91, 90, 25, 61, 2231, 92, 4458, 18982, 7, 7839, 58, 12, 16, 12962, 198, 220, 220, 220, 3601, 7, 11498, 62, 2256, 8, 198, 220, 220, 220, 3601, 7, 1370, 8, 198, 220, 220, 220, 1303, 19351, 6329, 437, 13639, 3880, 438, 198, 220, 220, 220, 649, 37, 796, 21737, 198, 220, 220, 220, 611, 318, 39098, 7, 272, 23595, 11, 8633, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 329, 8251, 11, 3709, 287, 281, 23595, 13, 23814, 33529, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 374, 81, 1930, 28, 13083, 13, 33491, 10786, 62, 79, 74, 3256, 10148, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4279, 28, 21062, 1930, 58, 15, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1426, 796, 21062, 1930, 58, 16, 47715, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 649, 37, 13, 33295, 26933, 43027, 11, 949, 7, 23814, 828, 1426, 11, 3709, 12962, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 1288, 361, 318, 39098, 7, 272, 23595, 11, 1351, 2599, 220, 198, 220, 220, 220, 220, 220, 220, 220, 649, 37, 796, 58, 272, 23595, 60, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 329, 281, 23595, 287, 649, 37, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 965, 40890, 796, 6, 91, 4458, 22179, 7, 17816, 90, 25, 61, 1314, 92, 4458, 18982, 7, 2536, 7, 72, 4008, 3467, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 329, 1312, 287, 281, 23595, 58, 21912, 16, 11907, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1949, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 11629, 7, 272, 23595, 58, 12, 16, 12962, 198, 220, 220, 220, 220, 220, 220, 220, 2845, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 965, 40890, 1343, 11639, 91, 90, 25, 61, 2231, 92, 4458, 18982, 7, 2536, 7, 272, 23595, 58, 12, 16, 60, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 2073, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 965, 40890, 15853, 705, 91, 90, 25, 61, 2231, 92, 4458, 18982, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 4458, 22179, 7, 17816, 90, 92, 45302, 18982, 7, 2536, 7, 72, 4008, 329, 1312, 287, 281, 23595, 58, 12, 16, 11907, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 3601, 7, 2536, 40890, 8, 198, 220, 220, 220, 220, 220, 220, 220, 3601, 7, 1370, 8, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 4299, 2922, 62, 272, 24335, 357, 374, 8873, 64, 62, 18747, 11, 1426, 62, 18747, 28, 14202, 11, 8295, 28, 17821, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 19550, 2305, 62, 13664, 796, 940, 1539, 12429, 74, 18504, 1267, 1058, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 9683, 262, 32172, 1988, 422, 4600, 81, 8873, 64, 62, 18747, 63, 290, 1064, 663, 13215, 611, 220, 198, 220, 220, 220, 7559, 23736, 63, 318, 900, 284, 7559, 17821, 15506, 13, 1002, 4600, 23736, 63, 318, 7559, 25101, 15506, 11, 340, 338, 779, 12853, 284, 220, 198, 220, 220, 220, 2148, 262, 32172, 13215, 422, 4429, 2292, 13, 9794, 220, 262, 4578, 220, 198, 220, 220, 220, 4600, 67, 541, 2305, 62, 13664, 63, 220, 1312, 13, 68, 13, 262, 5253, 1022, 15558, 46203, 318, 407, 198, 220, 220, 220, 220, 4961, 284, 7559, 940, 15506, 76, 2073, 1577, 262, 4600, 1930, 62, 18747, 44646, 1002, 262, 4600, 1930, 62, 18747, 63, 318, 1813, 11, 198, 220, 220, 220, 220, 262, 4600, 67, 541, 2305, 62, 13664, 63, 481, 307, 664, 296, 17128, 13, 198, 220, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 11295, 25, 220, 1002, 262, 4600, 23736, 63, 5772, 318, 7559, 17821, 15506, 11, 262, 11353, 29964, 481, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1577, 379, 749, 1115, 1266, 5044, 444, 12759, 1864, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 284, 262, 581, 11365, 1988, 13, 220, 198, 220, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 17143, 374, 8873, 64, 62, 18747, 25, 383, 4156, 4180, 3458, 1988, 286, 1058, 5420, 25, 63, 263, 79, 63, 220, 198, 220, 220, 220, 1058, 4906, 374, 8873, 62, 18747, 25, 7177, 62, 2339, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 17143, 1426, 62, 18747, 25, 383, 7177, 286, 4429, 2292, 287, 10700, 220, 198, 220, 220, 220, 1058, 4906, 1426, 62, 18747, 25, 7177, 62, 2339, 220, 198, 220, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 17143, 8295, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 17406, 39056, 88, 286, 10107, 29964, 284, 2922, 262, 1266, 32172, 966, 13, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1355, 1654, 611, 4600, 23736, 63, 318, 900, 284, 7559, 25101, 15506, 284, 2148, 262, 32172, 18645, 198, 220, 220, 220, 220, 220, 220, 220, 416, 4634, 4600, 1930, 62, 65, 3733, 63, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1426, 62, 65, 3733, 16193, 3829, 11, 11323, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 810, 1058, 11018, 25, 63, 3829, 63, 318, 262, 4600, 79, 74, 62, 1084, 63, 290, 1058, 11018, 25, 63, 12952, 63, 318, 262, 4600, 79, 74, 62, 9806, 63, 220, 198, 220, 220, 220, 220, 220, 220, 1002, 4600, 1930, 62, 65, 3733, 63, 318, 407, 1813, 281, 4429, 4049, 481, 2192, 8833, 220, 198, 220, 220, 220, 220, 220, 220, 422, 1058, 4871, 25, 63, 93, 26791, 13, 1069, 11755, 13, 54, 1404, 1069, 12331, 62, 17529, 44646, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 17143, 19550, 2305, 62, 13664, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1148, 262, 5253, 1022, 734, 11706, 15558, 13, 1002, 262, 1988, 318, 1900, 220, 198, 220, 220, 220, 220, 220, 220, 220, 340, 338, 1365, 284, 2148, 340, 290, 836, 470, 761, 284, 899, 798, 257, 4600, 1930, 62, 18747, 63, 198, 220, 220, 220, 220, 220, 220, 220, 1988, 13, 220, 198, 220, 220, 220, 1058, 4906, 19550, 2305, 62, 13664, 25, 12178, 220, 628, 220, 220, 220, 1058, 17143, 1426, 62, 65, 3733, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1148, 262, 46545, 1988, 286, 32172, 13215, 220, 13160, 286, 4600, 79, 74, 62, 1084, 63, 290, 220, 198, 220, 220, 220, 220, 220, 220, 220, 4600, 79, 74, 62, 9806, 44646, 4222, 3522, 284, 1058, 15390, 25, 63, 5589, 1133, 62, 6477, 44646, 1649, 2810, 220, 198, 220, 220, 220, 220, 220, 220, 220, 262, 4600, 1930, 62, 65, 3733, 63, 1988, 11, 3387, 900, 4600, 1169, 19550, 2305, 62, 13664, 63, 284, 7187, 220, 198, 220, 220, 220, 220, 220, 220, 220, 262, 29964, 286, 1058, 20786, 25, 63, 5589, 1133, 62, 6477, 44646, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 7783, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 532, 1635, 81, 8873, 64, 47026, 383, 598, 13, 4180, 3458, 1988, 286, 262, 6163, 32172, 220, 198, 220, 220, 220, 220, 220, 220, 220, 532, 4600, 79, 74, 62, 1084, 63, 290, 262, 4600, 79, 74, 62, 9806, 63, 25, 3522, 284, 1058, 15390, 25, 63, 5589, 1133, 62, 6477, 44646, 220, 198, 220, 220, 220, 220, 220, 220, 220, 532, 4600, 81, 8873, 64, 62, 9806, 63, 290, 4600, 81, 8873, 64, 62, 1084, 63, 25, 3522, 284, 1058, 15390, 25, 63, 5589, 1133, 62, 76, 4660, 3984, 63, 198, 220, 220, 220, 220, 220, 220, 220, 532, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1426, 62, 65, 3733, 796, 74, 18504, 13, 12924, 7203, 1930, 62, 65, 3733, 1600, 357, 14202, 11, 6045, 4008, 198, 220, 220, 220, 281, 296, 62, 1930, 796, 479, 18504, 13, 12924, 10786, 1930, 62, 272, 24335, 3256, 6045, 8, 198, 220, 220, 220, 3359, 62, 10745, 418, 796, 74, 18504, 13, 12924, 10786, 13812, 3256, 10352, 8, 198, 220, 220, 220, 220, 198, 220, 220, 220, 611, 8295, 318, 10352, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 611, 6045, 287, 1426, 62, 65, 3733, 220, 393, 1426, 62, 65, 3733, 318, 6045, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5298, 775, 87, 13, 54, 1404, 1069, 12331, 62, 15654, 10786, 3198, 2292, 318, 6825, 6, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 3646, 589, 2810, 340, 0, 11537, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1426, 62, 65, 3733, 796, 45941, 13, 18747, 7, 1930, 62, 65, 3733, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1426, 62, 1084, 11, 1426, 62, 9806, 220, 796, 1426, 62, 65, 3733, 13, 1084, 22784, 1426, 62, 65, 3733, 13, 9806, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 651, 262, 581, 422, 7177, 220, 198, 220, 220, 220, 220, 220, 220, 220, 288, 75, 62, 17529, 62, 17946, 796, 45941, 13, 283, 858, 7, 15, 11, 19550, 2305, 62, 13664, 1635, 18896, 7, 81, 8873, 64, 62, 18747, 828, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 19550, 2305, 62, 13664, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 788, 2922, 374, 8873, 2837, 220, 198, 220, 220, 220, 220, 220, 220, 220, 773, 62, 79, 74, 62, 1084, 796, 493, 7, 37659, 13, 3003, 7, 25404, 62, 17529, 62, 17946, 855, 1930, 62, 1084, 38381, 15, 12962, 198, 220, 220, 220, 220, 220, 220, 220, 773, 62, 79, 74, 62, 9806, 796, 493, 7, 37659, 13, 3003, 7, 25404, 62, 17529, 62, 17946, 855, 1930, 62, 9806, 38381, 15, 12962, 220, 198, 220, 220, 220, 220, 220, 220, 220, 374, 8873, 64, 62, 9521, 796, 374, 8873, 64, 62, 18747, 685, 521, 62, 79, 74, 62, 1084, 25, 521, 62, 79, 74, 62, 9806, 1343, 16, 60, 198, 220, 220, 220, 220, 220, 220, 220, 279, 74, 11, 581, 28, 1064, 62, 79, 74, 62, 6738, 62, 34213, 2025, 7, 272, 62, 411, 62, 9521, 28, 81, 8873, 64, 62, 9521, 11, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1426, 28, 1930, 62, 65, 3733, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6163, 47, 74, 28, 281, 296, 62, 1930, 8, 220, 198, 220, 220, 220, 220, 220, 220, 220, 279, 74, 796, 493, 7, 79, 74, 13, 33491, 10786, 79, 74, 3256, 10148, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 374, 8873, 64, 796, 374, 8873, 64, 62, 18747, 58, 600, 7, 37659, 13, 3003, 7, 25404, 62, 17529, 62, 17946, 6624, 279, 74, 1267, 58, 15, 12962, 60, 198, 220, 220, 220, 220, 220, 220, 220, 374, 8873, 64, 62, 1084, 796, 374, 8873, 64, 62, 18747, 58, 600, 7, 37659, 13, 3003, 7, 25404, 62, 17529, 62, 17946, 6624, 1426, 62, 1084, 1267, 58, 15, 12962, 60, 198, 220, 220, 220, 220, 220, 220, 220, 374, 8873, 64, 62, 9806, 796, 374, 8873, 64, 62, 18747, 58, 600, 7, 37659, 13, 3003, 7, 25404, 62, 17529, 62, 17946, 6624, 1426, 62, 9806, 38381, 15, 12962, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 374, 8873, 64, 62, 65, 3733, 796, 357, 81, 8873, 64, 62, 1084, 11, 374, 8873, 64, 62, 9806, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 1391, 6, 16, 62, 79, 74, 90, 92, 4458, 18982, 7, 79, 74, 2599, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 357, 79, 74, 11, 374, 8873, 64, 11, 1426, 62, 65, 3733, 11, 374, 8873, 64, 62, 65, 3733, 11, 581, 38165, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 611, 8295, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1266, 4653, 12609, 35, 18379, 11, 281, 79, 591, 11, 3467, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2824, 272, 306, 33, 3733, 11, 949, 62, 79, 591, 796, 24061, 62, 21037, 62, 272, 24335, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1931, 79, 62, 18747, 28, 374, 8873, 64, 62, 18747, 11, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4429, 62, 9150, 28, 1426, 62, 18747, 11, 2239, 28, 19550, 2305, 62, 13664, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3359, 62, 10745, 418, 28, 13812, 62, 10745, 418, 1267, 220, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 1391, 2539, 25, 1064, 62, 79, 74, 40890, 357, 272, 296, 62, 10745, 418, 28, 1266, 4653, 12609, 35, 18379, 11, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 281, 296, 62, 43027, 28, 21065, 10, 16, 11, 279, 591, 62, 81, 8873, 64, 62, 9630, 28, 1084, 62, 79, 591, 11, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 288, 75, 28, 67, 541, 2305, 62, 13664, 8, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 329, 21065, 11, 357, 2539, 837, 374, 8873, 62, 81, 8, 287, 27056, 378, 7, 13466, 4653, 12609, 35, 18379, 13, 23814, 28955, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1782, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 4299, 1064, 62, 79, 74, 40890, 357, 272, 296, 62, 10745, 418, 11, 281, 296, 62, 43027, 11, 279, 591, 62, 81, 8873, 64, 62, 9630, 11, 288, 75, 2599, 220, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 3497, 262, 279, 74, 5421, 422, 12759, 286, 29231, 1266, 2173, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 17143, 281, 296, 62, 10745, 418, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1148, 257, 48589, 77, 560, 286, 1266, 32172, 2173, 29231, 422, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 20786, 25, 63, 5589, 1133, 62, 21037, 62, 272, 24335, 63, 618, 4600, 79, 74, 62, 65, 3733, 63, 318, 407, 1813, 13, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 766, 1058, 15390, 25, 63, 5589, 1133, 62, 21037, 62, 272, 24335, 63, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 17143, 281, 296, 62, 43027, 25, 30199, 12759, 706, 17246, 1266, 2173, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 17143, 279, 74, 62, 81, 8873, 64, 62, 9630, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1148, 46545, 286, 6163, 32172, 4180, 3458, 1988, 290, 6376, 287, 262, 2187, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 5420, 25, 63, 263, 79, 63, 1627, 13, 329, 4554, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 279, 591, 62, 81, 8873, 64, 62, 9630, 28, 357, 1795, 1539, 1596, 8, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 810, 366, 1795, 1, 318, 262, 1988, 286, 6163, 32172, 287, 11752, 76, 13, 76, 290, 366, 1558, 1, 318, 262, 220, 198, 220, 220, 220, 220, 220, 220, 220, 6376, 286, 6163, 2173, 287, 262, 1058, 5420, 25, 63, 263, 79, 63, 7177, 13, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 17143, 288, 75, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1148, 262, 5253, 1022, 734, 15558, 355, 4600, 67, 541, 2305, 62, 13664, 44646, 44290, 220, 198, 220, 220, 220, 220, 220, 220, 220, 262, 4600, 25404, 63, 611, 262, 1635, 12286, 9, 1988, 318, 407, 826, 13, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 7783, 82, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 766, 1058, 15390, 25, 63, 19738, 62, 272, 24335, 63, 198, 220, 220, 220, 220, 198, 220, 220, 220, 37227, 220, 220, 220, 220, 220, 198, 220, 220, 220, 4279, 62, 8189, 796, 705, 90, 92, 62, 79, 74, 4458, 18982, 7, 272, 296, 62, 43027, 8, 198, 220, 220, 220, 329, 1994, 287, 281, 296, 62, 10745, 418, 13, 13083, 33529, 220, 198, 220, 220, 220, 220, 220, 220, 220, 611, 4279, 62, 8189, 287, 1994, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 279, 74, 796, 12178, 7, 2539, 13, 33491, 7, 43027, 62, 8189, 11, 10148, 4008, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 374, 8873, 64, 796, 1351, 7, 79, 591, 62, 81, 8873, 64, 62, 9630, 58, 272, 296, 62, 43027, 12, 16, 12962, 58, 15, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 40481, 796, 1994, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2270, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 773, 62, 81, 8873, 64, 796, 37659, 13, 3003, 7, 272, 296, 62, 10745, 418, 58, 19815, 721, 60, 6624, 81, 8873, 64, 38381, 15, 60, 198, 220, 220, 220, 611, 18896, 7, 521, 62, 81, 8873, 64, 8, 6624, 15, 1058, 773, 62, 81, 8873, 64, 796, 15, 220, 198, 220, 220, 220, 18896, 10745, 796, 18896, 7, 272, 296, 62, 10745, 418, 58, 19815, 721, 7131, 25, 493, 7, 521, 62, 81, 8873, 64, 8, 12962, 198, 220, 220, 220, 220, 198, 220, 220, 220, 279, 74, 62, 1084, 796, 279, 74, 532, 18896, 10745, 1635, 288, 75, 220, 198, 220, 220, 220, 10317, 929, 796, 11925, 7, 272, 296, 62, 10745, 418, 58, 19815, 721, 7131, 493, 7, 521, 62, 81, 8873, 64, 2599, 12962, 198, 220, 220, 220, 279, 74, 62, 9806, 796, 220, 279, 74, 1343, 357, 75, 641, 929, 532, 16, 8, 1635, 288, 75, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1426, 62, 65, 3733, 796, 357, 79, 74, 62, 1084, 11, 279, 74, 62, 9806, 8, 198, 220, 220, 220, 374, 8873, 64, 62, 65, 3733, 796, 357, 272, 296, 62, 10745, 418, 58, 19815, 721, 7131, 15, 4357, 281, 296, 62, 10745, 418, 58, 19815, 721, 7131, 12, 16, 12962, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1441, 279, 74, 11, 374, 8873, 64, 11, 1426, 62, 65, 3733, 11, 374, 8873, 64, 62, 65, 3733, 11, 281, 296, 62, 10745, 418, 58, 19815, 721, 60, 628, 198, 4299, 1064, 62, 79, 38841, 3733, 7, 279, 74, 837, 374, 8873, 64, 11, 374, 8873, 64, 62, 9521, 11, 288, 75, 28, 940, 47308, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 9938, 4429, 2292, 18645, 41497, 287, 1058, 5420, 25, 63, 263, 79, 63, 1627, 13, 5765, 12853, 220, 198, 220, 220, 220, 284, 651, 262, 13215, 39199, 4600, 79, 74, 62, 65, 977, 62, 9630, 274, 63, 329, 1058, 5420, 25, 63, 263, 79, 63, 220, 198, 220, 220, 220, 3487, 5612, 220, 618, 14492, 4600, 272, 81, 63, 393, 2073, 13, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 17143, 279, 74, 25, 41344, 32172, 4429, 1988, 220, 198, 220, 220, 220, 1058, 4906, 279, 74, 25, 12178, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 17143, 374, 8873, 64, 25, 41344, 32172, 1988, 287, 11752, 76, 13, 76, 220, 198, 220, 220, 220, 1058, 4906, 374, 8873, 64, 25, 12178, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 81, 8873, 64, 62, 9521, 25, 41344, 32172, 3815, 422, 4600, 79, 74, 62, 1084, 63, 284, 4600, 79, 74, 62, 9806, 63, 220, 198, 220, 220, 220, 1058, 81, 8873, 64, 62, 9521, 25, 7177, 62, 2339, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 79, 1670, 288, 75, 25, 766, 1058, 15390, 25, 63, 19796, 62, 79, 74, 40890, 63, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 16281, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 13163, 422, 422, 266, 378, 87, 13, 26791, 13, 86, 11018, 392, 83, 23706, 1330, 1064, 62, 79, 38841, 3733, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 13163, 1064, 62, 79, 38841, 3733, 7, 79, 74, 28, 11442, 11, 374, 8873, 64, 28, 19708, 11, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 374, 8873, 64, 62, 9521, 28, 37659, 13, 18747, 26933, 17430, 11, 19924, 11, 19708, 11, 20219, 11, 17279, 60, 4008, 198, 220, 220, 220, 37227, 628, 220, 220, 220, 611, 318, 39098, 7, 79, 74, 11, 965, 2599, 220, 198, 220, 220, 220, 220, 220, 220, 220, 279, 74, 796, 12178, 7, 79, 74, 13, 33491, 7, 79, 74, 58, 15, 4357, 10148, 737, 33491, 10786, 62, 79, 74, 3256, 10148, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 6376, 62, 81, 8873, 64, 796, 45941, 13, 3003, 7, 81, 8873, 64, 62, 9521, 6624, 81, 8873, 64, 38381, 15, 60, 198, 220, 220, 220, 611, 18896, 7, 9630, 62, 81, 8873, 64, 8, 6624, 15, 1058, 6376, 62, 81, 8873, 64, 796, 15, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1364, 11925, 796, 18896, 7, 81, 8873, 64, 62, 9521, 58, 25, 493, 7, 9630, 62, 81, 8873, 64, 8, 12962, 198, 220, 220, 220, 826, 11925, 796, 18896, 7, 81, 8873, 64, 62, 9521, 58, 600, 7, 9630, 62, 81, 8873, 64, 2599, 12962, 198, 220, 220, 220, 220, 198, 220, 220, 220, 279, 74, 62, 1084, 796, 279, 74, 532, 1364, 11925, 1635, 288, 75, 220, 198, 220, 220, 220, 279, 74, 62, 9806, 796, 220, 279, 74, 1343, 357, 3506, 11925, 220, 532, 16, 8, 1635, 288, 75, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1441, 279, 74, 62, 1084, 11, 279, 74, 62, 9806, 220, 628, 198, 4299, 14441, 62, 10745, 418, 357, 34675, 837, 1988, 796, 6, 3256, 739, 1370, 796, 29001, 3256, 4326, 796, 6, 3256, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2524, 62, 17618, 28, 705, 3256, 12429, 74, 18504, 8, 1058, 220, 198, 220, 220, 220, 37227, 23114, 7508, 422, 32172, 3307, 526, 15931, 198, 220, 220, 220, 220, 198, 220, 220, 220, 9585, 796, 74, 18504, 13, 12924, 10786, 44754, 3256, 8541, 8, 198, 220, 220, 220, 19898, 796, 74, 18504, 13, 12924, 10786, 3849, 10, 3256, 10148, 8, 198, 220, 220, 220, 2221, 62, 34675, 62, 4102, 28, 479, 18504, 13, 12924, 10786, 27471, 62, 34675, 3256, 705, 438, 91, 29, 11537, 198, 220, 220, 220, 319, 796, 479, 18504, 13, 12924, 10786, 261, 3256, 10352, 8, 198, 220, 220, 220, 611, 407, 319, 25, 1441, 10148, 198, 220, 220, 220, 2073, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 3601, 7, 4625, 1370, 1635, 9585, 8, 198, 220, 220, 220, 220, 220, 220, 220, 3601, 10786, 90, 15, 92, 1391, 16, 25, 27, 1120, 92, 4458, 18982, 7, 27471, 62, 34675, 62, 4102, 11, 9546, 828, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 90, 15, 25, 27, 940, 92, 1391, 16, 92, 4458, 18982, 7, 8367, 11, 4326, 828, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 90, 15, 92, 4458, 18982, 7, 3849, 13857, 828, 45144, 92, 1911, 18982, 7, 15654, 62, 17618, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 3601, 7, 4625, 1370, 1635, 9585, 1267, 198, 220, 220, 220, 220, 198, 4299, 7428, 62, 272, 24335, 62, 7784, 3166, 17, 7, 263, 79, 62, 7890, 11, 598, 4965, 11, 6376, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 15553, 284, 7428, 32172, 18645, 220, 198, 220, 220, 220, 290, 1441, 262, 32172, 351, 663, 13215, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 17143, 1931, 79, 62, 7890, 25, 1931, 79, 7034, 220, 198, 220, 220, 220, 1058, 4906, 1931, 79, 62, 7890, 25, 7177, 62, 2339, 393, 1351, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 17143, 598, 4965, 25, 4180, 3458, 1988, 286, 5288, 279, 74, 32172, 220, 198, 220, 220, 220, 1058, 4906, 598, 4965, 25, 12178, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 17143, 6376, 25, 6376, 286, 5288, 279, 74, 32172, 220, 198, 220, 220, 220, 1058, 4906, 6376, 25, 493, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 7783, 25, 32172, 18645, 220, 198, 220, 220, 220, 1058, 81, 4906, 25, 1351, 286, 7177, 62, 2339, 220, 628, 220, 220, 220, 37227, 198, 220, 220, 220, 277, 796, 657, 1303, 6056, 284, 3068, 543, 636, 1276, 307, 10488, 220, 198, 220, 220, 220, 611, 6376, 6624, 15, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 277, 796, 352, 1303, 24061, 691, 826, 636, 220, 198, 220, 220, 220, 1288, 361, 598, 4965, 6624, 263, 79, 62, 7890, 58, 12, 16, 5974, 220, 198, 220, 220, 220, 220, 220, 220, 220, 277, 28, 17, 1303, 24061, 1364, 636, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 825, 9052, 62, 1589, 49646, 7, 4354, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 9052, 1735, 2318, 422, 32172, 290, 1064, 262, 3381, 1735, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 3381, 25, 318, 7177, 286, 1364, 393, 826, 1735, 286, 32172, 13, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 4906, 10023, 25, 7177, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 7783, 25, 1735, 2318, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 4906, 25, 7177, 62, 2339, 220, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 2169, 62, 41549, 796, 21737, 198, 220, 220, 220, 220, 220, 220, 220, 3509, 51, 28, 15, 220, 628, 220, 220, 220, 220, 220, 220, 220, 329, 21065, 11, 2169, 62, 81, 8873, 287, 27056, 378, 7, 4354, 8, 1058, 220, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 814, 4965, 62, 11181, 86, 62, 17, 457, 82, 28, 2169, 62, 81, 8873, 532, 598, 4965, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 814, 4965, 62, 11181, 86, 62, 17, 457, 82, 1875, 3509, 51, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 3509, 51, 796, 814, 4965, 62, 11181, 86, 62, 17, 457, 82, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2169, 62, 41549, 13, 33295, 7, 11498, 62, 81, 8873, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1288, 361, 814, 4965, 62, 11181, 86, 62, 17, 457, 82, 1279, 3509, 51, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 374, 8873, 62, 32374, 796, 2169, 62, 81, 8873, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2270, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 3601, 7, 11498, 62, 41549, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 45941, 13, 18747, 7, 11498, 62, 41549, 8, 198, 220, 220, 220, 1303, 717, 6265, 1931, 79, 7034, 422, 262, 35907, 220, 198, 220, 220, 220, 611, 277, 855, 17, 1058, 1303, 24061, 262, 1364, 636, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 14283, 7177, 290, 923, 19528, 14143, 220, 198, 220, 220, 220, 220, 220, 220, 220, 20218, 62, 263, 79, 62, 7890, 796, 1931, 79, 62, 7890, 685, 3712, 12, 16, 60, 220, 198, 220, 220, 220, 220, 220, 220, 220, 264, 1350, 70, 796, 598, 4965, 220, 220, 1303, 41216, 1988, 220, 198, 220, 220, 220, 220, 220, 220, 220, 329, 21065, 11, 1188, 272, 287, 27056, 378, 7, 29510, 62, 263, 79, 62, 7890, 2599, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 1188, 272, 18189, 264, 1350, 70, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 264, 1350, 70, 796, 1188, 272, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1288, 361, 1188, 272, 1279, 264, 1350, 70, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1364, 62, 4354, 796, 1931, 79, 62, 7890, 58, 4178, 47715, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2270, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1364, 62, 4354, 796, 1931, 79, 62, 7890, 58, 25, 9630, 7131, 3712, 12, 16, 60, 1303, 14283, 1364, 3381, 220, 329, 9052, 278, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 14283, 757, 284, 1394, 262, 1502, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1364, 62, 32374, 796, 9052, 62, 1589, 49646, 7, 4354, 28, 9464, 62, 4354, 38381, 3712, 12, 16, 60, 220, 628, 220, 220, 220, 611, 277, 855, 15, 393, 277, 6624, 16, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 826, 62, 4354, 28, 1931, 79, 62, 7890, 58, 9630, 1058, 60, 198, 220, 220, 220, 220, 220, 220, 220, 826, 62, 32374, 28, 26268, 62, 1589, 49646, 7, 3506, 62, 4354, 8, 198, 220, 220, 220, 1303, 1673, 265, 826, 290, 1364, 284, 651, 262, 1844, 32172, 220, 198, 220, 220, 220, 611, 277, 855, 17, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 32172, 33, 3733, 796, 45941, 13, 33295, 7, 9464, 62, 32374, 11, 1324, 4965, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 1288, 361, 277, 6624, 16, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 32172, 33, 3733, 796, 45941, 13, 18747, 26933, 58, 1324, 4965, 48688, 826, 62, 32374, 13, 83, 349, 396, 3419, 12962, 198, 220, 220, 220, 2073, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1364, 62, 32374, 796, 45941, 13, 33295, 7, 9464, 62, 32374, 11, 598, 4965, 8, 198, 220, 220, 220, 220, 220, 220, 220, 32172, 33, 3733, 796, 45941, 13, 1102, 9246, 268, 378, 19510, 9464, 62, 32374, 11, 826, 62, 32374, 4008, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1441, 598, 4965, 11, 6376, 11, 32172, 33, 3733, 220, 220, 198, 198, 4299, 651, 7568, 1870, 16742, 2025, 24335, 49646, 3166, 7, 7568, 2599, 220, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 2896, 500, 32172, 18645, 4600, 45828, 5421, 63, 290, 4600, 21037, 7784, 63, 422, 220, 198, 220, 220, 220, 1058, 5420, 25, 63, 1158, 63, 4067, 13, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 17143, 47764, 25, 6060, 14535, 19798, 292, 7763, 220, 262, 15180, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 79, 74, 3256, 705, 87, 3256, 705, 88, 3256, 705, 81, 8873, 3256, 705, 25404, 4458, 220, 198, 220, 220, 220, 5860, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 532, 4600, 23736, 19722, 63, 13973, 262, 11353, 16018, 611, 2147, 318, 7368, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 656, 27336, 21760, 13, 198, 220, 220, 220, 220, 220, 220, 220, 532, 4600, 1158, 62, 17946, 63, 25, 9506, 278, 12133, 4067, 379, 279, 74, 220, 198, 220, 220, 220, 220, 220, 220, 220, 532, 4600, 1930, 9452, 11518, 63, 25, 1052, 24335, 13215, 13160, 286, 7559, 21037, 15506, 290, 7559, 45828, 15506, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 22303, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 17377, 3891, 460, 307, 973, 220, 284, 8160, 2793, 290, 6727, 22303, 3712, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4600, 21037, 63, 25, 705, 21037, 3256, 705, 10745, 3256, 705, 1084, 3256, 705, 1084, 3256, 705, 16, 6, 393, 220, 705, 9319, 6, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4600, 45828, 63, 25, 705, 45828, 3256, 705, 37330, 3256, 705, 76, 1228, 3256, 705, 9806, 3256, 705, 17, 11, 393, 705, 929, 6, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1675, 8160, 262, 22655, 4067, 11, 460, 779, 3712, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4600, 1158, 63, 32105, 1158, 3256, 705, 325, 3256, 705, 82, 623, 41707, 14259, 3256, 705, 17946, 3256, 705, 15, 6, 393, 705, 25404, 6, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 5485, 62, 41888, 705, 53, 41707, 54, 3256, 705, 52, 3256, 705, 39, 3256, 705, 44, 3256, 705, 34, 3256, 705, 42, 6, 2361, 198, 220, 220, 220, 2099, 834, 28, 37250, 2943, 3256, 705, 7792, 3256, 705, 8697, 3256, 705, 23199, 17, 47, 20520, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 532, 7559, 2943, 15506, 329, 5683, 2021, 3189, 425, 13, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 532, 7559, 7792, 15506, 329, 7135, 3189, 425, 13, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 532, 7559, 8697, 15506, 329, 3189, 425, 9297, 30525, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 532, 7559, 23199, 17, 47, 15506, 329, 2800, 1022, 734, 13016, 13, 220, 198, 220, 220, 220, 5485, 796, 14202, 220, 198, 220, 220, 220, 2099, 62, 796, 14202, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 825, 8551, 33383, 5574, 6030, 6738, 3347, 316, 7, 4868, 5189, 13003, 19182, 11, 5772, 2599, 220, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 26304, 262, 7177, 290, 651, 1771, 281, 32172, 5485, 1438, 318, 2810, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 1351, 5189, 13003, 19182, 25, 477, 10687, 7177, 3815, 2845, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 705, 79, 74, 3256, 705, 87, 3256, 705, 88, 3256, 705, 81, 8873, 6, 389, 13160, 286, 1351, 286, 2087, 19182, 13, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 5772, 25, 1680, 307, 1388, 6764, 286, 1180, 4600, 43358, 62, 63, 286, 4600, 4906, 834, 63, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 7783, 82, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 532, 4600, 43358, 63, 1058, 705, 53, 41707, 54, 3256, 705, 52, 3256, 705, 39, 3256, 705, 44, 3256, 705, 34, 6, 393, 220, 705, 42, 6, 422, 9629, 393, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4600, 4906, 63, 1058, 705, 2943, 3256, 705, 7792, 3256, 705, 8697, 3256, 705, 23199, 17, 47, 6, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 532, 1351, 5189, 13003, 19182, 1058, 1351, 286, 2087, 7177, 220, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 5772, 62, 796, 14202, 220, 198, 220, 220, 220, 220, 220, 220, 220, 329, 474, 73, 11, 951, 18747, 287, 27056, 378, 7, 4868, 5189, 13003, 19182, 58, 3712, 12, 16, 60, 2599, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2169, 62, 41888, 2536, 7, 824, 737, 45828, 22446, 36311, 3419, 329, 37786, 287, 1351, 7, 4033, 18747, 15437, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 329, 220, 844, 837, 9766, 76, 287, 27056, 378, 7, 11498, 62, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 329, 5772, 62, 417, 76, 287, 5772, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 9766, 76, 6624, 17143, 62, 417, 76, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 13236, 1158, 262, 5485, 290, 6330, 416, 45941, 13, 12647, 1988, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1351, 5189, 13003, 19182, 58, 3712, 12, 16, 7131, 41098, 7131, 844, 22241, 37659, 13, 12647, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1441, 5772, 62, 417, 76, 837, 1351, 5189, 13003, 19182, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 5772, 62, 11, 1351, 5189, 13003, 19182, 198, 220, 220, 220, 220, 198, 220, 220, 220, 825, 20121, 2514, 3198, 7, 4868, 5189, 39470, 82, 11, 4808, 7568, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 3497, 1366, 422, 584, 15180, 281, 358, 20121, 656, 530, 7177, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 1351, 5189, 39470, 82, 25, 29201, 82, 3891, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 4808, 7568, 25, 1366, 14535, 284, 19818, 1366, 284, 530, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 649, 62, 18747, 796, 45941, 13, 12853, 19510, 62, 7568, 13, 43358, 58, 15, 4357, 828, 45941, 13, 12647, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1351, 5189, 39470, 6601, 796, 685, 4808, 7568, 58, 3672, 4083, 1462, 62, 77, 32152, 3419, 329, 1438, 287, 1351, 5189, 39470, 82, 2361, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 9052, 422, 19528, 523, 356, 1394, 262, 749, 1593, 284, 262, 717, 5752, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 1969, 262, 1388, 47764, 326, 13160, 4600, 79, 74, 47671, 63, 87, 47671, 4600, 88, 47671, 290, 4600, 81, 8873, 44646, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 1064, 262, 5485, 220, 198, 220, 220, 220, 220, 220, 220, 220, 5485, 11, 1351, 5189, 39470, 6601, 796, 8551, 33383, 5574, 6030, 6738, 3347, 316, 7, 4868, 5189, 39470, 6601, 11, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5772, 796, 43358, 62, 8, 198, 220, 220, 220, 220, 220, 220, 220, 2099, 62, 11, 1351, 5189, 39470, 6601, 796, 8551, 33383, 5574, 6030, 6738, 3347, 316, 7, 4868, 5189, 39470, 6601, 11, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5772, 796, 4906, 834, 8, 198, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 329, 951, 18747, 287, 1351, 5189, 39470, 6601, 58, 3712, 12, 16, 5974, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 329, 220, 844, 837, 1188, 220, 287, 27056, 378, 7, 4033, 18747, 2599, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1949, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 407, 45941, 13, 271, 12647, 7, 2100, 8, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 649, 62, 18747, 58, 844, 22241, 2100, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2845, 1058, 6603, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 5485, 837, 2099, 62, 11, 220, 649, 62, 18747, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 825, 19818, 62, 844, 62, 2100, 7, 18747, 2599, 220, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 4990, 30227, 1988, 290, 6376, 220, 290, 1382, 4600, 1930, 9452, 11518, 13215, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 7177, 25, 7177, 286, 1388, 951, 388, 4909, 262, 32172, 17336, 393, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 257, 264, 2778, 278, 12133, 4067, 588, 7904, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1017, 420, 796, 685, 26705, 45, 11, 705, 9319, 3256, 11013, 45, 11, 11013, 45, 11, 11013, 45, 11, 705, 1158, 3256, 11013, 45, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 11013, 45, 11, 705, 929, 3256, 11013, 45, 11, 11013, 45, 11, 11013, 45, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4600, 9319, 47671, 4600, 1158, 63, 290, 4600, 929, 63, 389, 262, 2793, 18645, 11, 262, 5186, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 22655, 220, 290, 262, 6727, 18645, 286, 262, 6163, 32172, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8148, 13, 198, 220, 220, 220, 220, 220, 220, 220, 1114, 4554, 11, 611, 19550, 2305, 62, 13664, 318, 796, 63, 940, 63, 76, 11, 256, 339, 4067, 357, 63, 79, 74, 63, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 286, 4600, 9319, 47671, 4600, 1158, 63, 290, 4600, 929, 63, 389, 838, 11, 2026, 290, 4019, 285, 8148, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4600, 1930, 9452, 11518, 63, 796, 7, 940, 11, 4019, 8, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 2793, 62, 844, 796, 14202, 220, 198, 220, 220, 220, 220, 220, 220, 220, 6727, 62, 844, 796, 14202, 198, 220, 220, 220, 220, 220, 220, 220, 410, 274, 62, 844, 796, 6045, 220, 628, 220, 220, 220, 220, 220, 220, 220, 7177, 28, 7177, 13, 3447, 1758, 19510, 18747, 13, 43358, 58, 15, 4357, 8, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 329, 220, 844, 11, 1188, 287, 27056, 378, 7, 18747, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 329, 1877, 11, 510, 11, 410, 17946, 287, 19974, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 37250, 21037, 3256, 705, 10745, 3256, 705, 1084, 3256, 705, 1084, 3256, 705, 16, 3256, 705, 9319, 6, 4357, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 37250, 45828, 3256, 705, 37330, 3256, 705, 76, 1228, 3256, 705, 9806, 3256, 705, 17, 3256, 705, 929, 6, 4357, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 37250, 1158, 3256, 705, 325, 3256, 705, 82, 623, 41707, 14259, 3256, 705, 17946, 3256, 705, 15, 3256, 705, 25404, 20520, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 15179, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1949, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 12178, 26705, 21991, 10163, 28, 45941, 13, 22468, 7, 2100, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2845, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 1188, 13, 21037, 22446, 19796, 7, 9319, 8, 29, 28, 15, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2793, 62, 844, 796, 220, 844, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2270, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1288, 361, 1188, 13, 21037, 22446, 19796, 7, 929, 8, 18189, 15, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6727, 62, 844, 796, 220, 844, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2270, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1288, 361, 1188, 13, 21037, 22446, 19796, 7, 85, 17946, 8, 29, 28, 15, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 410, 274, 62, 844, 796, 220, 844, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2270, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2073, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 12178, 26705, 21991, 10163, 6624, 16, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2793, 62, 844, 796, 220, 844, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2270, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1288, 361, 12178, 26705, 21991, 10163, 6624, 17, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6727, 62, 844, 796, 220, 844, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2270, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1288, 361, 12178, 26705, 21991, 10163, 6624, 15, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 410, 274, 62, 844, 796, 220, 844, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2270, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 2793, 62, 844, 11, 410, 274, 62, 844, 11, 6727, 62, 844, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1303, 900, 19798, 292, 523, 284, 2074, 45941, 13, 10745, 355, 11013, 45, 1271, 13, 198, 220, 220, 220, 220, 198, 220, 220, 220, 279, 67, 13, 25811, 13, 14171, 13, 1904, 62, 10745, 62, 292, 62, 2616, 796, 6407, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1303, 555, 721, 408, 263, 323, 284, 11986, 262, 951, 388, 286, 22655, 4067, 13, 198, 220, 220, 220, 1303, 288, 75, 796, 17816, 7109, 359, 3256, 705, 25404, 3256, 705, 17946, 3256, 705, 34985, 3256, 705, 6679, 72, 20520, 198, 220, 220, 220, 220, 198, 220, 220, 220, 4808, 23736, 19722, 28, 25101, 220, 1303, 900, 11353, 284, 10352, 530, 1426, 9452, 11518, 220, 220, 198, 220, 220, 220, 1303, 407, 1043, 355, 880, 6468, 258, 32172, 4067, 4600, 1158, 44646, 198, 220, 220, 220, 1426, 9452, 11518, 796, 14202, 220, 198, 220, 220, 220, 1303, 1136, 47764, 15180, 422, 262, 604, 12, 26597, 6376, 220, 198, 220, 220, 220, 329, 1017, 287, 37250, 79, 74, 3256, 705, 38031, 3256, 705, 17946, 6, 5974, 220, 198, 220, 220, 220, 220, 220, 220, 220, 329, 1188, 287, 47764, 13, 28665, 82, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 1188, 13, 21037, 3419, 855, 6649, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 279, 74, 62, 25076, 796, 47764, 58, 2100, 4083, 1462, 62, 77, 32152, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2270, 220, 628, 220, 220, 220, 1351, 5189, 13003, 39470, 82, 28, 47764, 13, 346, 420, 58, 45299, 604, 25, 4083, 28665, 82, 198, 220, 220, 220, 220, 198, 220, 220, 220, 611, 18896, 7, 4868, 5189, 13003, 39470, 82, 8, 6624, 15, 25, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 6407, 11, 220, 5485, 11, 2099, 62, 11, 6045, 11, 1426, 9452, 11518, 11, 220, 47764, 220, 220, 220, 198, 220, 198, 220, 220, 220, 47764, 62, 28, 47764, 13, 346, 420, 58, 45299, 604, 47715, 198, 220, 220, 220, 1303, 2198, 1771, 477, 3793, 1366, 14535, 3815, 389, 4600, 26705, 45, 63, 3815, 198, 220, 220, 220, 611, 18896, 7, 4868, 7, 7568, 44807, 28665, 82, 58, 7568, 44807, 271, 2616, 22446, 439, 3419, 60, 4008, 6624, 18896, 7, 4868, 5189, 13003, 39470, 82, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 1002, 3763, 837, 7616, 262, 8295, 3038, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 6407, 11, 220, 5485, 11, 2099, 62, 11, 6045, 11, 1426, 9452, 11518, 11, 220, 47764, 13, 346, 420, 58, 45299, 1058, 19, 60, 220, 198, 220, 220, 198, 220, 220, 220, 1303, 651, 262, 951, 388, 1438, 351, 597, 15709, 3815, 220, 198, 220, 220, 220, 1017, 420, 62, 28665, 28, 4868, 7, 7568, 44807, 28665, 82, 58, 7568, 44807, 271, 2616, 22446, 1092, 3419, 12962, 198, 220, 220, 220, 1303, 611, 5721, 4909, 220, 530, 45941, 13, 12647, 11, 262, 1017, 420, 951, 388, 318, 1043, 220, 198, 220, 220, 220, 1017, 420, 62, 27160, 796, 47764, 62, 58, 6649, 420, 62, 28665, 4083, 1462, 62, 77, 32152, 3419, 198, 220, 220, 220, 220, 198, 220, 220, 220, 611, 18896, 7, 6649, 420, 62, 28665, 8, 29, 16, 1058, 1303, 198, 220, 220, 220, 1303, 651, 262, 1988, 422, 2060, 7177, 198, 220, 220, 220, 220, 220, 220, 220, 5485, 837, 2099, 62, 11, 220, 1017, 420, 62, 27160, 796, 220, 20121, 2514, 3198, 7, 6649, 420, 62, 28665, 11, 47764, 62, 8, 628, 198, 220, 220, 220, 2793, 62, 844, 11, 410, 274, 62, 844, 837, 45828, 62, 844, 220, 220, 796, 19818, 62, 844, 62, 2100, 7, 6649, 420, 62, 27160, 8, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1303, 611, 4600, 21037, 63, 290, 4600, 45828, 63, 22303, 389, 407, 1043, 788, 923, 393, 886, 7095, 286, 198, 220, 220, 220, 1303, 6163, 32172, 220, 422, 262, 2292, 7, 79, 74, 8, 286, 262, 22655, 12133, 13, 220, 198, 220, 220, 220, 611, 2793, 62, 844, 318, 6045, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 2793, 62, 844, 796, 1158, 62, 844, 220, 198, 220, 220, 220, 611, 6727, 62, 844, 318, 6045, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 6727, 62, 844, 796, 410, 274, 62, 844, 220, 198, 220, 220, 220, 198, 220, 220, 220, 611, 357, 21037, 62, 844, 220, 290, 6727, 62, 844, 1267, 318, 6045, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1426, 9452, 11518, 796, 14202, 198, 220, 220, 220, 611, 1426, 9452, 11518, 318, 6045, 290, 410, 274, 62, 844, 318, 6045, 25, 4808, 23736, 19722, 796, 17821, 220, 198, 220, 220, 220, 2073, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 1426, 9452, 11518, 796, 7, 79, 74, 62, 25076, 58, 21037, 62, 844, 4357, 279, 74, 62, 25076, 58, 45828, 62, 844, 60, 1267, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 611, 410, 274, 62, 844, 318, 6045, 25, 410, 274, 62, 17946, 28, 14202, 198, 220, 220, 220, 2073, 1058, 410, 274, 62, 17946, 796, 279, 74, 62, 25076, 58, 1158, 62, 844, 60, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1441, 4808, 23736, 19722, 11, 5485, 11, 2099, 62, 11, 410, 274, 62, 17946, 837, 1426, 9452, 11518, 11, 220, 47764, 13, 346, 420, 58, 45299, 1058, 19, 60, 220, 220, 198, 220, 220, 220, 220, 198, 31, 10378, 31023, 10786, 12156, 31023, 2163, 284, 4600, 25, 20786, 25, 63, 86, 378, 87, 13, 7295, 13, 263, 79, 13, 1136, 62, 4906, 63, 6, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 517, 6942, 1262, 14288, 290, 6376, 29964, 13, 632, 481, 705, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 26949, 1207, 8344, 378, 2582, 329, 17019, 3127, 3912, 9465, 2637, 8, 198, 4299, 651, 62, 4906, 357, 263, 79, 62, 18747, 11, 1426, 9452, 11518, 11, 279, 74, 11, 1426, 62, 18747, 11, 288, 75, 2599, 220, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 9938, 32172, 2099, 422, 598, 13, 4180, 3458, 3815, 290, 6116, 7064, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 17143, 1931, 79, 62, 18747, 25, 2034, 13, 35119, 452, 774, 3815, 286, 477, 4600, 263, 79, 63, 3951, 220, 198, 220, 220, 220, 1058, 4906, 1931, 79, 62, 18747, 25, 7177, 62, 2339, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 17143, 1426, 9452, 11518, 25, 41344, 32172, 6116, 422, 923, 4122, 290, 36123, 220, 198, 220, 220, 220, 1058, 4906, 1426, 9452, 11518, 25, 1351, 393, 46545, 393, 299, 67, 13, 18747, 7, 16, 11, 17, 8, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 17143, 279, 74, 25, 23158, 286, 6163, 32172, 287, 10700, 220, 198, 220, 220, 220, 1058, 4906, 279, 74, 25, 12178, 393, 493, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 17143, 1426, 62, 18747, 25, 520, 602, 7064, 393, 13871, 6116, 220, 198, 220, 220, 220, 1058, 4906, 1426, 62, 18747, 25, 7177, 62, 2339, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 17143, 288, 75, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 34600, 1022, 734, 9733, 39780, 15558, 13, 383, 976, 220, 198, 220, 220, 220, 220, 220, 220, 220, 355, 19550, 2305, 4129, 287, 10700, 13, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 7783, 82, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 532, 7559, 2943, 15506, 329, 5683, 2021, 3189, 425, 13, 220, 198, 220, 220, 220, 220, 220, 220, 220, 532, 7559, 7792, 15506, 329, 7135, 3189, 425, 13, 220, 198, 220, 220, 220, 220, 220, 220, 220, 532, 7559, 8697, 15506, 329, 3189, 425, 6614, 220, 198, 220, 220, 220, 220, 220, 220, 220, 532, 7559, 23199, 17, 47, 15506, 329, 2800, 1022, 734, 13016, 13, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 1058, 16281, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 13163, 422, 266, 378, 87, 13, 7295, 13, 263, 79, 1330, 651, 62, 4906, 220, 198, 220, 220, 220, 220, 220, 220, 220, 13163, 2124, 796, 685, 1899, 11, 8454, 11, 8190, 11, 8093, 11, 8257, 11, 6135, 11, 4019, 11, 220, 4101, 11, 1802, 11, 4019, 11, 1802, 11, 4019, 60, 198, 220, 220, 220, 220, 220, 220, 220, 13163, 1426, 28, 45941, 13, 283, 858, 7, 15, 11, 18896, 7, 87, 27493, 940, 11, 838, 8, 198, 220, 220, 220, 220, 220, 220, 220, 13163, 281, 78, 62, 4906, 28, 651, 62, 4906, 7, 263, 79, 62, 18747, 28, 45941, 13, 18747, 7, 87, 828, 198, 220, 220, 220, 220, 220, 220, 220, 2644, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1426, 9452, 11518, 16193, 940, 11, 3829, 828, 279, 74, 28, 1120, 11, 1426, 62, 18747, 28, 1930, 11, 288, 75, 28, 940, 8, 198, 220, 220, 220, 220, 220, 220, 220, 13163, 281, 78, 62, 4906, 198, 220, 220, 220, 220, 220, 220, 220, 2644, 23199, 17, 47, 628, 220, 220, 220, 37227, 198, 220, 220, 220, 1303, 3497, 2292, 6376, 220, 198, 220, 220, 220, 281, 296, 62, 4906, 796, 6, 8697, 6, 198, 220, 220, 220, 6376, 62, 1930, 796, 493, 7, 37659, 13, 3003, 7, 1930, 62, 18747, 6624, 79, 74, 38381, 15, 12962, 198, 220, 220, 220, 1303, 611, 1931, 79, 62, 18747, 685, 25, 9630, 62, 1930, 1343, 16, 4083, 32604, 3419, 1279, 45941, 13, 1150, 666, 7, 263, 79, 62, 18747, 8, 393, 59, 198, 220, 220, 220, 1303, 220, 220, 220, 220, 1931, 79, 62, 18747, 58, 9630, 62, 1930, 25, 4083, 32604, 3419, 1279, 45941, 13, 1150, 666, 7, 263, 79, 62, 18747, 8, 1058, 220, 198, 220, 220, 220, 1303, 220, 220, 220, 220, 220, 220, 220, 220, 281, 296, 62, 4906, 796, 6, 23199, 17, 47, 6, 198, 220, 220, 220, 611, 1931, 79, 62, 18747, 685, 25, 9630, 62, 1930, 10, 16, 4083, 32604, 3419, 1279, 45941, 13, 1150, 666, 7, 263, 79, 62, 18747, 8, 290, 3467, 198, 220, 220, 220, 220, 220, 220, 220, 1931, 79, 62, 18747, 58, 9630, 62, 1930, 25, 4083, 32604, 3419, 1279, 45941, 13, 1150, 666, 7, 263, 79, 62, 18747, 8, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 281, 296, 62, 4906, 796, 6, 23199, 17, 47, 6, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 1288, 361, 1931, 79, 62, 18747, 685, 25, 9630, 62, 1930, 1343, 16, 4083, 32604, 3419, 18189, 45941, 13, 1150, 666, 7, 263, 79, 62, 18747, 8, 290, 3467, 198, 220, 220, 220, 220, 220, 220, 220, 1931, 79, 62, 18747, 58, 9630, 62, 1930, 25, 4083, 32604, 3419, 18189, 45941, 13, 1150, 666, 7, 263, 79, 62, 18747, 8, 1058, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 611, 220, 288, 75, 19841, 357, 9806, 7, 1930, 9452, 11518, 13219, 949, 7, 1930, 9452, 11518, 4008, 19841, 642, 9, 288, 75, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 281, 296, 62, 4906, 796, 705, 7792, 6, 628, 220, 220, 220, 220, 220, 220, 220, 1288, 361, 357, 9806, 7, 1930, 9452, 11518, 13219, 949, 7, 1930, 9452, 11518, 4008, 29, 642, 1635, 25404, 25, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 281, 296, 62, 4906, 796, 705, 2943, 6, 628, 220, 220, 220, 1441, 281, 296, 62, 4906, 220, 220, 220, 198, 220, 220, 220, 220, 198, 198, 361, 11593, 3672, 834, 855, 6, 834, 12417, 834, 10354, 220, 198, 220, 220, 220, 3108, 796, 705, 7890, 14, 263, 79, 14, 75, 940, 62, 70, 6893, 78, 13, 87, 7278, 87, 6, 1303, 1976, 83, 538, 519, 709, 24076, 62, 15, 198, 220, 220, 220, 3108, 28, 374, 6, 37, 7479, 260, 1930, 270, 1749, 59, 86, 378, 87, 59, 7890, 59, 33, 363, 13, 12417, 5, 1831, 9310, 59, 861, 62, 30073, 59, 429, 59, 65, 16, 62, 20, 13, 87, 7278, 87, 6, 198, 220, 220, 220, 3108, 796, 705, 7890, 14, 263, 79, 14, 9288, 62, 272, 24335, 13, 87, 7278, 87, 6, 198, 220, 220, 220, 1366, 796, 279, 67, 13, 961, 62, 1069, 5276, 7, 6978, 737, 1462, 62, 77, 32152, 3419, 58, 45299, 532, 16, 60, 198, 220, 220, 220, 47764, 796, 279, 67, 13, 961, 62, 1069, 5276, 7, 6978, 8, 628, 220, 220, 220, 1303, 1960, 313, 4359, 11, 5485, 837, 4906, 62, 11, 220, 6376, 272, 296, 837, 1426, 9452, 11518, 11, 649, 7568, 796, 651, 7568, 1870, 16742, 2025, 24335, 49646, 3166, 7, 7568, 8, 198, 220, 220, 220, 1303, 3601, 7, 2306, 313, 4359, 11, 5485, 11, 4906, 62, 11, 220, 6376, 272, 296, 837, 1426, 9452, 11518, 11, 649, 7568, 8, 628, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220, 198, 220, 220, 220, 220 ]
2.025714
18,745
import unittest import os import shutil
[ 11748, 555, 715, 395, 198, 11748, 28686, 198, 11748, 4423, 346, 198 ]
3.333333
12
# Copyright 2020-2022 Robert Bosch Car Multimedia GmbH # # 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. # ******************************************************************************* # # File: connection_base.py # # Initially created by Cuong Nguyen (RBVH/ECM11) / May 2021. # Based on \lib\TCP\CTCPMultiQueued.py in TML Framework. # # Description: # Provide the infrastructure for sending commands and getting traces from connection continuously. # # History: # # 12.05.2021 / V 0.1 / Cuong Nguyen # - Initialize # # ******************************************************************************* from abc import ABCMeta from inspect import currentframe from collections import deque from robot.libraries.BuiltIn import BuiltIn from QConnectBase.qlogger import QLogger import QConnectBase.constants as constants import queue import abc import time import platform import threading import re _platform = platform.system().lower() class ConnectionBase(object): """ Base class for all connection classes. """ __metaclass__ = ABCMeta _SUPPORTED_PLATFORM_LIST = [constants.OS_WINDOWS_STR, constants.OS_LINUX_STR] _CONNECTION_TYPE = "NotSupported" _ERROR_INSTRUCTION = constants.UNKNOWN_STR MAX_LEN_BACKTRACE = 500 # Lines RECV_MSGS_POLLING_INTERVAL = 0.005 _call_thrd_obj = None _call_thrd_init = threading.Event() _call_thrd_term = threading.Event() _recv_thrd_obj = None # _recv_thrd_term = threading.Event() _recv_thrd_term = None _force_seq_lock = threading.RLock() _start_dlt_lock = threading.RLock() _traceq_handle = 0 _traceq_obj = {} _traceq_lock = threading.Lock() supported_devices = [] # # for continuous processing # _msgq_c_handle = 0 # _msgq_c_obj = {} # _msgq_c_lock = threading.Lock() _is_precondition_valid = True _should_check_timeout = False _logger = None _logger_handler = None config = None def __new__(cls, *args, **kwargs): """ Override creating instance method to check for conditions. Args: args: Non-Keyword Arguments. kwargs: Keyword Arguments. Returns: ConnectionBase instance if passing the conditions. None if failing the conditions. """ if (not cls.is_supported_platform()) or (not cls.is_precondition_pass()): return None return super(ConnectionBase, cls).__new__(cls) # region GENERAL METHODS @classmethod def is_supported_platform(cls): """ Check if current platform is supported. Returns: True if platform is supported. False if platform is not supported. """ return _platform in cls._SUPPORTED_PLATFORM_LIST @classmethod def is_precondition_pass(cls): """ Check for precondition. Returns: True if passing the precondition. False if failing the precondition. """ return cls._is_precondition_valid def error_instruction(self): """ Get the error instruction. Returns: Error instruction string. """ return self._ERROR_INSTRUCTION # endregion # region MUST BE OVERRIDE METHODS @abc.abstractmethod def quit(self, is_disconnect_all=True): """ >> This method MUST be overridden in derived class << Abstract method for quiting the connection. Args: is_disconnect_all: Determine if it's necessary to disconnect all connections. Returns: None. """ self._logger.removeHandler(self._logger_handler) @abc.abstractmethod def connect(self, device, files=None, test_connection=False): """ >> This method MUST be overridden in derived class << Abstract method for quiting the connection. Args: device: Determine if it's necessary to disconnect all connections. files: Determine if it's necessary to disconnect all connections. test_connection: Determine if it's necessary to disconnect all connections. Returns: None. """ pass @abc.abstractmethod def disconnect(self, device): """ >> This method MUST be overridden in derived class << Abstract method for disconnecting connection. Args: device: Device name. Returns: None. """ pass # endregion # region RECEIVER THREAD METHODS def _init_thrd_llrecv(self, n_thrd_id): """ Start a thread which receive message from connection continuously. Args: n_thrd_id: thread id. Returns: None """ _mident = '%s.%s()' % (self.__class__.__name__, currentframe().f_code.co_name) self._llrecv_thrd_obj = threading.Thread(target=self._thrd_llrecv_from_connection_interface) self._llrecv_thrd_obj.setDaemon(True) self._llrecv_thrd_obj.name = str(self._CONNECTION_TYPE) + "-" + str(n_thrd_id) BuiltIn().log("%s: starting low-level receiver thread '%s'" % (_mident, self._llrecv_thrd_obj.name), constants.LOG_LEVEL_DEBUG) self._llrecv_thrd_obj.start() def _thrd_llrecv_from_connection_interface(self): """ >> This method will be override in derived class << The thread which receive message from connection continuously. Returns: None """ pass def _init_thread_receiver(self, thread_id, mode=None, sync_with_start=False): """ Initialize a thread for receiving data from connection. Args: thread_id: Thread ID number. mode: Connection's mode. sync_with_start: Determine if receiving thread needs to wait for start event. Returns: None """ _mident = '%s.%s()' % (self.__class__.__name__, currentframe().f_code.co_name) thread_name = self._CONNECTION_TYPE if mode is not None: thread_name = mode conn_id_name = str(thread_name) + str(thread_id) self._logger = QLogger().get_logger(conn_id_name) self._logger_handler = QLogger().set_handler(self.config) self._recv_thrd_term = threading.Event() self._recv_thrd_obj = threading.Thread(target=self._thread_receive_from_connection, kwargs=dict(sync_with_start=sync_with_start)) self._recv_thrd_obj.setDaemon(True) self._recv_thrd_obj.name = conn_id_name BuiltIn().log("%s: starting receiver thread '%s'" % (_mident, self._recv_thrd_obj.name)) self._recv_thrd_obj.start() def _thread_receive_from_connection(self, sync_with_start=False): """ Thread to receive data from connection continuously. Args: sync_with_start: determine if thread needs to wait for start event. Returns: None """ _mident = '%s.%s()' % (self.__class__.__name__, currentframe().f_code.co_name) if sync_with_start is True: BuiltIn().log("%s: receiver thread is waiting to start." % _mident, constants.LOG_LEVEL_DEBUG) while not self._recv_thrd_start.isSet(): time.sleep(self.__class__.RECV_MSGS_POLLING_INTERVAL) BuiltIn().log("%s: receiver thread started." % _mident, constants.LOG_LEVEL_DEBUG) while not self._recv_thrd_term.isSet(): try: msg = self.read_obj() if self._should_check_timeout: self.check_timeout(msg) if msg is not None: self._should_check_timeout = False self.pre_msg_check(msg) BuiltIn().log(msg, constants.LOG_LEVEL_INFO) if self._logger: self._logger.info(msg) # with self._msgq_c_lock: # now = time.time() # for q in self._msgq_c_obj.values(): # q.put((now, msg), False) with self.__class__._traceq_lock: if self.__class__._traceq_obj: for (regex_filter, msg_queue, back_trace_queue, use_fetch_block, regex_end_block_pattern, regex_line_filter) in self.__class__._traceq_obj.values(): is_hit = False result_obj = None if use_fetch_block is True: matchObj = regex_line_filter.search(msg) if matchObj is not None: back_trace_queue.append(msg) (is_hit, result_obj) = self._filter_msg(regex_end_block_pattern, msg) else: (is_hit, result_obj) = self._filter_msg(regex_filter, msg) if is_hit: now = time.time() if use_fetch_block is True: result_obj = regex_filter.search("\r\n".join(back_trace_queue)) back_trace_queue.clear() msg_queue.put((now, result_obj), False) self.post_msg_check(msg) except BrokenConnError as reason: BuiltIn().log("%s: %s" % (_mident, reason), constants.LOG_LEVEL_DEBUG) self._broken_conn.set() break except Exception as reason: BuiltIn().log("%s: %s" % (_mident, reason), constants.LOG_LEVEL_WARNING) time.sleep(self.__class__.RECV_MSGS_POLLING_INTERVAL) self._recv_thrd_term.clear() BuiltIn().log("%s: receiver thread terminated." % _mident, constants.LOG_LEVEL_DEBUG) def send_obj(self, obj, cr=True): """ Wrapper method to send message to a tcp connection. Args: obj: Data to be sent. cr: Determine if it's necessary to add newline character at the end of command. Returns: None """ _mident = '%s.%s()' % (self.__class__.__name__, currentframe().f_code.co_name) BuiltIn().log('%s' % _mident, constants.LOG_LEVEL_DEBUG) msg = obj if self._is_connected: # noinspection PyBroadException try: BuiltIn().log("%s: sending: '%s'" % (_mident, msg), constants.LOG_LEVEL_DEBUG) self._send(msg, cr) except: self._is_connected = False def read_obj(self): """ Wrapper method to get the response from connection. Returns: Responded message. """ _mident = '%s.%s()' % (self.__class__.__name__, currentframe().f_code.co_name) BuiltIn().log('%s' % _mident, constants.LOG_LEVEL_DEBUG) msg = None if self._is_connected: try: BuiltIn().log("%s: reading..." % _mident, constants.LOG_LEVEL_DEBUG) msg = self._read() BuiltIn().log("%s: read: '%s'" % (_mident, msg), constants.LOG_LEVEL_DEBUG) except BrokenConnError as reason: BuiltIn().log("%s: %s" % (_mident, reason), constants.LOG_LEVEL_ERROR) self._is_connected = False raise reason except Exception as reason: BuiltIn().log("%s: %s" % (_mident, reason), constants.LOG_LEVEL_WARNING) return msg # endregion # region TRACE INFRASTRUCTURE METHODS def wait_4_trace(self, search_obj, timeout=0, use_fetch_block=False, end_of_block_pattern=".*", filter_pattern=".*", *fct_args): """ Suspend the control flow until a Trace message is received which matches to a specified regular expression. Args: search_obj : Regular expression all received trace messages are compare to. \ Can be passed either as a string or a regular expression object. Refer to Python documentation for module 're'. use_fetch_block : Determine if 'fetch block' feature is used. end_of_block_pattern : The end of block pattern. filter_pattern : Regular expression object to filter message line by line. timeout : Optional timeout parameter specified as a floating point number in the unit 'seconds'. fct_args: Optional list of function arguments passed to be sent. Returns: None : If no trace message matched to the specified regular expression and a timeout occurred. <match> : If a trace message has matched to the specified regular expression, a match object is returned as the result.\ The complete trace message can be accessed by the 'string' attribute of the match object.\ For access to groups within the regular expression, use the group() method.\ For more information, refer to Python documentation for module 're'.\ """ _mident = '%s.%s()' % (self.__class__.__name__, currentframe().f_code.co_name) BuiltIn().log('Execute %s' % _mident, constants.LOG_LEVEL_DEBUG) search_regex = re.compile(search_obj, re.M | re.S | re.U) regex_obj_filter = re.compile(filter_pattern) trq_handle, trace_queue = self.create_and_activate_trace_queue(search_regex, use_fetch_block, end_of_block_pattern, regex_obj_filter) try: self.send_obj(*fct_args) except Exception as err_msg: # pylint: disable=W0703 BuiltIn().log('%s: An Exception occurred executing function object: %s' % (_mident, repr(self.send_obj)), 'ERROR') BuiltIn().log('Function Arguments: %s' % repr(fct_args), 'ERROR') BuiltIn().log('Error Message: %s' % repr(err_msg), 'ERROR') success = True match = None try: (dummy, match) = trace_queue.get(True, timeout) except queue.Empty: success = False finally: self.deactivate_and_delete_trace_queue(trq_handle, trace_queue) BuiltIn().log('Completed %s' % _mident, constants.LOG_LEVEL_DEBUG) if success: return match else: return None def wait_4_trace_continuously(self, trace_queue, timeout=0, *fct_args): """ Getting trace log continuously without creating a new trace queue. Args: trace_queue: Queue to store the traces. timeout: Timeout for waiting a matched log. fct_args: Arguments to be sent to connection. Returns: None : If no trace message matched to the specified regular expression and a timeout occurred. match object : If a trace message has matched to the specified regular expression, a match object is returned as the result. \ The complete trace message can be accessed by the 'string' attribute of the match object. \ For access to groups within the regular expression, use the group() method. \ For more information, refer to Python documentation for module 're'. \ """ _mident = '%s.%s()' % (self.__class__.__name__, currentframe().f_code.co_name) BuiltIn().log('Execute %s' % _mident, constants.LOG_LEVEL_DEBUG) try: self.send_obj(*fct_args) except Exception as err_msg: # pylint: disable=W0703 BuiltIn().log('%s: An Exception occurred executing function object: %s' % (_mident, repr(self.send_obj)), 'ERROR') BuiltIn().log('Function Arguments: %s' % repr(fct_args), 'ERROR') BuiltIn().log('Error Message: %s' % repr(err_msg), 'ERROR') success = True match = None try: if trace_queue is not None: (dummy, match) = trace_queue.get(True, timeout) except queue.Empty: success = False BuiltIn().log('Completed %s' % _mident, constants.LOG_LEVEL_DEBUG) if success: return match else: return None @classmethod def create_and_activate_trace_queue(cls, search_element, use_fetch_block=False, end_of_block_pattern='.*', regex_line_filter_pattern=None): """ Create Queue and assign it to _trace_queue object and activate the queue with the search element. Args: search_element : Regular expression all received trace messages are compare to. \ Can be passed either as a string or a regular expression object. Refer to Python documentation for module 're'.# use_fetch_block : Determine if 'fetch block' feature is used. end_of_block_pattern : The end of block pattern. regex_line_filter_pattern : Regular expression object to filter message line by line. Returns: trq_handle, trace_queue: the handle and search object """ trace_queue = queue.Queue() trq_handle = cls.activate_trace_queue(search_element, trace_queue, use_fetch_block, end_of_block_pattern, regex_line_filter_pattern) return trq_handle, trace_queue @classmethod def deactivate_and_delete_trace_queue(cls, trq_handle, trace_queue): """ Deactivate trace queue and delete. Args: trq_handle: Trace queue handle. trace_queue: Trace queue object. Returns: None. """ cls.deactivate_trace_queue(trq_handle) del trace_queue @classmethod def activate_trace_queue(cls, search_obj, trace_queue, use_fetch_block=False, end_of_block_pattern='.*', line_filter_pattern=None): """ Activates a trace message filter specified as a regular expression. All matching trace messages are put in the specified queue object. Args: search_obj : Regular expression all received trace messages are compare to. \ Can be passed either as a string or a regular expression object. Refer to Python documentation for module 're'.# trace_queue : A queue object all trace message which matches the regular expression are put in. \ The using application must assure, that the queue is emptied or deleted. use_fetch_block : Determine if 'fetch block' feature is used end_of_block_pattern : The end of block pattern line_filter_pattern : Regular expression object to filter message line by line. Returns: <int> : Handle to deactivate the message filter. """ _mident = '%s.%s()' % (cls.__class__.__name__, currentframe().f_code.co_name) BuiltIn().log('Execute %s' % _mident, constants.LOG_LEVEL_DEBUG) with cls._traceq_lock: cls._traceq_handle += 1 back_trace_queue = deque(maxlen=cls.MAX_LEN_BACKTRACE) search_regex_obj = re.compile(search_obj) cls._traceq_obj[cls._traceq_handle] = (search_regex_obj, trace_queue, back_trace_queue, use_fetch_block, re.compile(end_of_block_pattern, re.M | re.S | re.U), line_filter_pattern) handle_id = cls._traceq_handle BuiltIn().log('Completed %s' % _mident, constants.LOG_LEVEL_DEBUG) return handle_id @classmethod def deactivate_trace_queue(cls, handle): """ Deactivates a trace message filter previously activated by ActivateTraceQ() method. Args: handle : Integer object returned by ActivateTraceQ() method. Returns: False : No trace message filter active with the specified handle (i.e. handle is not in use). True : Trace message filter successfully deleted. """ _mident = '%s.%s()' % (cls.__class__.__name__, currentframe().f_code.co_name) BuiltIn().log('Execute %s' % _mident, constants.LOG_LEVEL_DEBUG) with cls._traceq_lock: if handle in cls._traceq_obj: del cls._traceq_obj[handle] is_success = True else: is_success = False BuiltIn().log('Completed %s' % _mident, constants.LOG_LEVEL_DEBUG) return is_success def check_timeout(self, msg): """ >> This method will be override in derived class << Check if responded message come in cls._RESPOND_TIMEOUT or we will raise a timeout event. Args: msg: Responded message for checking. Returns: None. """ pass def pre_msg_check(self, msg): """ >> This method will be override in derived class << Pre-checking message when receiving it from connection. Args: msg: received message to be checked. Returns: None. """ pass def post_msg_check(self, msg): """ >> This method will be override in derived class << Post-checking message when receiving it from connection. Args: msg: received message to be checked. Returns: None. """ pass # endregion # region UTILITIES METHODS @staticmethod @staticmethod def _filter_msg(self, regex_filter_obj, msg): """ Filter message by regular expression object. Args: regex_filter_obj: regular expression object. msg: message string. Returns: is_hit: Determine if there is any matched. matched_obj: Matched object. """ _mident = '%s.%s()' % (self.__class__.__name__, currentframe().f_code.co_name) BuiltIn().log(_mident, constants.LOG_LEVEL_DEBUG) matched_obj = None try: BuiltIn().log("%s: regex_filter_obj '%s'" % (_mident, repr(regex_filter_obj)), constants.LOG_LEVEL_DEBUG) BuiltIn().log("%s: msg '%s'" % (_mident, repr(msg)), constants.LOG_LEVEL_DEBUG) matched_obj = regex_filter_obj.search(msg) except Exception as reason: BuiltIn().log("%s: %s" % (_mident, reason), constants.LOG_LEVEL_ERROR) is_hit = False if matched_obj: is_hit = True return is_hit, matched_obj # endregion
[ 2, 220, 15069, 12131, 12, 1238, 1828, 5199, 14548, 354, 1879, 7854, 20626, 402, 2022, 39, 198, 2, 198, 2, 220, 49962, 739, 262, 24843, 13789, 11, 10628, 362, 13, 15, 357, 1169, 366, 34156, 15341, 198, 2, 220, 345, 743, 407, 779, 428, 2393, 2845, 287, 11846, 351, 262, 13789, 13, 198, 2, 220, 921, 743, 7330, 257, 4866, 286, 262, 13789, 379, 198, 2, 198, 2, 220, 220, 220, 220, 220, 2638, 1378, 2503, 13, 43073, 13, 2398, 14, 677, 4541, 14, 43, 2149, 24290, 12, 17, 13, 15, 198, 2, 198, 2, 220, 17486, 2672, 416, 9723, 1099, 393, 4987, 284, 287, 3597, 11, 3788, 198, 2, 220, 9387, 739, 262, 13789, 318, 9387, 319, 281, 366, 1921, 3180, 1, 29809, 1797, 11, 198, 2, 220, 42881, 34764, 11015, 6375, 7102, 49828, 11053, 3963, 15529, 509, 12115, 11, 2035, 4911, 393, 17142, 13, 198, 2, 220, 4091, 262, 13789, 329, 262, 2176, 3303, 15030, 21627, 290, 198, 2, 220, 11247, 739, 262, 13789, 13, 198, 2, 41906, 17174, 46068, 8162, 198, 2, 198, 2, 9220, 25, 4637, 62, 8692, 13, 9078, 198, 2, 198, 2, 30900, 2727, 416, 14496, 506, 42379, 357, 27912, 53, 39, 14, 2943, 44, 1157, 8, 1220, 1737, 33448, 13, 198, 2, 13403, 319, 3467, 8019, 59, 4825, 47, 59, 4177, 34, 5868, 586, 72, 15681, 1739, 13, 9078, 287, 309, 5805, 25161, 13, 198, 2, 198, 2, 12489, 25, 198, 2, 220, 220, 44290, 262, 6884, 329, 7216, 9729, 290, 1972, 20675, 422, 4637, 17282, 13, 198, 2, 198, 2, 7443, 25, 198, 2, 198, 2, 1105, 13, 2713, 13, 1238, 2481, 1220, 569, 657, 13, 16, 1220, 14496, 506, 42379, 198, 2, 532, 20768, 1096, 198, 2, 198, 2, 41906, 17174, 46068, 8162, 198, 6738, 450, 66, 1330, 9738, 48526, 198, 6738, 10104, 1330, 1459, 14535, 198, 6738, 17268, 1330, 390, 4188, 198, 6738, 9379, 13, 75, 11127, 13, 39582, 818, 1330, 28477, 818, 198, 6738, 1195, 13313, 14881, 13, 80, 6404, 1362, 1330, 1195, 11187, 1362, 198, 11748, 1195, 13313, 14881, 13, 9979, 1187, 355, 38491, 198, 11748, 16834, 198, 11748, 450, 66, 198, 11748, 640, 198, 11748, 3859, 198, 11748, 4704, 278, 198, 11748, 302, 198, 198, 62, 24254, 796, 3859, 13, 10057, 22446, 21037, 3419, 628, 198, 198, 4871, 26923, 14881, 7, 15252, 2599, 198, 220, 220, 37227, 198, 220, 220, 7308, 1398, 329, 477, 4637, 6097, 13, 198, 220, 220, 37227, 198, 220, 220, 11593, 4164, 330, 31172, 834, 796, 9738, 48526, 198, 220, 220, 4808, 40331, 15490, 1961, 62, 6489, 1404, 21389, 62, 45849, 796, 685, 9979, 1187, 13, 2640, 62, 33207, 62, 18601, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 38491, 13, 2640, 62, 34509, 31235, 62, 18601, 60, 198, 220, 220, 4808, 10943, 45, 24565, 62, 25216, 796, 366, 3673, 48181, 1, 198, 220, 220, 4808, 24908, 62, 1268, 46126, 2849, 796, 38491, 13, 4944, 44706, 62, 18601, 628, 220, 220, 25882, 62, 43, 1677, 62, 31098, 5446, 11598, 796, 5323, 220, 1303, 26299, 628, 220, 220, 19644, 53, 62, 5653, 14313, 62, 16402, 3069, 2751, 62, 41358, 23428, 796, 657, 13, 22544, 628, 220, 220, 4808, 13345, 62, 400, 4372, 62, 26801, 796, 6045, 198, 220, 220, 4808, 13345, 62, 400, 4372, 62, 15003, 796, 4704, 278, 13, 9237, 3419, 198, 220, 220, 4808, 13345, 62, 400, 4372, 62, 4354, 796, 4704, 278, 13, 9237, 3419, 628, 220, 220, 4808, 8344, 85, 62, 400, 4372, 62, 26801, 796, 6045, 198, 220, 220, 1303, 4808, 8344, 85, 62, 400, 4372, 62, 4354, 796, 4704, 278, 13, 9237, 3419, 198, 220, 220, 4808, 8344, 85, 62, 400, 4372, 62, 4354, 796, 6045, 628, 220, 220, 4808, 3174, 62, 41068, 62, 5354, 796, 4704, 278, 13, 7836, 735, 3419, 198, 220, 220, 4808, 9688, 62, 67, 2528, 62, 5354, 796, 4704, 278, 13, 7836, 735, 3419, 628, 220, 220, 4808, 40546, 80, 62, 28144, 796, 657, 198, 220, 220, 4808, 40546, 80, 62, 26801, 796, 23884, 198, 220, 220, 4808, 40546, 80, 62, 5354, 796, 4704, 278, 13, 25392, 3419, 628, 220, 220, 4855, 62, 42034, 796, 17635, 628, 220, 220, 1303, 1303, 329, 12948, 7587, 198, 220, 220, 1303, 4808, 19662, 80, 62, 66, 62, 28144, 796, 657, 198, 220, 220, 1303, 4808, 19662, 80, 62, 66, 62, 26801, 796, 23884, 198, 220, 220, 1303, 4808, 19662, 80, 62, 66, 62, 5354, 796, 4704, 278, 13, 25392, 3419, 628, 198, 220, 220, 4808, 271, 62, 3866, 31448, 62, 12102, 796, 6407, 198, 220, 220, 4808, 21754, 62, 9122, 62, 48678, 796, 10352, 628, 220, 220, 4808, 6404, 1362, 796, 6045, 198, 220, 220, 4808, 6404, 1362, 62, 30281, 796, 6045, 198, 220, 220, 4566, 796, 6045, 198, 220, 220, 825, 11593, 3605, 834, 7, 565, 82, 11, 1635, 22046, 11, 12429, 46265, 22046, 2599, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 3827, 13154, 4441, 4554, 2446, 284, 2198, 329, 3403, 13, 198, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 943, 14542, 25, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 26498, 25, 8504, 12, 9218, 4775, 20559, 2886, 13, 198, 197, 197, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 479, 86, 22046, 25, 220, 220, 7383, 4775, 20559, 2886, 13, 628, 220, 220, 220, 220, 220, 16409, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 26923, 14881, 4554, 611, 6427, 262, 3403, 13, 198, 197, 197, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 6045, 611, 9894, 262, 3403, 13, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 611, 357, 1662, 537, 82, 13, 271, 62, 15999, 62, 24254, 28955, 393, 357, 1662, 537, 82, 13, 271, 62, 3866, 31448, 62, 6603, 3419, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 1441, 6045, 198, 220, 220, 220, 220, 220, 1441, 2208, 7, 32048, 14881, 11, 537, 82, 737, 834, 3605, 834, 7, 565, 82, 8, 628, 220, 220, 1303, 3814, 41877, 337, 36252, 50, 198, 220, 220, 2488, 4871, 24396, 198, 220, 220, 825, 318, 62, 15999, 62, 24254, 7, 565, 82, 2599, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 6822, 611, 1459, 3859, 318, 4855, 13, 198, 197, 220, 220, 198, 220, 220, 220, 220, 220, 16409, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 6407, 611, 3859, 318, 4855, 13, 198, 197, 197, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 10352, 611, 3859, 318, 407, 4855, 13, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 1441, 4808, 24254, 287, 537, 82, 13557, 40331, 15490, 1961, 62, 6489, 1404, 21389, 62, 45849, 628, 220, 220, 2488, 4871, 24396, 198, 220, 220, 825, 318, 62, 3866, 31448, 62, 6603, 7, 565, 82, 2599, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 6822, 329, 3718, 623, 653, 13, 198, 197, 220, 220, 198, 220, 220, 220, 220, 220, 16409, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 6407, 611, 6427, 262, 3718, 623, 653, 13, 198, 197, 197, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 10352, 611, 9894, 262, 3718, 623, 653, 13, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 1441, 537, 82, 13557, 271, 62, 3866, 31448, 62, 12102, 628, 220, 220, 825, 4049, 62, 8625, 2762, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 3497, 262, 4049, 12064, 13, 198, 197, 220, 220, 198, 220, 220, 220, 220, 220, 16409, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 13047, 12064, 4731, 13, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 1441, 2116, 13557, 24908, 62, 1268, 46126, 2849, 198, 220, 220, 1303, 886, 36996, 628, 220, 220, 1303, 3814, 17191, 9348, 28729, 49, 14114, 337, 36252, 50, 198, 220, 220, 2488, 39305, 13, 397, 8709, 24396, 198, 220, 220, 825, 11238, 7, 944, 11, 318, 62, 6381, 8443, 62, 439, 28, 17821, 2599, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 9609, 770, 2446, 17191, 307, 23170, 4651, 287, 10944, 1398, 9959, 198, 220, 220, 220, 220, 220, 27741, 2446, 329, 627, 1780, 262, 4637, 13, 198, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 318, 62, 6381, 8443, 62, 439, 25, 45559, 3810, 611, 340, 338, 3306, 284, 22837, 477, 8787, 13, 628, 220, 220, 220, 220, 220, 16409, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 6045, 13, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 2116, 13557, 6404, 1362, 13, 28956, 25060, 7, 944, 13557, 6404, 1362, 62, 30281, 8, 628, 220, 220, 2488, 39305, 13, 397, 8709, 24396, 198, 220, 220, 825, 2018, 7, 944, 11, 3335, 11, 3696, 28, 14202, 11, 1332, 62, 38659, 28, 25101, 2599, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 9609, 770, 2446, 17191, 307, 23170, 4651, 287, 10944, 1398, 9959, 198, 220, 220, 220, 220, 220, 27741, 2446, 329, 627, 1780, 262, 4637, 13, 198, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 3335, 25, 45559, 3810, 611, 340, 338, 3306, 284, 22837, 477, 8787, 13, 198, 197, 197, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 3696, 25, 45559, 3810, 611, 340, 338, 3306, 284, 22837, 477, 8787, 13, 198, 197, 197, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 1332, 62, 38659, 25, 45559, 3810, 611, 340, 338, 3306, 284, 22837, 477, 8787, 13, 628, 220, 220, 220, 220, 220, 16409, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 6045, 13, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 1208, 628, 198, 220, 220, 2488, 39305, 13, 397, 8709, 24396, 198, 220, 220, 825, 22837, 7, 944, 11, 3335, 2599, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 9609, 770, 2446, 17191, 307, 23170, 4651, 287, 10944, 1398, 9959, 198, 220, 220, 220, 220, 220, 27741, 2446, 329, 22837, 278, 4637, 13, 198, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 3335, 25, 16232, 1438, 13, 628, 220, 220, 220, 220, 220, 16409, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 6045, 13, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 1208, 198, 220, 220, 1303, 886, 36996, 628, 220, 220, 1303, 3814, 19644, 36, 38757, 2320, 15675, 337, 36252, 50, 198, 220, 220, 825, 4808, 15003, 62, 400, 4372, 62, 297, 8344, 85, 7, 944, 11, 299, 62, 400, 4372, 62, 312, 2599, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 7253, 257, 4704, 543, 3328, 3275, 422, 4637, 17282, 13, 198, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 299, 62, 400, 4372, 62, 312, 25, 4704, 4686, 13, 628, 220, 220, 220, 220, 220, 16409, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 6045, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 4808, 76, 738, 796, 705, 4, 82, 13, 4, 82, 3419, 6, 4064, 357, 944, 13, 834, 4871, 834, 13, 834, 3672, 834, 11, 1459, 14535, 22446, 69, 62, 8189, 13, 1073, 62, 3672, 8, 198, 220, 220, 220, 220, 220, 2116, 13557, 297, 8344, 85, 62, 400, 4372, 62, 26801, 796, 4704, 278, 13, 16818, 7, 16793, 28, 944, 13557, 400, 4372, 62, 297, 8344, 85, 62, 6738, 62, 38659, 62, 39994, 8, 198, 220, 220, 220, 220, 220, 2116, 13557, 297, 8344, 85, 62, 400, 4372, 62, 26801, 13, 2617, 26531, 7966, 7, 17821, 8, 198, 220, 220, 220, 220, 220, 2116, 13557, 297, 8344, 85, 62, 400, 4372, 62, 26801, 13, 3672, 796, 965, 7, 944, 13557, 10943, 45, 24565, 62, 25216, 8, 1343, 366, 21215, 1343, 965, 7, 77, 62, 400, 4372, 62, 312, 8, 198, 220, 220, 220, 220, 220, 28477, 818, 22446, 6404, 7203, 4, 82, 25, 3599, 1877, 12, 5715, 9733, 4704, 705, 4, 82, 29653, 4064, 44104, 76, 738, 11, 2116, 13557, 297, 8344, 85, 62, 400, 4372, 62, 26801, 13, 3672, 828, 38491, 13, 25294, 62, 2538, 18697, 62, 30531, 8, 198, 220, 220, 220, 220, 220, 2116, 13557, 297, 8344, 85, 62, 400, 4372, 62, 26801, 13, 9688, 3419, 628, 220, 220, 825, 4808, 400, 4372, 62, 297, 8344, 85, 62, 6738, 62, 38659, 62, 39994, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 9609, 770, 2446, 481, 307, 20957, 287, 10944, 1398, 9959, 198, 220, 220, 220, 220, 220, 383, 4704, 543, 3328, 3275, 422, 4637, 17282, 13, 198, 197, 220, 220, 198, 220, 220, 220, 220, 220, 16409, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 6045, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 1208, 628, 220, 220, 825, 4808, 15003, 62, 16663, 62, 260, 39729, 7, 944, 11, 4704, 62, 312, 11, 4235, 28, 14202, 11, 17510, 62, 4480, 62, 9688, 28, 25101, 2599, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 20768, 1096, 257, 4704, 329, 6464, 1366, 422, 4637, 13, 198, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 4704, 62, 312, 25, 14122, 4522, 1271, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 4235, 25, 26923, 338, 4235, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 17510, 62, 4480, 62, 9688, 25, 45559, 3810, 611, 6464, 4704, 2476, 284, 4043, 329, 923, 1785, 13, 628, 220, 220, 220, 220, 220, 16409, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 6045, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 4808, 76, 738, 796, 705, 4, 82, 13, 4, 82, 3419, 6, 4064, 357, 944, 13, 834, 4871, 834, 13, 834, 3672, 834, 11, 1459, 14535, 22446, 69, 62, 8189, 13, 1073, 62, 3672, 8, 198, 220, 220, 220, 220, 220, 4704, 62, 3672, 796, 2116, 13557, 10943, 45, 24565, 62, 25216, 198, 220, 220, 220, 220, 220, 611, 4235, 318, 407, 6045, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 4704, 62, 3672, 796, 4235, 198, 220, 220, 220, 220, 220, 48260, 62, 312, 62, 3672, 796, 965, 7, 16663, 62, 3672, 8, 1343, 965, 7, 16663, 62, 312, 8, 198, 220, 220, 220, 220, 220, 2116, 13557, 6404, 1362, 796, 1195, 11187, 1362, 22446, 1136, 62, 6404, 1362, 7, 37043, 62, 312, 62, 3672, 8, 198, 220, 220, 220, 220, 220, 2116, 13557, 6404, 1362, 62, 30281, 796, 1195, 11187, 1362, 22446, 2617, 62, 30281, 7, 944, 13, 11250, 8, 198, 220, 220, 220, 220, 220, 2116, 13557, 8344, 85, 62, 400, 4372, 62, 4354, 796, 4704, 278, 13, 9237, 3419, 198, 220, 220, 220, 220, 220, 2116, 13557, 8344, 85, 62, 400, 4372, 62, 26801, 796, 4704, 278, 13, 16818, 7, 16793, 28, 944, 13557, 16663, 62, 260, 15164, 62, 6738, 62, 38659, 11, 479, 86, 22046, 28, 11600, 7, 27261, 62, 4480, 62, 9688, 28, 27261, 62, 4480, 62, 9688, 4008, 198, 220, 220, 220, 220, 220, 2116, 13557, 8344, 85, 62, 400, 4372, 62, 26801, 13, 2617, 26531, 7966, 7, 17821, 8, 628, 220, 220, 220, 220, 220, 2116, 13557, 8344, 85, 62, 400, 4372, 62, 26801, 13, 3672, 796, 48260, 62, 312, 62, 3672, 198, 220, 220, 220, 220, 220, 28477, 818, 22446, 6404, 7203, 4, 82, 25, 3599, 9733, 4704, 705, 4, 82, 29653, 4064, 44104, 76, 738, 11, 2116, 13557, 8344, 85, 62, 400, 4372, 62, 26801, 13, 3672, 4008, 198, 220, 220, 220, 220, 220, 2116, 13557, 8344, 85, 62, 400, 4372, 62, 26801, 13, 9688, 3419, 628, 220, 220, 825, 4808, 16663, 62, 260, 15164, 62, 6738, 62, 38659, 7, 944, 11, 17510, 62, 4480, 62, 9688, 28, 25101, 2599, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 14122, 284, 3328, 1366, 422, 4637, 17282, 13, 198, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 17510, 62, 4480, 62, 9688, 25, 5004, 611, 4704, 2476, 284, 4043, 329, 923, 1785, 13, 628, 220, 220, 220, 220, 220, 16409, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 6045, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 4808, 76, 738, 796, 705, 4, 82, 13, 4, 82, 3419, 6, 4064, 357, 944, 13, 834, 4871, 834, 13, 834, 3672, 834, 11, 1459, 14535, 22446, 69, 62, 8189, 13, 1073, 62, 3672, 8, 198, 220, 220, 220, 220, 220, 611, 17510, 62, 4480, 62, 9688, 318, 6407, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 28477, 818, 22446, 6404, 7203, 4, 82, 25, 9733, 4704, 318, 4953, 284, 923, 526, 4064, 4808, 76, 738, 11, 38491, 13, 25294, 62, 2538, 18697, 62, 30531, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 981, 407, 2116, 13557, 8344, 85, 62, 400, 4372, 62, 9688, 13, 271, 7248, 33529, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 640, 13, 42832, 7, 944, 13, 834, 4871, 834, 13, 2200, 33538, 62, 5653, 14313, 62, 16402, 3069, 2751, 62, 41358, 23428, 8, 628, 220, 220, 220, 220, 220, 28477, 818, 22446, 6404, 7203, 4, 82, 25, 9733, 4704, 2067, 526, 4064, 4808, 76, 738, 11, 38491, 13, 25294, 62, 2538, 18697, 62, 30531, 8, 198, 220, 220, 220, 220, 220, 981, 407, 2116, 13557, 8344, 85, 62, 400, 4372, 62, 4354, 13, 271, 7248, 33529, 198, 220, 220, 220, 220, 220, 220, 220, 220, 1949, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 31456, 796, 2116, 13, 961, 62, 26801, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 2116, 13557, 21754, 62, 9122, 62, 48678, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 9122, 62, 48678, 7, 19662, 8, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 31456, 318, 407, 6045, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13557, 21754, 62, 9122, 62, 48678, 796, 10352, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 3866, 62, 19662, 62, 9122, 7, 19662, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 28477, 818, 22446, 6404, 7, 19662, 11, 38491, 13, 25294, 62, 2538, 18697, 62, 10778, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 2116, 13557, 6404, 1362, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13557, 6404, 1362, 13, 10951, 7, 19662, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 351, 2116, 13557, 19662, 80, 62, 66, 62, 5354, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 220, 220, 220, 783, 796, 640, 13, 2435, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 220, 220, 220, 329, 10662, 287, 2116, 13557, 19662, 80, 62, 66, 62, 26801, 13, 27160, 33529, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 220, 220, 220, 220, 220, 220, 10662, 13, 1996, 19510, 2197, 11, 31456, 828, 10352, 8, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 351, 2116, 13, 834, 4871, 834, 13557, 40546, 80, 62, 5354, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 2116, 13, 834, 4871, 834, 13557, 40546, 80, 62, 26801, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 329, 357, 260, 25636, 62, 24455, 11, 31456, 62, 36560, 11, 736, 62, 40546, 62, 36560, 11, 779, 62, 69, 7569, 62, 9967, 11, 40364, 62, 437, 62, 9967, 62, 33279, 11, 40364, 62, 1370, 62, 24455, 8, 287, 2116, 13, 834, 4871, 834, 13557, 40546, 80, 62, 26801, 13, 27160, 33529, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 318, 62, 17945, 796, 10352, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1255, 62, 26801, 796, 6045, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 779, 62, 69, 7569, 62, 9967, 318, 6407, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2872, 49201, 796, 40364, 62, 1370, 62, 24455, 13, 12947, 7, 19662, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 2872, 49201, 318, 407, 6045, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 736, 62, 40546, 62, 36560, 13, 33295, 7, 19662, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 357, 271, 62, 17945, 11, 1255, 62, 26801, 8, 796, 2116, 13557, 24455, 62, 19662, 7, 260, 25636, 62, 437, 62, 9967, 62, 33279, 11, 31456, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 357, 271, 62, 17945, 11, 1255, 62, 26801, 8, 796, 2116, 13557, 24455, 62, 19662, 7, 260, 25636, 62, 24455, 11, 31456, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 318, 62, 17945, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 783, 796, 640, 13, 2435, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 611, 779, 62, 69, 7569, 62, 9967, 318, 6407, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1255, 62, 26801, 796, 40364, 62, 24455, 13, 12947, 7203, 59, 81, 59, 77, 1911, 22179, 7, 1891, 62, 40546, 62, 36560, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 736, 62, 40546, 62, 36560, 13, 20063, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 31456, 62, 36560, 13, 1996, 19510, 2197, 11, 1255, 62, 26801, 828, 10352, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 7353, 62, 19662, 62, 9122, 7, 19662, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 2845, 22607, 37321, 12331, 355, 1738, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 28477, 818, 22446, 6404, 7203, 4, 82, 25, 4064, 82, 1, 4064, 44104, 76, 738, 11, 1738, 828, 38491, 13, 25294, 62, 2538, 18697, 62, 30531, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13557, 25826, 62, 37043, 13, 2617, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2270, 198, 220, 220, 220, 220, 220, 220, 220, 220, 2845, 35528, 355, 1738, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 28477, 818, 22446, 6404, 7203, 4, 82, 25, 4064, 82, 1, 4064, 44104, 76, 738, 11, 1738, 828, 38491, 13, 25294, 62, 2538, 18697, 62, 31502, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 640, 13, 42832, 7, 944, 13, 834, 4871, 834, 13, 2200, 33538, 62, 5653, 14313, 62, 16402, 3069, 2751, 62, 41358, 23428, 8, 628, 220, 220, 220, 220, 220, 2116, 13557, 8344, 85, 62, 400, 4372, 62, 4354, 13, 20063, 3419, 198, 220, 220, 220, 220, 220, 28477, 818, 22446, 6404, 7203, 4, 82, 25, 9733, 4704, 23083, 526, 4064, 4808, 76, 738, 11, 38491, 13, 25294, 62, 2538, 18697, 62, 30531, 8, 628, 198, 220, 220, 825, 3758, 62, 26801, 7, 944, 11, 26181, 11, 1067, 28, 17821, 2599, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 27323, 2848, 2446, 284, 3758, 3275, 284, 257, 48265, 4637, 13, 198, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 26181, 25, 6060, 284, 307, 1908, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 1067, 25, 45559, 3810, 611, 340, 338, 3306, 284, 751, 649, 1370, 2095, 379, 262, 886, 286, 3141, 13, 628, 220, 220, 220, 220, 220, 16409, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 6045, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 4808, 76, 738, 796, 705, 4, 82, 13, 4, 82, 3419, 6, 4064, 357, 944, 13, 834, 4871, 834, 13, 834, 3672, 834, 11, 1459, 14535, 22446, 69, 62, 8189, 13, 1073, 62, 3672, 8, 198, 220, 220, 220, 220, 220, 28477, 818, 22446, 6404, 10786, 4, 82, 6, 4064, 4808, 76, 738, 11, 38491, 13, 25294, 62, 2538, 18697, 62, 30531, 8, 198, 220, 220, 220, 220, 220, 31456, 796, 26181, 198, 220, 220, 220, 220, 220, 611, 2116, 13557, 271, 62, 15236, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 1303, 645, 1040, 14978, 9485, 30507, 16922, 198, 220, 220, 220, 220, 220, 220, 220, 220, 1949, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 28477, 818, 22446, 6404, 7203, 4, 82, 25, 7216, 25, 705, 4, 82, 29653, 4064, 44104, 76, 738, 11, 31456, 828, 38491, 13, 25294, 62, 2538, 18697, 62, 30531, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13557, 21280, 7, 19662, 11, 1067, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 2845, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13557, 271, 62, 15236, 796, 10352, 628, 220, 220, 825, 1100, 62, 26801, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 27323, 2848, 2446, 284, 651, 262, 2882, 422, 4637, 13, 198, 197, 220, 220, 198, 220, 220, 220, 220, 220, 16409, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 33556, 276, 3275, 13, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 4808, 76, 738, 796, 705, 4, 82, 13, 4, 82, 3419, 6, 4064, 357, 944, 13, 834, 4871, 834, 13, 834, 3672, 834, 11, 1459, 14535, 22446, 69, 62, 8189, 13, 1073, 62, 3672, 8, 198, 220, 220, 220, 220, 220, 28477, 818, 22446, 6404, 10786, 4, 82, 6, 4064, 4808, 76, 738, 11, 38491, 13, 25294, 62, 2538, 18697, 62, 30531, 8, 198, 220, 220, 220, 220, 220, 31456, 796, 6045, 198, 220, 220, 220, 220, 220, 611, 2116, 13557, 271, 62, 15236, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 1949, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 28477, 818, 22446, 6404, 7203, 4, 82, 25, 3555, 9313, 4064, 4808, 76, 738, 11, 38491, 13, 25294, 62, 2538, 18697, 62, 30531, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 31456, 796, 2116, 13557, 961, 3419, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 28477, 818, 22446, 6404, 7203, 4, 82, 25, 1100, 25, 705, 4, 82, 29653, 4064, 44104, 76, 738, 11, 31456, 828, 38491, 13, 25294, 62, 2538, 18697, 62, 30531, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 2845, 22607, 37321, 12331, 355, 1738, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 28477, 818, 22446, 6404, 7203, 4, 82, 25, 4064, 82, 1, 4064, 44104, 76, 738, 11, 1738, 828, 38491, 13, 25294, 62, 2538, 18697, 62, 24908, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13557, 271, 62, 15236, 796, 10352, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5298, 1738, 198, 220, 220, 220, 220, 220, 220, 220, 220, 2845, 35528, 355, 1738, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 28477, 818, 22446, 6404, 7203, 4, 82, 25, 4064, 82, 1, 4064, 44104, 76, 738, 11, 1738, 828, 38491, 13, 25294, 62, 2538, 18697, 62, 31502, 8, 198, 220, 220, 220, 220, 220, 1441, 31456, 198, 220, 220, 1303, 886, 36996, 628, 220, 220, 1303, 3814, 7579, 11598, 3268, 10913, 1921, 5446, 18415, 11335, 337, 36252, 50, 198, 220, 220, 825, 4043, 62, 19, 62, 40546, 7, 944, 11, 2989, 62, 26801, 11, 26827, 28, 15, 11, 779, 62, 69, 7569, 62, 9967, 28, 25101, 11, 886, 62, 1659, 62, 9967, 62, 33279, 28, 1911, 9, 1600, 8106, 62, 33279, 28, 1911, 9, 1600, 1635, 69, 310, 62, 22046, 2599, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 31922, 437, 262, 1630, 5202, 1566, 257, 34912, 3275, 318, 2722, 543, 7466, 284, 257, 7368, 3218, 5408, 13, 198, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2989, 62, 26801, 1058, 23603, 5408, 477, 2722, 12854, 6218, 389, 8996, 284, 13, 3467, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1680, 307, 3804, 2035, 355, 257, 4731, 393, 257, 3218, 5408, 2134, 13, 33973, 284, 11361, 10314, 329, 8265, 705, 260, 4458, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 779, 62, 69, 7569, 62, 9967, 1058, 45559, 3810, 611, 705, 69, 7569, 2512, 6, 3895, 318, 973, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 886, 62, 1659, 62, 9967, 62, 33279, 1058, 383, 886, 286, 2512, 3912, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8106, 62, 33279, 1058, 23603, 5408, 2134, 284, 8106, 3275, 1627, 416, 1627, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 26827, 1058, 220, 220, 32233, 26827, 11507, 7368, 355, 257, 12462, 966, 1271, 287, 262, 4326, 705, 43012, 4458, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 277, 310, 62, 22046, 25, 220, 220, 32233, 1351, 286, 2163, 7159, 3804, 284, 307, 1908, 13, 628, 220, 220, 220, 220, 220, 16409, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6045, 1058, 220, 220, 220, 1002, 645, 12854, 3275, 14451, 284, 262, 7368, 3218, 5408, 290, 257, 26827, 5091, 13, 198, 197, 197, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1279, 15699, 29, 1058, 1002, 257, 12854, 3275, 468, 14451, 284, 262, 7368, 3218, 5408, 11, 257, 2872, 2134, 318, 4504, 355, 262, 1255, 13, 59, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 383, 1844, 12854, 3275, 460, 307, 17535, 416, 262, 705, 8841, 6, 11688, 286, 262, 2872, 2134, 13, 59, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1114, 1895, 284, 2628, 1626, 262, 3218, 5408, 11, 779, 262, 1448, 3419, 2446, 13, 59, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1114, 517, 1321, 11, 3522, 284, 11361, 10314, 329, 8265, 705, 260, 4458, 59, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 4808, 76, 738, 796, 705, 4, 82, 13, 4, 82, 3419, 6, 4064, 357, 944, 13, 834, 4871, 834, 13, 834, 3672, 834, 11, 1459, 14535, 22446, 69, 62, 8189, 13, 1073, 62, 3672, 8, 198, 220, 220, 220, 220, 220, 28477, 818, 22446, 6404, 10786, 23002, 1133, 4064, 82, 6, 4064, 4808, 76, 738, 11, 38491, 13, 25294, 62, 2538, 18697, 62, 30531, 8, 198, 220, 220, 220, 220, 220, 2989, 62, 260, 25636, 796, 302, 13, 5589, 576, 7, 12947, 62, 26801, 11, 302, 13, 44, 930, 302, 13, 50, 930, 302, 13, 52, 8, 198, 220, 220, 220, 220, 220, 40364, 62, 26801, 62, 24455, 796, 302, 13, 5589, 576, 7, 24455, 62, 33279, 8, 198, 220, 220, 220, 220, 220, 491, 80, 62, 28144, 11, 12854, 62, 36560, 796, 2116, 13, 17953, 62, 392, 62, 39022, 62, 40546, 62, 36560, 7, 12947, 62, 260, 25636, 11, 779, 62, 69, 7569, 62, 9967, 11, 886, 62, 1659, 62, 9967, 62, 33279, 11, 40364, 62, 26801, 62, 24455, 8, 628, 220, 220, 220, 220, 220, 1949, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 21280, 62, 26801, 46491, 69, 310, 62, 22046, 8, 198, 220, 220, 220, 220, 220, 2845, 35528, 355, 11454, 62, 19662, 25, 220, 1303, 279, 2645, 600, 25, 15560, 28, 54, 15, 36809, 198, 220, 220, 220, 220, 220, 220, 220, 220, 28477, 818, 22446, 6404, 10786, 4, 82, 25, 1052, 35528, 5091, 23710, 2163, 2134, 25, 4064, 82, 6, 4064, 44104, 76, 738, 11, 41575, 7, 944, 13, 21280, 62, 26801, 36911, 705, 24908, 11537, 198, 220, 220, 220, 220, 220, 220, 220, 220, 28477, 818, 22446, 6404, 10786, 22203, 20559, 2886, 25, 4064, 82, 6, 4064, 41575, 7, 69, 310, 62, 22046, 828, 705, 24908, 11537, 198, 220, 220, 220, 220, 220, 220, 220, 220, 28477, 818, 22446, 6404, 10786, 12331, 16000, 25, 4064, 82, 6, 4064, 41575, 7, 8056, 62, 19662, 828, 705, 24908, 11537, 198, 220, 220, 220, 220, 220, 1943, 796, 6407, 198, 220, 220, 220, 220, 220, 2872, 796, 6045, 198, 220, 220, 220, 220, 220, 1949, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 357, 67, 13513, 11, 2872, 8, 796, 12854, 62, 36560, 13, 1136, 7, 17821, 11, 26827, 8, 198, 220, 220, 220, 220, 220, 2845, 16834, 13, 40613, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 1943, 796, 10352, 198, 220, 220, 220, 220, 220, 3443, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 2934, 39022, 62, 392, 62, 33678, 62, 40546, 62, 36560, 7, 2213, 80, 62, 28144, 11, 12854, 62, 36560, 8, 628, 220, 220, 220, 220, 220, 28477, 818, 22446, 6404, 10786, 43768, 4064, 82, 6, 4064, 4808, 76, 738, 11, 38491, 13, 25294, 62, 2538, 18697, 62, 30531, 8, 198, 220, 220, 220, 220, 220, 611, 1943, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 1441, 2872, 198, 220, 220, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 1441, 6045, 628, 198, 220, 220, 825, 4043, 62, 19, 62, 40546, 62, 18487, 24987, 7, 944, 11, 12854, 62, 36560, 11, 26827, 28, 15, 11, 1635, 69, 310, 62, 22046, 2599, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 18067, 12854, 2604, 17282, 1231, 4441, 257, 649, 12854, 16834, 13, 198, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 12854, 62, 36560, 25, 4670, 518, 284, 3650, 262, 20675, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 26827, 25, 3862, 448, 329, 4953, 257, 14451, 2604, 13, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 277, 310, 62, 22046, 25, 20559, 2886, 284, 307, 1908, 284, 4637, 13, 628, 220, 220, 220, 220, 220, 16409, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 6045, 1058, 220, 220, 220, 1002, 645, 12854, 3275, 14451, 284, 262, 7368, 3218, 5408, 290, 257, 26827, 5091, 13, 198, 197, 197, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 2872, 2134, 1058, 1002, 257, 12854, 3275, 468, 14451, 284, 262, 7368, 3218, 5408, 11, 257, 2872, 2134, 318, 4504, 355, 262, 1255, 13, 3467, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 383, 1844, 12854, 3275, 460, 307, 17535, 416, 262, 705, 8841, 6, 11688, 286, 262, 2872, 2134, 13, 3467, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1114, 1895, 284, 2628, 1626, 262, 3218, 5408, 11, 779, 262, 1448, 3419, 2446, 13, 3467, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1114, 517, 1321, 11, 3522, 284, 11361, 10314, 329, 8265, 705, 260, 4458, 3467, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 4808, 76, 738, 796, 705, 4, 82, 13, 4, 82, 3419, 6, 4064, 357, 944, 13, 834, 4871, 834, 13, 834, 3672, 834, 11, 1459, 14535, 22446, 69, 62, 8189, 13, 1073, 62, 3672, 8, 198, 220, 220, 220, 220, 220, 28477, 818, 22446, 6404, 10786, 23002, 1133, 4064, 82, 6, 4064, 4808, 76, 738, 11, 38491, 13, 25294, 62, 2538, 18697, 62, 30531, 8, 198, 220, 220, 220, 220, 220, 1949, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 21280, 62, 26801, 46491, 69, 310, 62, 22046, 8, 198, 220, 220, 220, 220, 220, 2845, 35528, 355, 11454, 62, 19662, 25, 220, 1303, 279, 2645, 600, 25, 15560, 28, 54, 15, 36809, 198, 220, 220, 220, 220, 220, 220, 220, 220, 28477, 818, 22446, 6404, 10786, 4, 82, 25, 1052, 35528, 5091, 23710, 2163, 2134, 25, 4064, 82, 6, 4064, 44104, 76, 738, 11, 41575, 7, 944, 13, 21280, 62, 26801, 36911, 705, 24908, 11537, 198, 220, 220, 220, 220, 220, 220, 220, 220, 28477, 818, 22446, 6404, 10786, 22203, 20559, 2886, 25, 4064, 82, 6, 4064, 41575, 7, 69, 310, 62, 22046, 828, 705, 24908, 11537, 198, 220, 220, 220, 220, 220, 220, 220, 220, 28477, 818, 22446, 6404, 10786, 12331, 16000, 25, 4064, 82, 6, 4064, 41575, 7, 8056, 62, 19662, 828, 705, 24908, 11537, 628, 220, 220, 220, 220, 220, 1943, 796, 6407, 198, 220, 220, 220, 220, 220, 2872, 796, 6045, 198, 220, 220, 220, 220, 220, 1949, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 611, 12854, 62, 36560, 318, 407, 6045, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 357, 67, 13513, 11, 2872, 8, 796, 12854, 62, 36560, 13, 1136, 7, 17821, 11, 26827, 8, 198, 220, 220, 220, 220, 220, 2845, 16834, 13, 40613, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 1943, 796, 10352, 628, 220, 220, 220, 220, 220, 28477, 818, 22446, 6404, 10786, 43768, 4064, 82, 6, 4064, 4808, 76, 738, 11, 38491, 13, 25294, 62, 2538, 18697, 62, 30531, 8, 198, 220, 220, 220, 220, 220, 611, 1943, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 1441, 2872, 198, 220, 220, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 1441, 6045, 628, 220, 220, 2488, 4871, 24396, 198, 220, 220, 825, 2251, 62, 392, 62, 39022, 62, 40546, 62, 36560, 7, 565, 82, 11, 2989, 62, 30854, 11, 779, 62, 69, 7569, 62, 9967, 28, 25101, 11, 886, 62, 1659, 62, 9967, 62, 33279, 28, 4458, 9, 3256, 40364, 62, 1370, 62, 24455, 62, 33279, 28, 14202, 2599, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 13610, 4670, 518, 290, 8333, 340, 284, 4808, 40546, 62, 36560, 2134, 290, 15155, 262, 16834, 351, 262, 2989, 5002, 13, 198, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 2989, 62, 30854, 1058, 220, 23603, 5408, 477, 2722, 12854, 6218, 389, 8996, 284, 13, 3467, 198, 197, 197, 1680, 307, 3804, 2035, 355, 257, 4731, 393, 257, 3218, 5408, 2134, 13, 33973, 284, 11361, 10314, 329, 8265, 705, 260, 4458, 2, 198, 197, 197, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 779, 62, 69, 7569, 62, 9967, 1058, 45559, 3810, 611, 705, 69, 7569, 2512, 6, 3895, 318, 973, 13, 198, 197, 197, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 886, 62, 1659, 62, 9967, 62, 33279, 1058, 383, 886, 286, 2512, 3912, 13, 198, 197, 197, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 40364, 62, 1370, 62, 24455, 62, 33279, 1058, 23603, 5408, 2134, 284, 8106, 3275, 1627, 416, 1627, 13, 628, 220, 220, 220, 220, 220, 16409, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 491, 80, 62, 28144, 11, 12854, 62, 36560, 25, 262, 5412, 290, 2989, 2134, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 12854, 62, 36560, 796, 16834, 13, 34991, 3419, 198, 220, 220, 220, 220, 220, 491, 80, 62, 28144, 796, 537, 82, 13, 39022, 62, 40546, 62, 36560, 7, 12947, 62, 30854, 11, 12854, 62, 36560, 11, 779, 62, 69, 7569, 62, 9967, 11, 886, 62, 1659, 62, 9967, 62, 33279, 11, 40364, 62, 1370, 62, 24455, 62, 33279, 8, 198, 220, 220, 220, 220, 220, 1441, 491, 80, 62, 28144, 11, 12854, 62, 36560, 628, 220, 220, 2488, 4871, 24396, 198, 220, 220, 825, 390, 39022, 62, 392, 62, 33678, 62, 40546, 62, 36560, 7, 565, 82, 11, 491, 80, 62, 28144, 11, 12854, 62, 36560, 2599, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 1024, 39022, 12854, 16834, 290, 12233, 13, 198, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 491, 80, 62, 28144, 25, 34912, 16834, 5412, 13, 198, 197, 197, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 12854, 62, 36560, 25, 34912, 16834, 2134, 13, 628, 220, 220, 220, 220, 220, 16409, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 6045, 13, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 537, 82, 13, 2934, 39022, 62, 40546, 62, 36560, 7, 2213, 80, 62, 28144, 8, 198, 220, 220, 220, 220, 220, 1619, 12854, 62, 36560, 628, 220, 220, 2488, 4871, 24396, 198, 220, 220, 825, 15155, 62, 40546, 62, 36560, 7, 565, 82, 11, 2989, 62, 26801, 11, 12854, 62, 36560, 11, 779, 62, 69, 7569, 62, 9967, 28, 25101, 11, 886, 62, 1659, 62, 9967, 62, 33279, 28, 4458, 9, 3256, 1627, 62, 24455, 62, 33279, 28, 14202, 2599, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 13144, 689, 257, 12854, 3275, 8106, 7368, 355, 257, 3218, 5408, 13, 1439, 12336, 12854, 6218, 389, 1234, 287, 262, 7368, 16834, 2134, 13, 198, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2989, 62, 26801, 1058, 220, 23603, 5408, 477, 2722, 12854, 6218, 389, 8996, 284, 13, 3467, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1680, 307, 3804, 2035, 355, 257, 4731, 393, 257, 3218, 5408, 2134, 13, 33973, 284, 11361, 10314, 329, 8265, 705, 260, 4458, 2, 198, 197, 197, 197, 197, 197, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 12854, 62, 36560, 1058, 317, 16834, 2134, 477, 12854, 3275, 543, 7466, 262, 3218, 5408, 389, 1234, 287, 13, 3467, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 383, 1262, 3586, 1276, 19832, 11, 326, 262, 16834, 318, 46705, 393, 13140, 13, 198, 197, 197, 197, 197, 197, 220, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 779, 62, 69, 7569, 62, 9967, 1058, 45559, 3810, 611, 705, 69, 7569, 2512, 6, 3895, 318, 973, 198, 197, 197, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 886, 62, 1659, 62, 9967, 62, 33279, 1058, 383, 886, 286, 2512, 3912, 198, 197, 197, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1627, 62, 24455, 62, 33279, 1058, 23603, 5408, 2134, 284, 8106, 3275, 1627, 416, 1627, 13, 198, 220, 220, 220, 220, 220, 16409, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1279, 600, 29, 1058, 33141, 284, 390, 39022, 262, 3275, 8106, 13, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 4808, 76, 738, 796, 705, 4, 82, 13, 4, 82, 3419, 6, 4064, 357, 565, 82, 13, 834, 4871, 834, 13, 834, 3672, 834, 11, 1459, 14535, 22446, 69, 62, 8189, 13, 1073, 62, 3672, 8, 198, 220, 220, 220, 220, 220, 28477, 818, 22446, 6404, 10786, 23002, 1133, 4064, 82, 6, 4064, 4808, 76, 738, 11, 38491, 13, 25294, 62, 2538, 18697, 62, 30531, 8, 198, 220, 220, 220, 220, 220, 351, 537, 82, 13557, 40546, 80, 62, 5354, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 537, 82, 13557, 40546, 80, 62, 28144, 15853, 352, 198, 220, 220, 220, 220, 220, 220, 220, 220, 736, 62, 40546, 62, 36560, 796, 390, 4188, 7, 9806, 11925, 28, 565, 82, 13, 22921, 62, 43, 1677, 62, 31098, 5446, 11598, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 2989, 62, 260, 25636, 62, 26801, 796, 302, 13, 5589, 576, 7, 12947, 62, 26801, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 537, 82, 13557, 40546, 80, 62, 26801, 58, 565, 82, 13557, 40546, 80, 62, 28144, 60, 796, 357, 12947, 62, 260, 25636, 62, 26801, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 12854, 62, 36560, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 736, 62, 40546, 62, 36560, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 779, 62, 69, 7569, 62, 9967, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 302, 13, 5589, 576, 7, 437, 62, 1659, 62, 9967, 62, 33279, 11, 302, 13, 44, 930, 302, 13, 50, 930, 302, 13, 52, 828, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1627, 62, 24455, 62, 33279, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 5412, 62, 312, 796, 537, 82, 13557, 40546, 80, 62, 28144, 198, 220, 220, 220, 220, 220, 28477, 818, 22446, 6404, 10786, 43768, 4064, 82, 6, 4064, 4808, 76, 738, 11, 38491, 13, 25294, 62, 2538, 18697, 62, 30531, 8, 198, 220, 220, 220, 220, 220, 1441, 5412, 62, 312, 628, 220, 220, 2488, 4871, 24396, 198, 220, 220, 825, 390, 39022, 62, 40546, 62, 36560, 7, 565, 82, 11, 5412, 2599, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 1024, 15791, 689, 257, 12854, 3275, 8106, 4271, 13906, 416, 33120, 2898, 558, 48, 3419, 2446, 13, 198, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5412, 1058, 220, 34142, 2134, 4504, 416, 33120, 2898, 558, 48, 3419, 2446, 13, 628, 220, 220, 220, 220, 220, 16409, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 10352, 1058, 1400, 12854, 3275, 8106, 4075, 351, 262, 7368, 5412, 357, 72, 13, 68, 13, 5412, 318, 407, 287, 779, 737, 198, 197, 197, 220, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 6407, 1058, 220, 34912, 3275, 8106, 7675, 13140, 13, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 4808, 76, 738, 796, 705, 4, 82, 13, 4, 82, 3419, 6, 4064, 357, 565, 82, 13, 834, 4871, 834, 13, 834, 3672, 834, 11, 1459, 14535, 22446, 69, 62, 8189, 13, 1073, 62, 3672, 8, 198, 220, 220, 220, 220, 220, 28477, 818, 22446, 6404, 10786, 23002, 1133, 4064, 82, 6, 4064, 4808, 76, 738, 11, 38491, 13, 25294, 62, 2538, 18697, 62, 30531, 8, 198, 220, 220, 220, 220, 220, 351, 537, 82, 13557, 40546, 80, 62, 5354, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 611, 5412, 287, 537, 82, 13557, 40546, 80, 62, 26801, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1619, 537, 82, 13557, 40546, 80, 62, 26801, 58, 28144, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 318, 62, 13138, 796, 6407, 198, 220, 220, 220, 220, 220, 220, 220, 220, 2073, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 318, 62, 13138, 796, 10352, 198, 220, 220, 220, 220, 220, 28477, 818, 22446, 6404, 10786, 43768, 4064, 82, 6, 4064, 4808, 76, 738, 11, 38491, 13, 25294, 62, 2538, 18697, 62, 30531, 8, 198, 220, 220, 220, 220, 220, 1441, 318, 62, 13138, 628, 220, 220, 825, 2198, 62, 48678, 7, 944, 11, 31456, 2599, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 9609, 770, 2446, 481, 307, 20957, 287, 10944, 1398, 9959, 198, 220, 220, 220, 220, 220, 6822, 611, 7082, 3275, 1282, 287, 537, 82, 13557, 19535, 47, 18672, 62, 34694, 12425, 393, 356, 481, 5298, 257, 26827, 1785, 13, 198, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 31456, 25, 33556, 276, 3275, 329, 10627, 13, 628, 220, 220, 220, 220, 220, 16409, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 6045, 13, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 1208, 628, 220, 220, 825, 662, 62, 19662, 62, 9122, 7, 944, 11, 31456, 2599, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 9609, 770, 2446, 481, 307, 20957, 287, 10944, 1398, 9959, 198, 220, 220, 220, 220, 220, 3771, 12, 41004, 3275, 618, 6464, 340, 422, 4637, 13, 198, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 31456, 25, 2722, 3275, 284, 307, 10667, 13, 628, 220, 220, 220, 220, 220, 16409, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 6045, 13, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 1208, 628, 220, 220, 825, 1281, 62, 19662, 62, 9122, 7, 944, 11, 31456, 2599, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 9609, 770, 2446, 481, 307, 20957, 287, 10944, 1398, 9959, 198, 220, 220, 220, 220, 220, 2947, 12, 41004, 3275, 618, 6464, 340, 422, 4637, 13, 198, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 31456, 25, 2722, 3275, 284, 307, 10667, 13, 628, 220, 220, 220, 220, 220, 16409, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 6045, 13, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 1208, 198, 220, 220, 1303, 886, 36996, 628, 220, 220, 1303, 3814, 19255, 4146, 30383, 337, 36252, 50, 198, 220, 220, 2488, 12708, 24396, 628, 220, 220, 2488, 12708, 24396, 628, 220, 220, 825, 4808, 24455, 62, 19662, 7, 944, 11, 40364, 62, 24455, 62, 26801, 11, 31456, 2599, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 25853, 3275, 416, 3218, 5408, 2134, 13, 198, 220, 220, 220, 220, 220, 220, 198, 220, 220, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 40364, 62, 24455, 62, 26801, 25, 3218, 5408, 2134, 13, 198, 197, 197, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 31456, 25, 3275, 4731, 13, 628, 220, 220, 220, 220, 220, 16409, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 318, 62, 17945, 25, 45559, 3810, 611, 612, 318, 597, 14451, 13, 198, 197, 197, 220, 198, 220, 220, 220, 220, 220, 220, 220, 220, 14451, 62, 26801, 25, 6550, 1740, 2134, 13, 198, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 4808, 76, 738, 796, 705, 4, 82, 13, 4, 82, 3419, 6, 4064, 357, 944, 13, 834, 4871, 834, 13, 834, 3672, 834, 11, 1459, 14535, 22446, 69, 62, 8189, 13, 1073, 62, 3672, 8, 198, 220, 220, 220, 220, 220, 28477, 818, 22446, 6404, 28264, 76, 738, 11, 38491, 13, 25294, 62, 2538, 18697, 62, 30531, 8, 198, 220, 220, 220, 220, 220, 14451, 62, 26801, 796, 6045, 198, 220, 220, 220, 220, 220, 1949, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 28477, 818, 22446, 6404, 7203, 4, 82, 25, 40364, 62, 24455, 62, 26801, 705, 4, 82, 29653, 4064, 44104, 76, 738, 11, 41575, 7, 260, 25636, 62, 24455, 62, 26801, 36911, 38491, 13, 25294, 62, 2538, 18697, 62, 30531, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 28477, 818, 22446, 6404, 7203, 4, 82, 25, 31456, 705, 4, 82, 29653, 4064, 44104, 76, 738, 11, 41575, 7, 19662, 36911, 38491, 13, 25294, 62, 2538, 18697, 62, 30531, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 14451, 62, 26801, 796, 40364, 62, 24455, 62, 26801, 13, 12947, 7, 19662, 8, 198, 220, 220, 220, 220, 220, 2845, 35528, 355, 1738, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 28477, 818, 22446, 6404, 7203, 4, 82, 25, 4064, 82, 1, 4064, 44104, 76, 738, 11, 1738, 828, 38491, 13, 25294, 62, 2538, 18697, 62, 24908, 8, 628, 220, 220, 220, 220, 220, 318, 62, 17945, 796, 10352, 198, 220, 220, 220, 220, 220, 611, 14451, 62, 26801, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 318, 62, 17945, 796, 6407, 198, 220, 220, 220, 220, 220, 1441, 318, 62, 17945, 11, 14451, 62, 26801, 198, 220, 220, 1303, 886, 36996, 198 ]
2.337569
9,601
from app.commands.create_admin import *
[ 6738, 598, 13, 9503, 1746, 13, 17953, 62, 28482, 1330, 1635, 198 ]
3.333333
12
from django.db import models from django.utils.translation import ugettext_lazy as _ from pyconde.conference.models import Conference, CurrentConferenceManager
[ 6738, 42625, 14208, 13, 9945, 1330, 4981, 198, 6738, 42625, 14208, 13, 26791, 13, 41519, 1330, 334, 1136, 5239, 62, 75, 12582, 355, 4808, 198, 198, 6738, 12972, 66, 14378, 13, 41124, 13, 27530, 1330, 8785, 11, 9236, 3103, 4288, 13511, 628 ]
3.857143
42
# -*- coding: utf-8 -*- import optparse import os import sys import getpass import json import hashlib import smtplib import commands import subprocess import shutil # import appicon_generate from xcode_build_module import XCodeBuild #主函数 current_work_path=os.getcwd() projecttest_path=current_work_path+"/project_test" projectPathList=[projecttest_path] for index in range(0,4): resultPath=projecttest_path+"/../backup%s"%(index) try: shutil.rmtree(resultPath) except BaseException: pass # print 'error!' pass for index in range(0,4): resultPath=projecttest_path+"/../backup%s"%(index) try: shutil.copytree(projecttest_path, resultPath) except BaseException: pass # print 'error.' finally: projectPathList.append(resultPath) pass test(projectPathList) # ImgManager.sharedinstance().handle_icon_images() # generateAppIcons()
[ 2, 532, 9, 12, 19617, 25, 3384, 69, 12, 23, 532, 9, 12, 198, 11748, 2172, 29572, 198, 11748, 28686, 198, 11748, 25064, 198, 11748, 651, 6603, 198, 11748, 33918, 198, 11748, 12234, 8019, 198, 11748, 895, 83, 489, 571, 198, 11748, 9729, 198, 11748, 850, 14681, 198, 11748, 4423, 346, 198, 2, 1330, 598, 4749, 62, 8612, 378, 198, 6738, 2124, 8189, 62, 11249, 62, 21412, 1330, 1395, 10669, 15580, 198, 198, 2, 10310, 119, 49035, 121, 46763, 108, 198, 198, 14421, 62, 1818, 62, 6978, 28, 418, 13, 1136, 66, 16993, 3419, 198, 16302, 9288, 62, 6978, 28, 14421, 62, 1818, 62, 6978, 10, 1, 14, 16302, 62, 9288, 1, 198, 198, 16302, 15235, 8053, 41888, 16302, 9288, 62, 6978, 60, 198, 1640, 6376, 287, 2837, 7, 15, 11, 19, 2599, 198, 220, 220, 220, 1255, 15235, 28, 16302, 9288, 62, 6978, 10, 1, 14, 40720, 1891, 929, 4, 82, 1, 4, 7, 9630, 8, 198, 220, 220, 220, 1949, 25, 198, 220, 220, 220, 220, 220, 220, 220, 4423, 346, 13, 81, 16762, 631, 7, 20274, 15235, 8, 198, 220, 220, 220, 2845, 7308, 16922, 25, 198, 220, 220, 220, 220, 220, 220, 220, 1208, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 3601, 705, 18224, 13679, 198, 220, 220, 220, 1208, 198, 198, 1640, 6376, 287, 2837, 7, 15, 11, 19, 2599, 198, 220, 220, 220, 1255, 15235, 28, 16302, 9288, 62, 6978, 10, 1, 14, 40720, 1891, 929, 4, 82, 1, 4, 7, 9630, 8, 198, 220, 220, 220, 1949, 25, 198, 220, 220, 220, 220, 220, 220, 220, 4423, 346, 13, 30073, 21048, 7, 16302, 9288, 62, 6978, 11, 1255, 15235, 8, 198, 220, 220, 220, 2845, 7308, 16922, 25, 198, 220, 220, 220, 220, 220, 220, 220, 1208, 198, 220, 220, 220, 220, 220, 220, 220, 1303, 3601, 705, 18224, 2637, 198, 220, 220, 220, 3443, 25, 198, 220, 220, 220, 220, 220, 220, 220, 1628, 15235, 8053, 13, 33295, 7, 20274, 15235, 8, 198, 220, 220, 220, 1208, 198, 198, 9288, 7, 16302, 15235, 8053, 8, 198, 2, 1846, 70, 13511, 13, 28710, 39098, 22446, 28144, 62, 4749, 62, 17566, 3419, 198, 2, 7716, 4677, 40, 5936, 3419, 198 ]
2.505435
368
from defs import * import random import miscellaneous import pathfinding from _custom_constants import * from structure_display import * __pragma__('noalias', 'name') __pragma__('noalias', 'undefined') __pragma__('noalias', 'Infinity') __pragma__('noalias', 'keys') __pragma__('noalias', 'get') __pragma__('noalias', 'set') __pragma__('noalias', 'type') __pragma__('noalias', 'update') # todo 정리 후 원래 스폰에 있던거 전부 제거요망 # REMOTE--------------------------------------------------------------------------- # ALL remotes. """ 완성될 시 절차: - 깃발을 다 둘러본다. - 자기소속 깃발이 있을 경우 (W1E2-rm) 옵션에 넣는다. + 각종 기본값을 설정한다. + 넣을때 기본값으로 주둔시킬 병사 수를 지정한다. 디폴트 0 + 도로를 또 깔것인가? 길따라 깐다. 디폴트 0 + 모든 컨트롤러 있는 방 루프돌려서 이미 소속된 다른방이 있으면 그거 지운다. + 넣고나서 깃발 지운다. - 추후 특정 이름이 들어간 깃발은 명령어대로 하고 삭제한다. """
[ 6738, 825, 82, 1330, 1635, 198, 11748, 4738, 198, 11748, 2984, 25673, 198, 11748, 3108, 41070, 198, 6738, 4808, 23144, 62, 9979, 1187, 1330, 1635, 198, 6738, 4645, 62, 13812, 1330, 1635, 198, 198, 834, 1050, 363, 2611, 834, 10786, 3919, 26011, 3256, 705, 3672, 11537, 198, 834, 1050, 363, 2611, 834, 10786, 3919, 26011, 3256, 705, 917, 18156, 11537, 198, 834, 1050, 363, 2611, 834, 10786, 3919, 26011, 3256, 705, 18943, 6269, 11537, 198, 834, 1050, 363, 2611, 834, 10786, 3919, 26011, 3256, 705, 13083, 11537, 198, 834, 1050, 363, 2611, 834, 10786, 3919, 26011, 3256, 705, 1136, 11537, 198, 834, 1050, 363, 2611, 834, 10786, 3919, 26011, 3256, 705, 2617, 11537, 198, 834, 1050, 363, 2611, 834, 10786, 3919, 26011, 3256, 705, 4906, 11537, 198, 834, 1050, 363, 2611, 834, 10786, 3919, 26011, 3256, 705, 19119, 11537, 198, 198, 2, 284, 4598, 23821, 254, 243, 167, 99, 105, 220, 169, 249, 226, 23821, 249, 238, 167, 252, 246, 23821, 232, 97, 169, 237, 108, 168, 245, 238, 23821, 252, 230, 167, 235, 246, 166, 109, 108, 23821, 254, 226, 167, 114, 222, 23821, 254, 250, 166, 109, 108, 168, 248, 242, 167, 100, 251, 198, 198, 2, 22657, 23051, 10097, 32284, 198, 2, 11096, 816, 6421, 13, 198, 37811, 198, 168, 247, 226, 168, 226, 109, 167, 238, 254, 23821, 233, 250, 23821, 254, 230, 168, 108, 101, 25, 198, 12, 220, 166, 117, 225, 167, 108, 250, 35975, 226, 31619, 233, 97, 31619, 239, 246, 167, 253, 105, 167, 111, 116, 46695, 97, 13, 198, 12, 23821, 252, 238, 166, 116, 108, 168, 228, 234, 168, 228, 235, 220, 166, 117, 225, 167, 108, 250, 35975, 112, 23821, 252, 230, 35975, 226, 220, 166, 110, 121, 168, 248, 108, 357, 54, 16, 36, 17, 12, 26224, 8, 23821, 246, 113, 168, 227, 246, 168, 245, 238, 31619, 226, 96, 167, 232, 242, 46695, 97, 13, 220, 198, 220, 220, 220, 1343, 220, 166, 108, 223, 168, 95, 227, 220, 166, 116, 108, 167, 111, 116, 166, 108, 240, 35975, 226, 23821, 226, 97, 168, 254, 243, 47991, 250, 46695, 97, 13, 198, 220, 220, 220, 220, 220, 220, 220, 1343, 31619, 226, 96, 35975, 226, 167, 243, 234, 220, 166, 116, 108, 167, 111, 116, 166, 108, 240, 168, 250, 120, 167, 94, 250, 23821, 96, 120, 167, 239, 242, 168, 233, 250, 169, 8955, 31619, 111, 239, 168, 8955, 23821, 230, 246, 167, 98, 120, 23821, 100, 222, 168, 254, 243, 47991, 250, 46695, 97, 13, 31619, 242, 242, 169, 237, 112, 169, 232, 116, 657, 198, 220, 220, 220, 220, 220, 220, 220, 1343, 31619, 237, 226, 167, 94, 250, 167, 98, 120, 31619, 246, 238, 220, 166, 117, 242, 166, 110, 225, 35975, 116, 166, 108, 222, 30, 220, 166, 116, 116, 167, 242, 108, 167, 251, 120, 220, 166, 117, 238, 46695, 97, 13, 31619, 242, 242, 169, 237, 112, 169, 232, 116, 657, 220, 198, 220, 220, 220, 1343, 31619, 103, 101, 167, 241, 254, 23821, 119, 101, 169, 232, 116, 167, 94, 97, 167, 253, 105, 23821, 252, 230, 167, 232, 242, 31619, 108, 102, 31619, 96, 101, 169, 242, 226, 167, 237, 234, 167, 254, 97, 168, 226, 250, 23821, 251, 112, 167, 107, 116, 23821, 228, 234, 168, 228, 235, 167, 238, 250, 31619, 233, 97, 167, 98, 116, 167, 108, 102, 35975, 112, 23821, 252, 230, 168, 250, 120, 167, 102, 112, 220, 166, 115, 116, 166, 109, 108, 23821, 100, 222, 168, 248, 112, 46695, 97, 13, 220, 198, 220, 220, 220, 1343, 31619, 226, 96, 166, 111, 254, 167, 224, 246, 168, 226, 250, 220, 166, 117, 225, 167, 108, 250, 23821, 100, 222, 168, 248, 112, 46695, 97, 13, 220, 198, 12, 23821, 114, 242, 169, 249, 226, 220, 169, 232, 117, 168, 254, 243, 23821, 251, 112, 167, 99, 226, 35975, 112, 31619, 241, 97, 168, 244, 112, 166, 108, 226, 220, 166, 117, 225, 167, 108, 250, 35975, 222, 31619, 103, 227, 167, 254, 117, 168, 244, 112, 167, 234, 222, 167, 94, 250, 220, 47991, 246, 166, 111, 254, 23821, 224, 255, 168, 254, 250, 47991, 250, 46695, 97, 13, 220, 198, 198, 37811, 198 ]
1.130868
703
""" Remove columns from a KGTK file. """ from argparse import Namespace, SUPPRESS import typing from kgtk.cli_argparse import KGTKArgumentParser, KGTKFiles def add_arguments_extended(parser: KGTKArgumentParser, parsed_shared_args: Namespace): """ Parse arguments Args: parser (argparse.ArgumentParser) """ from kgtk.io.kgtkreader import KgtkReader, KgtkReaderOptions, KgtkReaderMode from kgtk.utils.argparsehelpers import optional_bool from kgtk.value.kgtkvalueoptions import KgtkValueOptions _expert: bool = parsed_shared_args._expert parser.add_input_file(positional=True) parser.add_output_file() parser.add_argument('-c', "--columns", action="store", type=str, dest="columns", nargs='+', required=True, help="Columns to remove as a comma- or space-separated strings, e.g., id,docid or id docid") parser.add_argument( "--split-on-commas", dest="split_on_commas", help="Parse the list of columns, splitting on commas. (default=%(default)s).", type=optional_bool, nargs='?', const=True, default=True) parser.add_argument( "--split-on-spaces", dest="split_on_spaces", help="Parse the list of columns, splitting on spaces. (default=%(default)s).", type=optional_bool, nargs='?', const=True, default=False) parser.add_argument( "--strip-spaces", dest="strip_spaces", help="Parse the list of columns, stripping whitespace. (default=%(default)s).", type=optional_bool, nargs='?', const=True, default=True) KgtkReader.add_debug_arguments(parser, expert=_expert) KgtkReaderOptions.add_arguments(parser, mode_options=True, default_mode=KgtkReaderMode.NONE, expert=_expert) KgtkValueOptions.add_arguments(parser, expert=_expert)
[ 37811, 198, 27914, 15180, 422, 257, 509, 19555, 42, 2393, 13, 198, 37811, 198, 6738, 1822, 29572, 1330, 28531, 10223, 11, 19549, 32761, 198, 11748, 19720, 198, 198, 6738, 479, 13655, 74, 13, 44506, 62, 853, 29572, 1330, 509, 19555, 42, 28100, 1713, 46677, 11, 509, 19555, 42, 25876, 628, 198, 4299, 751, 62, 853, 2886, 62, 2302, 1631, 7, 48610, 25, 509, 19555, 42, 28100, 1713, 46677, 11, 44267, 62, 28710, 62, 22046, 25, 28531, 10223, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 2547, 325, 7159, 198, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 30751, 357, 853, 29572, 13, 28100, 1713, 46677, 8, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 422, 479, 13655, 74, 13, 952, 13, 10025, 30488, 46862, 1330, 509, 13655, 74, 33634, 11, 509, 13655, 74, 33634, 29046, 11, 509, 13655, 74, 33634, 19076, 198, 220, 220, 220, 422, 479, 13655, 74, 13, 26791, 13, 853, 29572, 16794, 364, 1330, 11902, 62, 30388, 198, 220, 220, 220, 422, 479, 13655, 74, 13, 8367, 13, 10025, 30488, 8367, 25811, 1330, 509, 13655, 74, 11395, 29046, 628, 220, 220, 220, 4808, 1069, 11766, 25, 20512, 796, 44267, 62, 28710, 62, 22046, 13557, 1069, 11766, 628, 220, 220, 220, 30751, 13, 2860, 62, 15414, 62, 7753, 7, 1930, 1859, 28, 17821, 8, 198, 220, 220, 220, 30751, 13, 2860, 62, 22915, 62, 7753, 3419, 628, 220, 220, 220, 30751, 13, 2860, 62, 49140, 10786, 12, 66, 3256, 366, 438, 28665, 82, 1600, 2223, 2625, 8095, 1600, 2099, 28, 2536, 11, 2244, 2625, 28665, 82, 1600, 299, 22046, 11639, 10, 3256, 2672, 28, 17821, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1037, 2625, 39470, 82, 284, 4781, 355, 257, 39650, 12, 393, 2272, 12, 25512, 515, 13042, 11, 304, 13, 70, 1539, 4686, 11, 15390, 312, 393, 4686, 2205, 312, 4943, 628, 220, 220, 220, 30751, 13, 2860, 62, 49140, 7, 220, 220, 220, 220, 220, 366, 438, 35312, 12, 261, 12, 785, 5356, 1600, 2244, 2625, 35312, 62, 261, 62, 785, 5356, 1600, 1037, 2625, 10044, 325, 262, 1351, 286, 15180, 11, 26021, 319, 725, 292, 13, 357, 12286, 28, 4, 7, 12286, 8, 82, 21387, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2099, 28, 25968, 62, 30388, 11, 299, 22046, 11639, 30, 3256, 1500, 28, 17821, 11, 4277, 28, 17821, 8, 628, 220, 220, 220, 30751, 13, 2860, 62, 49140, 7, 220, 220, 220, 220, 220, 366, 438, 35312, 12, 261, 12, 2777, 2114, 1600, 2244, 2625, 35312, 62, 261, 62, 2777, 2114, 1600, 1037, 2625, 10044, 325, 262, 1351, 286, 15180, 11, 26021, 319, 9029, 13, 357, 12286, 28, 4, 7, 12286, 8, 82, 21387, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2099, 28, 25968, 62, 30388, 11, 299, 22046, 11639, 30, 3256, 1500, 28, 17821, 11, 4277, 28, 25101, 8, 628, 220, 220, 220, 30751, 13, 2860, 62, 49140, 7, 220, 220, 220, 220, 220, 366, 438, 36311, 12, 2777, 2114, 1600, 2244, 2625, 36311, 62, 2777, 2114, 1600, 1037, 2625, 10044, 325, 262, 1351, 286, 15180, 11, 37727, 13216, 10223, 13, 357, 12286, 28, 4, 7, 12286, 8, 82, 21387, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2099, 28, 25968, 62, 30388, 11, 299, 22046, 11639, 30, 3256, 1500, 28, 17821, 11, 4277, 28, 17821, 8, 628, 220, 220, 220, 509, 13655, 74, 33634, 13, 2860, 62, 24442, 62, 853, 2886, 7, 48610, 11, 5887, 28, 62, 1069, 11766, 8, 198, 220, 220, 220, 509, 13655, 74, 33634, 29046, 13, 2860, 62, 853, 2886, 7, 48610, 11, 4235, 62, 25811, 28, 17821, 11, 4277, 62, 14171, 28, 42, 13655, 74, 33634, 19076, 13, 45, 11651, 11, 5887, 28, 62, 1069, 11766, 8, 198, 220, 220, 220, 509, 13655, 74, 11395, 29046, 13, 2860, 62, 853, 2886, 7, 48610, 11, 5887, 28, 62, 1069, 11766, 8, 198 ]
2.504775
733
""" """ from display import Display from load import Loader from game import Game class Initializer: """ The class that handles the program before a game is launched. """
[ 37811, 198, 198, 37811, 628, 198, 6738, 3359, 1330, 16531, 198, 6738, 3440, 1330, 8778, 263, 198, 6738, 983, 1330, 3776, 628, 198, 4871, 20768, 7509, 25, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 383, 1398, 326, 17105, 262, 1430, 878, 257, 983, 318, 5611, 13, 198, 220, 220, 220, 37227, 628, 628, 198 ]
3.428571
56
#171602012 - Ender Yılmaz #Bilişim Sistemleri Mühendisliği #Elektronik Komponent Kayıt Kontrol Sistemi from PyQt5 import QtCore, QtGui, QtWidgets
[ 2, 1558, 14198, 6999, 532, 45322, 575, 30102, 75, 76, 1031, 198, 2, 33, 2403, 46481, 320, 311, 396, 368, 1754, 72, 40790, 15631, 3044, 72, 33133, 72, 198, 2, 28827, 21841, 1313, 1134, 509, 3361, 3471, 17356, 30102, 83, 509, 756, 3225, 311, 396, 43967, 198, 6738, 9485, 48, 83, 20, 1330, 33734, 14055, 11, 33734, 8205, 72, 11, 33734, 54, 312, 11407 ]
2.265625
64
import numpy as np def chunkify(tsd, seq_len): """ Splits a TimeSeriesDataset into chunks of length seq_len Args: tsd: TimeSeriesDataset object seq_len: length of the subsequences to return Returns: numpy arrays with chunks of size seq_len """ x, y = [], [] for s in tsd: for i in range(len(s) - seq_len): x_i = s._data["values"][i: i + seq_len] y_i = s._data["values"][i + seq_len] x.append(x_i) y.append(y_i) return np.array(x), np.array(y)
[ 11748, 299, 32152, 355, 45941, 628, 198, 4299, 16058, 1958, 7, 912, 67, 11, 33756, 62, 11925, 2599, 198, 220, 220, 220, 37227, 628, 220, 220, 220, 13341, 896, 257, 3862, 27996, 27354, 292, 316, 656, 22716, 286, 4129, 33756, 62, 11925, 628, 220, 220, 220, 943, 14542, 25, 198, 220, 220, 220, 220, 220, 220, 220, 256, 21282, 25, 3862, 27996, 27354, 292, 316, 2134, 198, 220, 220, 220, 220, 220, 220, 220, 33756, 62, 11925, 25, 4129, 286, 262, 6399, 3007, 284, 1441, 628, 220, 220, 220, 16409, 25, 299, 32152, 26515, 351, 22716, 286, 2546, 33756, 62, 11925, 628, 220, 220, 220, 37227, 198, 220, 220, 220, 2124, 11, 331, 796, 685, 4357, 17635, 198, 220, 220, 220, 329, 264, 287, 256, 21282, 25, 198, 220, 220, 220, 220, 220, 220, 220, 329, 1312, 287, 2837, 7, 11925, 7, 82, 8, 532, 33756, 62, 11925, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2124, 62, 72, 796, 264, 13557, 7890, 14692, 27160, 1, 7131, 72, 25, 1312, 1343, 33756, 62, 11925, 60, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 331, 62, 72, 796, 264, 13557, 7890, 14692, 27160, 1, 7131, 72, 1343, 33756, 62, 11925, 60, 628, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2124, 13, 33295, 7, 87, 62, 72, 8, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 331, 13, 33295, 7, 88, 62, 72, 8, 628, 220, 220, 220, 1441, 45941, 13, 18747, 7, 87, 828, 45941, 13, 18747, 7, 88, 8, 198 ]
2.078652
267
import cv2 import uuid import os # tar为目标车牌号的后4位
[ 11748, 269, 85, 17, 198, 11748, 334, 27112, 198, 11748, 28686, 628, 198, 198, 2, 13422, 10310, 118, 33566, 106, 43718, 229, 164, 121, 99, 31965, 234, 20998, 115, 21410, 28938, 236, 19, 19526, 235, 628 ]
1.472222
36
from .logs import * from .pull import * from .build import * from .clean import * from .prune import * from .test import * from .watch import * from .jooq import * from .dbpw import *
[ 6738, 764, 6404, 82, 1330, 1635, 198, 6738, 764, 31216, 1330, 1635, 198, 6738, 764, 11249, 1330, 1635, 198, 6738, 764, 27773, 1330, 1635, 198, 6738, 764, 1050, 1726, 1330, 1635, 198, 6738, 764, 9288, 1330, 1635, 198, 6738, 764, 8340, 1330, 1635, 198, 6738, 764, 73, 2238, 80, 1330, 1635, 198, 6738, 764, 9945, 79, 86, 1330, 1635 ]
3.101695
59
# -*- coding: utf-8 -*- # Scrapy settings for douban project # # For simplicity, this file contains only settings considered important or # commonly used. You can find more settings consulting the documentation: # # http://doc.scrapy.org/en/latest/topics/settings.html # http://scrapy.readthedocs.org/en/latest/topics/downloader-middleware.html # http://scrapy.readthedocs.org/en/latest/topics/spider-middleware.html BOT_NAME = 'douban' # Scrapy寻找spiders的地方,这是一个列表结构,你可以指定多个地方。 SPIDER_MODULES = ['douban.spiders'] # 用scrapy genspider [-t template] <name> <domain>命令生成的spider所放的地方 NEWSPIDER_MODULE = 'douban.spiders' # Retry many times since proxies often fail RETRY_TIMES = 10 # Retry on most error codes since proxies fail for different reasons RETRY_HTTP_CODES = [500, 503, 504, 400, 403, 404, 408] # 如果你不想用代理IP去抓取网页,注释掉下面的前三个组件。第四个组件的目的是定制自己request header. DOWNLOADER_MIDDLEWARES = { # 'scrapy.contrib.downloadermiddleware.retry.RetryMiddleware': 90, # 'douban.randomproxy.RandomProxy': 100, # 'scrapy.contrib.downloadermiddleware.httpproxy.HttpProxyMiddleware': 110, 'douban.MyMiddlewares.CustomUserAgentMiddleware':345, } # 把这个路徑改成你自己 PROXY_LIST = '/home/vincent/crawl_web/douban/proxy_list.txt' # Configure item pipelines ITEM_PIPELINES = { 'douban.pipelines.BookInfoPipeline': 300, 'douban.pipelines.IDPipeline': 500, } DOWNLOAD_DELAY = 2 # Enable and configure the AutoThrottle extension (disabled by default) # See http://doc.scrapy.org/en/latest/topics/autothrottle.html # NOTE: AutoThrottle will honour the standard settings for concurrency and delay #AUTOTHROTTLE_ENABLED=False # The initial download delay #AUTOTHROTTLE_START_DELAY=3 # The maximum download delay to be set in case of high latencies #AUTOTHROTTLE_MAX_DELAY=12 # Enable showing throttling stats for every response received: #AUTOTHROTTLE_DEBUG=False
[ 2, 532, 9, 12, 19617, 25, 3384, 69, 12, 23, 532, 9, 12, 198, 198, 2, 1446, 2416, 88, 6460, 329, 3385, 272, 1628, 198, 2, 198, 2, 1114, 21654, 11, 428, 2393, 4909, 691, 6460, 3177, 1593, 393, 198, 2, 8811, 973, 13, 921, 460, 1064, 517, 6460, 18158, 262, 10314, 25, 198, 2, 198, 2, 220, 220, 220, 220, 2638, 1378, 15390, 13, 1416, 2416, 88, 13, 2398, 14, 268, 14, 42861, 14, 4852, 873, 14, 33692, 13, 6494, 198, 2, 220, 220, 220, 220, 2638, 1378, 1416, 2416, 88, 13, 961, 83, 704, 420, 82, 13, 2398, 14, 268, 14, 42861, 14, 4852, 873, 14, 15002, 263, 12, 27171, 1574, 13, 6494, 198, 2, 220, 220, 220, 220, 2638, 1378, 1416, 2416, 88, 13, 961, 83, 704, 420, 82, 13, 2398, 14, 268, 14, 42861, 14, 4852, 873, 14, 2777, 1304, 12, 27171, 1574, 13, 6494, 198, 198, 33, 2394, 62, 20608, 796, 705, 67, 280, 3820, 6, 198, 198, 2, 1446, 2416, 88, 43380, 119, 33699, 122, 2777, 4157, 21410, 28839, 108, 43095, 171, 120, 234, 32573, 247, 42468, 31660, 10310, 103, 26344, 245, 26193, 101, 163, 119, 241, 162, 252, 226, 171, 120, 234, 19526, 254, 20998, 107, 20015, 98, 162, 234, 229, 22522, 248, 13783, 248, 10310, 103, 28839, 108, 43095, 16764, 198, 4303, 41237, 62, 33365, 6239, 1546, 796, 37250, 67, 280, 3820, 13, 2777, 4157, 20520, 198, 198, 2, 13328, 242, 101, 1416, 2416, 88, 308, 641, 79, 1304, 25915, 83, 11055, 60, 1279, 3672, 29, 1279, 27830, 29, 37772, 121, 20015, 97, 37955, 22755, 238, 21410, 2777, 1304, 33699, 222, 162, 242, 122, 21410, 28839, 108, 43095, 198, 13965, 4303, 41237, 62, 33365, 24212, 796, 705, 67, 280, 3820, 13, 2777, 4157, 6, 198, 198, 2, 4990, 563, 867, 1661, 1201, 41775, 1690, 2038, 198, 2200, 40405, 62, 51, 3955, 1546, 796, 838, 198, 2, 4990, 563, 319, 749, 4049, 12416, 1201, 41775, 2038, 329, 1180, 3840, 198, 2200, 40405, 62, 40717, 62, 34, 3727, 1546, 796, 685, 4059, 11, 44541, 11, 41612, 11, 7337, 11, 38210, 11, 32320, 11, 41247, 60, 198, 198, 2, 10263, 99, 224, 162, 252, 250, 19526, 254, 38834, 46349, 111, 18796, 101, 47987, 49426, 228, 4061, 43889, 119, 162, 232, 241, 20998, 244, 163, 121, 239, 165, 94, 113, 171, 120, 234, 37345, 101, 34932, 232, 162, 236, 231, 10310, 233, 165, 251, 95, 21410, 30298, 235, 49011, 10310, 103, 163, 119, 226, 20015, 114, 16764, 163, 105, 105, 32368, 249, 10310, 103, 163, 119, 226, 20015, 114, 21410, 33566, 106, 21410, 42468, 22522, 248, 26344, 114, 164, 229, 103, 32432, 109, 25927, 13639, 13, 198, 41925, 35613, 1137, 62, 44, 2389, 35, 2538, 16279, 1546, 796, 1391, 198, 2, 197, 338, 66, 2416, 88, 13, 3642, 822, 13, 15002, 7780, 2509, 1574, 13, 1186, 563, 13, 9781, 563, 34621, 1574, 10354, 4101, 11, 198, 2, 197, 1549, 280, 3820, 13, 25120, 36436, 13, 29531, 44148, 10354, 1802, 11, 198, 2, 197, 338, 66, 2416, 88, 13, 3642, 822, 13, 15002, 7780, 2509, 1574, 13, 2804, 381, 42059, 13, 43481, 44148, 34621, 1574, 10354, 9796, 11, 198, 197, 1549, 280, 3820, 13, 3666, 34621, 86, 3565, 13, 15022, 12982, 36772, 34621, 1574, 10354, 27712, 11, 198, 92, 198, 198, 2, 10545, 232, 232, 32573, 247, 10310, 103, 164, 115, 107, 36181, 239, 162, 242, 117, 22755, 238, 19526, 254, 164, 229, 103, 32432, 109, 198, 31190, 34278, 62, 45849, 796, 31051, 11195, 14, 7114, 1087, 14, 66, 13132, 62, 12384, 14, 67, 280, 3820, 14, 36436, 62, 4868, 13, 14116, 6, 198, 198, 2, 17056, 495, 2378, 31108, 198, 2043, 3620, 62, 47, 4061, 3698, 1268, 1546, 796, 1391, 198, 220, 220, 220, 705, 67, 280, 3820, 13, 79, 541, 20655, 13, 10482, 12360, 47, 541, 4470, 10354, 5867, 11, 198, 220, 220, 220, 705, 67, 280, 3820, 13, 79, 541, 20655, 13, 2389, 47, 541, 4470, 10354, 5323, 11, 198, 92, 628, 628, 198, 41925, 35613, 62, 35, 3698, 4792, 796, 362, 198, 2, 27882, 290, 17425, 262, 11160, 817, 305, 23296, 7552, 357, 47730, 416, 4277, 8, 198, 2, 4091, 2638, 1378, 15390, 13, 1416, 2416, 88, 13, 2398, 14, 268, 14, 42861, 14, 4852, 873, 14, 2306, 849, 305, 23296, 13, 6494, 198, 2, 24550, 25, 11160, 817, 305, 23296, 481, 15393, 262, 3210, 6460, 329, 1673, 13382, 290, 5711, 198, 2, 39371, 2394, 17184, 29089, 2538, 62, 1677, 6242, 30465, 28, 25101, 198, 2, 383, 4238, 4321, 5711, 198, 2, 39371, 2394, 17184, 29089, 2538, 62, 2257, 7227, 62, 35, 3698, 4792, 28, 18, 198, 2, 383, 5415, 4321, 5711, 284, 307, 900, 287, 1339, 286, 1029, 3042, 3976, 198, 2, 39371, 2394, 17184, 29089, 2538, 62, 22921, 62, 35, 3698, 4792, 28, 1065, 198, 2, 27882, 4478, 46692, 1359, 9756, 329, 790, 2882, 2722, 25, 198, 2, 39371, 2394, 17184, 29089, 2538, 62, 30531, 28, 25101, 198 ]
2.277846
817
import os from django.core.management.base import BaseCommand from django.contrib.auth import get_user_model
[ 11748, 28686, 198, 198, 6738, 42625, 14208, 13, 7295, 13, 27604, 13, 8692, 1330, 7308, 21575, 198, 6738, 42625, 14208, 13, 3642, 822, 13, 18439, 1330, 651, 62, 7220, 62, 19849, 628 ]
3.46875
32
# Licensed under a 3-clause BSD style license - see LICENSE.rst """ =============== eJWST TAP tests =============== European Space Astronomy Centre (ESAC) European Space Agency (ESA) """ import os import shutil from unittest.mock import MagicMock import astropy.units as u import numpy as np import pytest from astropy import units from astropy.coordinates.sky_coordinate import SkyCoord from astropy.table import Table from astropy.units import Quantity from astroquery.esa.jwst import JwstClass from astroquery.esa.jwst.tests.DummyTapHandler import DummyTapHandler from astroquery.ipac.ned import Ned from astroquery.simbad import Simbad from astroquery.utils import TableList from astroquery.utils.tap.conn.tests.DummyConnHandler import DummyConnHandler from astroquery.utils.tap.conn.tests.DummyResponse import DummyResponse from astroquery.utils.tap.core import TapPlus from astroquery.utils.tap.xmlparser import utils from astroquery.vizier import Vizier from astroquery.esa.jwst import conf @pytest.fixture(autouse=True) @pytest.fixture(autouse=True) @pytest.fixture(autouse=True) planeids = "('00000000-0000-0000-879d-ae91fa2f43e2', '00000000-0000-0000-9852-a9fa8c63f7ef')"
[ 2, 49962, 739, 257, 513, 12, 565, 682, 347, 10305, 3918, 5964, 532, 766, 38559, 24290, 13, 81, 301, 198, 37811, 198, 25609, 18604, 198, 68, 41, 54, 2257, 309, 2969, 5254, 198, 25609, 18604, 198, 198, 22030, 4687, 25398, 9145, 9072, 357, 1546, 2246, 8, 198, 22030, 4687, 7732, 357, 43279, 8, 198, 198, 37811, 198, 11748, 28686, 198, 11748, 4423, 346, 198, 6738, 555, 715, 395, 13, 76, 735, 1330, 6139, 44, 735, 198, 198, 11748, 6468, 28338, 13, 41667, 355, 334, 198, 11748, 299, 32152, 355, 45941, 198, 11748, 12972, 9288, 198, 6738, 6468, 28338, 1330, 4991, 198, 6738, 6468, 28338, 13, 37652, 17540, 13, 15688, 62, 37652, 4559, 1330, 5274, 7222, 585, 198, 6738, 6468, 28338, 13, 11487, 1330, 8655, 198, 6738, 6468, 28338, 13, 41667, 1330, 39789, 198, 198, 6738, 6468, 305, 22766, 13, 49183, 13, 73, 86, 301, 1330, 449, 86, 301, 9487, 198, 6738, 6468, 305, 22766, 13, 49183, 13, 73, 86, 301, 13, 41989, 13, 35, 13513, 45081, 25060, 1330, 360, 13513, 45081, 25060, 198, 6738, 6468, 305, 22766, 13, 541, 330, 13, 2817, 1330, 35754, 198, 6738, 6468, 305, 22766, 13, 82, 14107, 324, 1330, 3184, 14774, 198, 6738, 6468, 305, 22766, 13, 26791, 1330, 8655, 8053, 198, 6738, 6468, 305, 22766, 13, 26791, 13, 44335, 13, 37043, 13, 41989, 13, 35, 13513, 37321, 25060, 1330, 360, 13513, 37321, 25060, 198, 6738, 6468, 305, 22766, 13, 26791, 13, 44335, 13, 37043, 13, 41989, 13, 35, 13513, 31077, 1330, 360, 13513, 31077, 198, 6738, 6468, 305, 22766, 13, 26791, 13, 44335, 13, 7295, 1330, 16880, 17860, 198, 6738, 6468, 305, 22766, 13, 26791, 13, 44335, 13, 19875, 48610, 1330, 3384, 4487, 198, 6738, 6468, 305, 22766, 13, 85, 528, 959, 1330, 36339, 959, 198, 198, 6738, 6468, 305, 22766, 13, 49183, 13, 73, 86, 301, 1330, 1013, 628, 628, 198, 31, 9078, 9288, 13, 69, 9602, 7, 2306, 1076, 28, 17821, 8, 628, 198, 198, 31, 9078, 9288, 13, 69, 9602, 7, 2306, 1076, 28, 17821, 8, 628, 198, 198, 31, 9078, 9288, 13, 69, 9602, 7, 2306, 1076, 28, 17821, 8, 628, 198, 14382, 2340, 796, 366, 10786, 8269, 12, 2388, 12, 2388, 12, 23, 3720, 67, 12, 3609, 6420, 13331, 17, 69, 3559, 68, 17, 3256, 705, 8269, 12, 2388, 12, 2388, 12, 4089, 4309, 12, 64, 24, 13331, 23, 66, 5066, 69, 22, 891, 11537, 1, 628 ]
3.015075
398
import os import sys sys.path.insert(0, os.path.abspath(".")) project = "aizynthfinder" copyright = "2020-2022, Molecular AI group" author = "Molecular AI group" release = "3.3.0" # This make sure that the cli_help.txt file is properly formated with open("cli_help.txt", "r") as fileobj: lines = fileobj.read().splitlines() with open("cli_help.txt", "w") as fileobj: fileobj.write(".. code-block::\n\n") fileobj.write(" " + "\n ".join(lines)) extensions = [ "sphinx.ext.autodoc", ] autodoc_member_order = "bysource" autodoc_typehints = "description" html_theme = "alabaster" html_theme_options = { "description": "A fast, robust and flexible software for retrosynthetic planning", "fixed_sidebar": True, }
[ 11748, 28686, 198, 11748, 25064, 198, 198, 17597, 13, 6978, 13, 28463, 7, 15, 11, 28686, 13, 6978, 13, 397, 2777, 776, 7203, 526, 4008, 198, 198, 16302, 796, 366, 64, 528, 2047, 400, 22805, 1, 198, 22163, 4766, 796, 366, 42334, 12, 1238, 1828, 11, 38275, 9552, 1448, 1, 198, 9800, 796, 366, 44, 2305, 10440, 9552, 1448, 1, 198, 20979, 796, 366, 18, 13, 18, 13, 15, 1, 198, 198, 2, 770, 787, 1654, 326, 262, 537, 72, 62, 16794, 13, 14116, 2393, 318, 6105, 1296, 515, 198, 4480, 1280, 7203, 44506, 62, 16794, 13, 14116, 1600, 366, 81, 4943, 355, 2393, 26801, 25, 198, 220, 220, 220, 3951, 796, 2393, 26801, 13, 961, 22446, 35312, 6615, 3419, 198, 4480, 1280, 7203, 44506, 62, 16794, 13, 14116, 1600, 366, 86, 4943, 355, 2393, 26801, 25, 198, 220, 220, 220, 2393, 26801, 13, 13564, 7203, 492, 2438, 12, 9967, 3712, 59, 77, 59, 77, 4943, 198, 220, 220, 220, 2393, 26801, 13, 13564, 7203, 220, 366, 1343, 37082, 77, 220, 27071, 22179, 7, 6615, 4008, 198, 198, 2302, 5736, 796, 685, 198, 220, 220, 220, 366, 82, 746, 28413, 13, 2302, 13, 2306, 375, 420, 1600, 198, 60, 198, 2306, 375, 420, 62, 19522, 62, 2875, 796, 366, 48209, 1668, 1, 198, 2306, 375, 420, 62, 4906, 71, 29503, 796, 366, 11213, 1, 198, 198, 6494, 62, 43810, 796, 366, 282, 397, 1603, 1, 198, 6494, 62, 43810, 62, 25811, 796, 1391, 198, 220, 220, 220, 366, 11213, 1298, 366, 32, 3049, 11, 12373, 290, 12846, 3788, 329, 12175, 1837, 429, 6587, 5410, 1600, 198, 220, 220, 220, 366, 34021, 62, 1589, 5657, 1298, 6407, 11, 198, 92, 198 ]
2.632143
280
import _tkinter from turtle import Turtle, Screen import random tim = Turtle() tim.shape("turtle") tim.color("red") tim.speed("fastest") # r = random.random() # b = random.random() # g = random.random() # rgb = (random.random(), random.random(), random.random()) draw_spirograph(5) # for shape_sides_n in range(3, 41): # draw_shapes(shape_sides_n) # for walk_steps_n in range(3, 201): # random_walk(walk_steps_n) # dashed_line() # square() # pentagon() # hexagon() # heptagon() # octagon() screen = Screen() screen.exitonclick()
[ 11748, 4808, 30488, 3849, 198, 6738, 28699, 1330, 33137, 11, 15216, 198, 11748, 4738, 198, 198, 16514, 796, 33137, 3419, 198, 16514, 13, 43358, 7203, 83, 17964, 4943, 198, 16514, 13, 8043, 7203, 445, 4943, 198, 16514, 13, 12287, 7203, 7217, 395, 4943, 198, 2, 374, 796, 4738, 13, 25120, 3419, 198, 2, 275, 796, 4738, 13, 25120, 3419, 198, 2, 308, 796, 4738, 13, 25120, 3419, 198, 2, 46140, 796, 357, 25120, 13, 25120, 22784, 4738, 13, 25120, 22784, 4738, 13, 25120, 28955, 628, 628, 198, 19334, 62, 2777, 72, 3828, 1470, 7, 20, 8, 628, 198, 2, 329, 5485, 62, 82, 1460, 62, 77, 287, 2837, 7, 18, 11, 6073, 2599, 198, 2, 220, 220, 220, 220, 3197, 62, 1477, 7916, 7, 43358, 62, 82, 1460, 62, 77, 8, 628, 198, 2, 329, 2513, 62, 20214, 62, 77, 287, 2837, 7, 18, 11, 580, 2599, 198, 2, 220, 220, 220, 220, 4738, 62, 11152, 7, 11152, 62, 20214, 62, 77, 8, 628, 628, 628, 628, 198, 2, 37901, 62, 1370, 3419, 198, 2, 6616, 3419, 198, 2, 28145, 1840, 3419, 198, 2, 17910, 1840, 3419, 198, 2, 339, 457, 1840, 3419, 198, 2, 19318, 1840, 3419, 628, 198, 9612, 796, 15216, 3419, 198, 9612, 13, 37023, 261, 12976, 3419, 198 ]
2.622642
212
from dataclasses import dataclass, field from typing import Optional from transformers import ( TrainingArguments ) @dataclass class ModelArguments: """ Arguments pertaining to which model/config/tokenizer we are going to fine-tune, or train from scratch. """ model_nick: Optional[str] = field( default=None, metadata={ "help": "The model Nickname" }, ) model_name_or_path: Optional[str] = field( default=None, metadata={ "help": "The model checkpoint for weights initialization. Leave None if you want to train a model from scratch." }, ) config_name: Optional[str] = field( default=None, metadata={"help": "Pretrained config name or path if not the same as model_name"} ) cache_dir: Optional[str] = field( default=None, metadata={"help": "Where do you want to store the pretrained models downloaded from s3"} ) freeze_encoder: Optional[bool] = field( default=False, metadata={"help" : "Freeze the encoder"} ) skip_preclassifier: Optional[bool] = field( default=False, metadata={"help" : "Skip the preclassifier layer"} ) @dataclass class TrainingArguments(TrainingArguments): """ Arguments pertaining to which model/config/tokenizer we are going to fine-tune, or train from scratch. """ ignore_index: Optional[int] = field( default=0, metadata={ "help": "Specifies a target value that is ignored and does not contribute to the input gradient"}, ) dropout_rate: Optional[float] = field( default=0.1, metadata={ "help": "Dropout for fully-connected layers"}, ) train_jointly: Optional[bool] = field( default=True, metadata={ "help": "Dropout for fully-connected layers"}, ) @dataclass class DataTrainingArguments: """ Arguments pertaining to what data we are going to input our model for training and eval. """ overwrite_cache: bool = field( default=False, metadata={"help": "Overwrite the cached training and evaluation sets"} ) task: Optional[str] = field( default=None, metadata={"help": "The name of the task to train"}, ) data_dir: Optional[str] = field( default='./data', metadata={"help": "The input data dir"}, ) max_seq_len: Optional[int] = field( default=50, metadata={"help": "TBW"}, ) result_dir: Optional[str] = field( default='./', metadata={"help": "The result dir"}, ) prediction_dir: Optional[str] = field( default='./', metadata={"help": "The prediction dir"}, )
[ 6738, 4818, 330, 28958, 1330, 4818, 330, 31172, 11, 2214, 198, 6738, 19720, 1330, 32233, 198, 198, 6738, 6121, 364, 1330, 357, 198, 220, 220, 220, 13614, 28100, 2886, 198, 220, 1267, 628, 198, 198, 31, 19608, 330, 31172, 198, 4871, 9104, 28100, 2886, 25, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 20559, 2886, 27113, 284, 543, 2746, 14, 11250, 14, 30001, 7509, 356, 389, 1016, 284, 3734, 12, 83, 1726, 11, 393, 4512, 422, 12692, 13, 198, 220, 220, 220, 37227, 628, 220, 220, 220, 2746, 62, 17172, 25, 32233, 58, 2536, 60, 796, 2214, 7, 198, 220, 220, 220, 220, 220, 220, 220, 4277, 28, 14202, 11, 198, 220, 220, 220, 220, 220, 220, 220, 20150, 34758, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 16794, 1298, 366, 464, 2746, 8047, 3672, 1, 198, 220, 220, 220, 220, 220, 220, 220, 8964, 198, 220, 220, 220, 1267, 198, 220, 220, 220, 2746, 62, 3672, 62, 273, 62, 6978, 25, 32233, 58, 2536, 60, 796, 2214, 7, 198, 220, 220, 220, 220, 220, 220, 220, 4277, 28, 14202, 11, 198, 220, 220, 220, 220, 220, 220, 220, 20150, 34758, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 16794, 1298, 366, 464, 2746, 26954, 329, 19590, 37588, 13, 17446, 6045, 611, 345, 765, 284, 4512, 257, 2746, 422, 12692, 526, 198, 220, 220, 220, 220, 220, 220, 220, 8964, 198, 220, 220, 220, 1267, 198, 220, 220, 220, 4566, 62, 3672, 25, 32233, 58, 2536, 60, 796, 2214, 7, 198, 220, 220, 220, 220, 220, 220, 220, 4277, 28, 14202, 11, 20150, 28, 4895, 16794, 1298, 366, 47, 1186, 13363, 4566, 1438, 393, 3108, 611, 407, 262, 976, 355, 2746, 62, 3672, 20662, 198, 220, 220, 220, 1267, 198, 220, 220, 220, 12940, 62, 15908, 25, 32233, 58, 2536, 60, 796, 2214, 7, 198, 220, 220, 220, 220, 220, 220, 220, 4277, 28, 14202, 11, 20150, 28, 4895, 16794, 1298, 366, 8496, 466, 345, 765, 284, 3650, 262, 2181, 13363, 4981, 15680, 422, 264, 18, 20662, 198, 220, 220, 220, 1267, 198, 220, 220, 220, 16611, 62, 12685, 12342, 25, 32233, 58, 30388, 60, 796, 2214, 7, 198, 220, 220, 220, 220, 220, 220, 220, 4277, 28, 25101, 11, 20150, 28, 4895, 16794, 1, 1058, 366, 11146, 2736, 262, 2207, 12342, 20662, 198, 220, 220, 220, 1267, 198, 220, 220, 220, 14267, 62, 3866, 4871, 7483, 25, 32233, 58, 30388, 60, 796, 2214, 7, 198, 220, 220, 220, 220, 220, 220, 220, 4277, 28, 25101, 11, 20150, 28, 4895, 16794, 1, 1058, 366, 50232, 262, 662, 4871, 7483, 7679, 20662, 198, 220, 220, 220, 1267, 628, 198, 31, 19608, 330, 31172, 198, 4871, 13614, 28100, 2886, 7, 44357, 28100, 2886, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 20559, 2886, 27113, 284, 543, 2746, 14, 11250, 14, 30001, 7509, 356, 389, 1016, 284, 3734, 12, 83, 1726, 11, 393, 4512, 422, 12692, 13, 198, 220, 220, 220, 37227, 628, 220, 220, 220, 8856, 62, 9630, 25, 32233, 58, 600, 60, 796, 2214, 7, 198, 220, 220, 220, 220, 220, 220, 220, 4277, 28, 15, 11, 198, 220, 220, 220, 220, 220, 220, 220, 20150, 34758, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 16794, 1298, 366, 22882, 6945, 257, 2496, 1988, 326, 318, 9514, 290, 857, 407, 8676, 284, 262, 5128, 31312, 25719, 198, 220, 220, 220, 1267, 198, 220, 220, 220, 220, 198, 220, 220, 220, 4268, 448, 62, 4873, 25, 32233, 58, 22468, 60, 796, 2214, 7, 198, 220, 220, 220, 220, 220, 220, 220, 4277, 28, 15, 13, 16, 11, 198, 220, 220, 220, 220, 220, 220, 220, 20150, 34758, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 16794, 1298, 366, 26932, 448, 329, 3938, 12, 15236, 11685, 25719, 198, 220, 220, 220, 1267, 198, 220, 220, 220, 4512, 62, 73, 1563, 306, 25, 32233, 58, 30388, 60, 796, 2214, 7, 198, 220, 220, 220, 220, 220, 220, 220, 4277, 28, 17821, 11, 198, 220, 220, 220, 220, 220, 220, 220, 20150, 34758, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 366, 16794, 1298, 366, 26932, 448, 329, 3938, 12, 15236, 11685, 25719, 198, 220, 220, 220, 1267, 198, 198, 31, 19608, 330, 31172, 198, 4871, 6060, 44357, 28100, 2886, 25, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 20559, 2886, 27113, 284, 644, 1366, 356, 389, 1016, 284, 5128, 674, 2746, 329, 3047, 290, 5418, 13, 198, 220, 220, 220, 37227, 628, 220, 220, 220, 49312, 62, 23870, 25, 20512, 796, 2214, 7, 198, 220, 220, 220, 220, 220, 4277, 28, 25101, 11, 20150, 28, 4895, 16794, 1298, 366, 5886, 13564, 262, 39986, 3047, 290, 12660, 5621, 20662, 198, 220, 220, 220, 1267, 198, 220, 220, 220, 4876, 25, 32233, 58, 2536, 60, 796, 2214, 7, 198, 220, 220, 220, 220, 220, 4277, 28, 14202, 11, 198, 220, 220, 220, 220, 220, 20150, 28, 4895, 16794, 1298, 366, 464, 1438, 286, 262, 4876, 284, 4512, 25719, 198, 220, 220, 220, 1267, 198, 220, 220, 220, 1366, 62, 15908, 25, 32233, 58, 2536, 60, 796, 2214, 7, 198, 220, 220, 220, 220, 220, 4277, 28, 4458, 14, 7890, 3256, 198, 220, 220, 220, 220, 220, 20150, 28, 4895, 16794, 1298, 366, 464, 5128, 1366, 26672, 25719, 198, 220, 220, 220, 1267, 198, 220, 220, 220, 3509, 62, 41068, 62, 11925, 25, 32233, 58, 600, 60, 796, 2214, 7, 198, 220, 220, 220, 220, 220, 4277, 28, 1120, 11, 198, 220, 220, 220, 220, 220, 20150, 28, 4895, 16794, 1298, 366, 22737, 54, 25719, 198, 220, 220, 220, 1267, 198, 220, 220, 220, 1255, 62, 15908, 25, 32233, 58, 2536, 60, 796, 2214, 7, 198, 220, 220, 220, 220, 220, 4277, 28, 4458, 14, 3256, 198, 220, 220, 220, 220, 220, 20150, 28, 4895, 16794, 1298, 366, 464, 1255, 26672, 25719, 198, 220, 220, 220, 1267, 198, 220, 220, 220, 17724, 62, 15908, 25, 32233, 58, 2536, 60, 796, 2214, 7, 198, 220, 220, 220, 220, 220, 4277, 28, 4458, 14, 3256, 198, 220, 220, 220, 220, 220, 20150, 28, 4895, 16794, 1298, 366, 464, 17724, 26672, 25719, 198, 220, 220, 220, 1267, 628, 628 ]
2.595602
1,046
from project import motor from project import variables # My Blocks from lower_pen import lower_pen from lift_pen import lift_pen
[ 198, 6738, 1628, 1330, 5584, 198, 6738, 1628, 1330, 9633, 198, 198, 2, 2011, 35111, 198, 6738, 2793, 62, 3617, 1330, 2793, 62, 3617, 198, 6738, 10303, 62, 3617, 1330, 10303, 62, 3617, 628 ]
3.911765
34
#!/usr/bin/env python # -*- coding: utf-8 -*- # Author: BlackXploits # Telegram: @BlackXploits # Please don't delete this COPYRIGHT import argparse import subprocess import signal import Queue import time from threading import Thread, Lock from sys import argv, stdout from os import getpid, kill w = '\033[0m' y = '\033[93m' r = '\033[31m' g = '\033[32m' o = '\033[33m' b = '\033[34m' parser = argparse.ArgumentParser(prog='adminfinder', usage='adminfinder [options]') parser.add_argument('-u', "--url", type=str, help='url eg. target.com') parser.add_argument("-w", "--wordlist", type=str, help="wordlist") parser.add_argument('-t', "--threads", type=int, help='number of threads') parser.add_argument('-p', "--proxy", type=str, help='use proxy eg. socks5:127.0.0.1:9050') parser.add_argument('-f', "--follow", action="store_true", help='follow and resolve redirects') parser.add_argument('-b', "--forbidden", action="store_true", help='show forbidden pages') args = parser.parse_args() print y+' Admin_Finder_v2.0 ' print b+''' ___ __ _ _______ __ / | ____/ /___ ___ (_)___ / ____(_)___ ____/ / / /| |/ __ / __ `__ \/ / __ \/ /_ / / __ \/ __ / / ___ / /_/ / / / / / / / / / / __/ / / / / / /_/ / /_/ |_\__,_/_/ /_/ /_/_/_/ /_/_/ /_/_/ /_/\__,_/ ''' print r+' c0ded by blackXploits ' print w+'' if len(argv) == 1: parser.print_help() exit() if args.proxy: try: import socks, socket except: print "Error socksipy module not found, apt-get install python-socksipy to use proxies" exit() try: proxytype = args.proxy.split(":")[0] proxyip = args.proxy.split(":")[1] proxyport = args.proxy.split(":")[2] except: print "Error proxy must be in the form of type:host:port" parser.print_help() exit() if proxytype == "socks4": socks.setdefaultproxy(socks.PROXY_TYPE_SOCKS4, str(proxyip), int(proxyport), True) elif proxytype == "socks5": socks.setdefaultproxy(socks.PROXY_TYPE_SOCKS5, str(proxyip), int(proxyport), True) else: print "Error Unknown proxy type: " + str(proxytype) exit() socket.socket = socks.socksocket socket.create_connection = create_connection import httplib, httplib2 domain = args.url url = str(domain.strip()) wordlist = [line.strip() for line in open("wordlist.txt", 'r')] signal.signal(signal.SIGINT, killpid) queueLock = Lock() workQueue = Queue.Queue(len(wordlist)) found = [] threads = [] exitFlag = 0 threadID = 1 maxthreads = 40 if args.threads: maxthreads = args.threads queueLock.acquire() for word in wordlist: workQueue.put(word) queueLock.release() while threadID <= maxthreads: tname = str("Thread-") + str(threadID) thread = myThread(threadID, tname, workQueue) thread.start() threads.append(thread) threadID += 1 with Timer(): while not workQueue.empty(): pass exitFlag = 1 for t in threads: t.join() print "\r\x1b[K\n [*] All threads complete, " + str(len(found)) + " sites found."
[ 2, 48443, 14629, 14, 8800, 14, 24330, 21015, 198, 2, 532, 9, 12, 19617, 25, 3384, 69, 12, 23, 532, 9, 12, 198, 2, 6434, 25, 2619, 55, 489, 78, 896, 198, 2, 50203, 25, 2488, 9915, 55, 489, 78, 896, 198, 198, 2, 4222, 836, 470, 12233, 428, 27975, 38162, 9947, 198, 198, 11748, 1822, 29572, 198, 11748, 850, 14681, 198, 11748, 6737, 198, 11748, 4670, 518, 198, 11748, 640, 198, 6738, 4704, 278, 1330, 14122, 11, 13656, 198, 6738, 25064, 1330, 1822, 85, 11, 14367, 448, 198, 6738, 28686, 1330, 651, 35317, 11, 1494, 198, 198, 86, 220, 796, 705, 59, 44427, 58, 15, 76, 6, 198, 88, 220, 796, 705, 59, 44427, 58, 6052, 76, 6, 198, 81, 220, 796, 705, 59, 44427, 58, 3132, 76, 6, 198, 70, 220, 796, 705, 59, 44427, 58, 2624, 76, 6, 198, 78, 220, 796, 705, 59, 44427, 58, 2091, 76, 6, 198, 65, 220, 796, 705, 59, 44427, 58, 2682, 76, 6, 198, 198, 48610, 796, 1822, 29572, 13, 28100, 1713, 46677, 7, 1676, 70, 11639, 28482, 22805, 3256, 8748, 11639, 28482, 22805, 685, 25811, 60, 11537, 198, 48610, 13, 2860, 62, 49140, 10786, 12, 84, 3256, 366, 438, 6371, 1600, 2099, 28, 2536, 11, 1037, 11639, 6371, 29206, 13, 2496, 13, 785, 11537, 198, 48610, 13, 2860, 62, 49140, 7203, 12, 86, 1600, 366, 438, 4775, 4868, 1600, 2099, 28, 2536, 11, 1037, 2625, 4775, 4868, 4943, 198, 48610, 13, 2860, 62, 49140, 10786, 12, 83, 3256, 366, 438, 16663, 82, 1600, 2099, 28, 600, 11, 1037, 11639, 17618, 286, 14390, 11537, 198, 48610, 13, 2860, 62, 49140, 10786, 12, 79, 3256, 366, 438, 36436, 1600, 2099, 28, 2536, 11, 1037, 11639, 1904, 15741, 29206, 13, 24359, 20, 25, 16799, 13, 15, 13, 15, 13, 16, 25, 3829, 1120, 11537, 198, 48610, 13, 2860, 62, 49140, 10786, 12, 69, 3256, 366, 438, 27780, 1600, 2223, 2625, 8095, 62, 7942, 1600, 1037, 11639, 27780, 290, 10568, 18941, 82, 11537, 198, 48610, 13, 2860, 62, 49140, 10786, 12, 65, 3256, 366, 438, 1640, 37978, 1600, 2223, 2625, 8095, 62, 7942, 1600, 1037, 11639, 12860, 19467, 5468, 11537, 198, 22046, 796, 30751, 13, 29572, 62, 22046, 3419, 198, 198, 4798, 331, 10, 6, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 32053, 62, 37, 5540, 62, 85, 17, 13, 15, 220, 220, 220, 220, 220, 220, 220, 705, 198, 4798, 275, 10, 7061, 6, 198, 220, 220, 220, 46444, 220, 220, 220, 220, 220, 220, 11593, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4808, 220, 220, 220, 220, 220, 220, 220, 37405, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 11593, 198, 220, 220, 1220, 220, 220, 930, 220, 1427, 14, 1220, 17569, 46444, 220, 44104, 8, 17569, 220, 1220, 220, 1427, 28264, 8, 17569, 220, 220, 1427, 14, 1220, 198, 220, 1220, 1220, 91, 930, 14, 11593, 220, 1220, 11593, 4600, 834, 3467, 14, 1220, 11593, 3467, 14, 1220, 62, 220, 1220, 1220, 11593, 3467, 14, 11593, 220, 1220, 220, 198, 1220, 46444, 1220, 1220, 62, 14, 1220, 1220, 1220, 1220, 1220, 1220, 1220, 1220, 1220, 1220, 11593, 14, 1220, 1220, 1220, 1220, 1220, 1220, 62, 14, 1220, 220, 220, 198, 47835, 14, 220, 930, 62, 59, 834, 11, 62, 47835, 14, 1220, 62, 14, 1220, 62, 47835, 47835, 14, 1220, 62, 47835, 14, 220, 220, 1220, 62, 47835, 14, 1220, 62, 14, 59, 834, 11, 62, 14, 220, 220, 220, 198, 7061, 6, 198, 4798, 374, 10, 6, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 269, 15, 9395, 416, 2042, 55, 489, 78, 896, 220, 220, 220, 220, 220, 220, 220, 220, 705, 198, 198, 4798, 266, 10, 7061, 198, 198, 361, 18896, 7, 853, 85, 8, 6624, 352, 25, 198, 197, 48610, 13, 4798, 62, 16794, 3419, 198, 197, 37023, 3419, 198, 198, 361, 26498, 13, 36436, 25, 198, 197, 28311, 25, 198, 197, 197, 11748, 24359, 11, 17802, 198, 197, 16341, 25, 198, 197, 197, 4798, 366, 12331, 24359, 541, 88, 8265, 407, 1043, 11, 15409, 12, 1136, 2721, 21015, 12, 82, 3320, 541, 88, 284, 779, 41775, 1, 198, 197, 197, 37023, 3419, 198, 197, 28311, 25, 198, 197, 197, 36436, 4906, 796, 26498, 13, 36436, 13, 35312, 7, 2404, 38381, 15, 60, 198, 197, 197, 36436, 541, 796, 26498, 13, 36436, 13, 35312, 7, 2404, 38381, 16, 60, 198, 197, 197, 36436, 634, 796, 26498, 13, 36436, 13, 35312, 7, 2404, 38381, 17, 60, 198, 197, 16341, 25, 198, 197, 197, 4798, 366, 12331, 15741, 1276, 307, 287, 262, 1296, 286, 2099, 25, 4774, 25, 634, 1, 198, 197, 197, 48610, 13, 4798, 62, 16794, 3419, 198, 197, 197, 37023, 3419, 198, 197, 197, 198, 197, 361, 15741, 4906, 6624, 366, 82, 3320, 19, 1298, 197, 198, 197, 197, 82, 3320, 13, 2617, 12286, 36436, 7, 82, 3320, 13, 31190, 34278, 62, 25216, 62, 50, 11290, 50, 19, 11, 965, 7, 36436, 541, 828, 493, 7, 36436, 634, 828, 6407, 8, 198, 197, 417, 361, 15741, 4906, 6624, 366, 82, 3320, 20, 1298, 198, 197, 197, 82, 3320, 13, 2617, 12286, 36436, 7, 82, 3320, 13, 31190, 34278, 62, 25216, 62, 50, 11290, 50, 20, 11, 965, 7, 36436, 541, 828, 493, 7, 36436, 634, 828, 6407, 8, 198, 197, 17772, 25, 198, 197, 197, 4798, 366, 12331, 16185, 15741, 2099, 25, 366, 1343, 965, 7, 36436, 4906, 8, 198, 197, 197, 37023, 3419, 198, 197, 197, 198, 197, 44971, 13, 44971, 796, 24359, 13, 82, 3320, 5459, 198, 197, 44971, 13, 17953, 62, 38659, 796, 2251, 62, 38659, 198, 198, 11748, 1841, 489, 571, 11, 1841, 489, 571, 17, 198, 198, 27830, 796, 26498, 13, 6371, 198, 6371, 796, 965, 7, 27830, 13, 36311, 28955, 198, 4775, 4868, 796, 685, 1370, 13, 36311, 3419, 329, 1627, 287, 1280, 7203, 4775, 4868, 13, 14116, 1600, 705, 81, 11537, 60, 198, 12683, 282, 13, 12683, 282, 7, 12683, 282, 13, 50, 3528, 12394, 11, 1494, 35317, 8, 198, 36560, 25392, 796, 13656, 3419, 198, 1818, 34991, 796, 4670, 518, 13, 34991, 7, 11925, 7, 4775, 4868, 4008, 198, 9275, 796, 17635, 198, 16663, 82, 796, 17635, 198, 37023, 34227, 796, 657, 198, 16663, 2389, 796, 352, 198, 9806, 16663, 82, 796, 2319, 198, 198, 361, 26498, 13, 16663, 82, 25, 198, 197, 9806, 16663, 82, 796, 26498, 13, 16663, 82, 198, 198, 36560, 25392, 13, 330, 29782, 3419, 198, 1640, 1573, 287, 1573, 4868, 25, 198, 220, 220, 220, 670, 34991, 13, 1996, 7, 4775, 8, 198, 36560, 25392, 13, 20979, 3419, 198, 198, 4514, 4704, 2389, 19841, 3509, 16663, 82, 25, 198, 197, 83, 3672, 796, 965, 7203, 16818, 12, 4943, 1343, 965, 7, 16663, 2389, 8, 198, 197, 16663, 796, 616, 16818, 7, 16663, 2389, 11, 256, 3672, 11, 670, 34991, 8, 198, 197, 16663, 13, 9688, 3419, 198, 197, 16663, 82, 13, 33295, 7, 16663, 8, 198, 197, 16663, 2389, 15853, 352, 198, 198, 4480, 5045, 263, 33529, 198, 197, 4514, 407, 670, 34991, 13, 28920, 33529, 198, 197, 197, 6603, 628, 197, 37023, 34227, 796, 352, 628, 197, 1640, 256, 287, 14390, 25, 198, 197, 197, 83, 13, 22179, 3419, 628, 197, 4798, 37082, 81, 59, 87, 16, 65, 58, 42, 59, 77, 36338, 1439, 14390, 1844, 11, 366, 1343, 965, 7, 11925, 7, 9275, 4008, 1343, 366, 5043, 1043, 526, 198 ]
2.411529
1,249
Python 3.8.1 (tags/v3.8.1:1b293b6, Dec 18 2019, 23:11:46) [MSC v.1916 64 bit (AMD64)] on win32 Type "help", "copyright", "credits" or "license()" for more information. >>>=======30 Days of Code/Day 2/Operators.py ====== 12.00 20 8 15 >>>
[ 37906, 513, 13, 23, 13, 16, 357, 31499, 14, 85, 18, 13, 23, 13, 16, 25, 16, 65, 31675, 65, 21, 11, 4280, 1248, 13130, 11, 2242, 25, 1157, 25, 3510, 8, 685, 5653, 34, 410, 13, 1129, 1433, 5598, 1643, 357, 28075, 2414, 15437, 319, 1592, 2624, 201, 198, 6030, 366, 16794, 1600, 366, 22163, 4766, 1600, 366, 66, 20696, 1, 393, 366, 43085, 3419, 1, 329, 517, 1321, 13, 201, 198, 201, 198, 33409, 1421, 18604, 1270, 12579, 286, 6127, 14, 12393, 362, 14, 18843, 2024, 13, 9078, 29335, 28, 201, 198, 1065, 13, 405, 201, 198, 1238, 201, 198, 23, 201, 198, 1314, 201, 198, 33409, 220, 201, 198 ]
2.223214
112
# Copyright 2018 The TensorFlow Probability Authors. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. # ============================================================================ """Tests for distribution_utility functions.""" from __future__ import absolute_import from __future__ import division from __future__ import print_function import importlib import itertools # Dependency imports import numpy as np import tensorflow as tf from tensorflow_probability.python.distributions import Categorical from tensorflow_probability.python.distributions import Mixture from tensorflow_probability.python.distributions import MixtureSameFamily from tensorflow_probability.python.distributions import MultivariateNormalDiag from tensorflow_probability.python.distributions import Normal from tensorflow_probability.python.internal import distribution_util from tensorflow.python.framework import test_util special = try_import("scipy.special") def _matrix_diag(d): """Batch version of np.diag.""" orig_shape = d.shape d = np.reshape(d, (int(np.prod(d.shape[:-1])), d.shape[-1])) diag_list = [] for i in range(d.shape[0]): diag_list.append(np.diag(d[i, ...])) return np.reshape(diag_list, orig_shape + (d.shape[-1],)) @test_util.run_all_in_graph_and_eager_modes # TODO(jvdillon): Merge this test back into: # tensorflow/python/kernel_tests/softplus_op_test.py # once TF core is accepting new ops. @test_util.run_all_in_graph_and_eager_modes if __name__ == "__main__": tf.test.main()
[ 2, 15069, 2864, 383, 309, 22854, 37535, 30873, 1799, 46665, 13, 198, 2, 198, 2, 49962, 739, 262, 24843, 13789, 11, 10628, 362, 13, 15, 357, 1169, 366, 34156, 15341, 198, 2, 345, 743, 407, 779, 428, 2393, 2845, 287, 11846, 351, 262, 13789, 13, 198, 2, 921, 743, 7330, 257, 4866, 286, 262, 13789, 379, 198, 2, 198, 2, 220, 220, 220, 220, 2638, 1378, 2503, 13, 43073, 13, 2398, 14, 677, 4541, 14, 43, 2149, 24290, 12, 17, 13, 15, 198, 2, 198, 2, 17486, 2672, 416, 9723, 1099, 393, 4987, 284, 287, 3597, 11, 3788, 198, 2, 9387, 739, 262, 13789, 318, 9387, 319, 281, 366, 1921, 3180, 1, 29809, 1797, 11, 198, 2, 42881, 34764, 11015, 6375, 7102, 49828, 11053, 3963, 15529, 509, 12115, 11, 2035, 4911, 393, 17142, 13, 198, 2, 4091, 262, 13789, 329, 262, 2176, 3303, 15030, 21627, 290, 198, 2, 11247, 739, 262, 13789, 13, 198, 2, 38093, 2559, 18604, 198, 37811, 51, 3558, 329, 6082, 62, 315, 879, 5499, 526, 15931, 198, 198, 6738, 11593, 37443, 834, 1330, 4112, 62, 11748, 198, 6738, 11593, 37443, 834, 1330, 7297, 198, 6738, 11593, 37443, 834, 1330, 3601, 62, 8818, 198, 198, 11748, 1330, 8019, 198, 11748, 340, 861, 10141, 198, 198, 2, 37947, 1387, 17944, 198, 11748, 299, 32152, 355, 45941, 198, 11748, 11192, 273, 11125, 355, 48700, 198, 198, 6738, 11192, 273, 11125, 62, 1676, 65, 1799, 13, 29412, 13, 17080, 2455, 507, 1330, 327, 2397, 12409, 198, 6738, 11192, 273, 11125, 62, 1676, 65, 1799, 13, 29412, 13, 17080, 2455, 507, 1330, 337, 9602, 198, 6738, 11192, 273, 11125, 62, 1676, 65, 1799, 13, 29412, 13, 17080, 2455, 507, 1330, 337, 9602, 30556, 24094, 198, 6738, 11192, 273, 11125, 62, 1676, 65, 1799, 13, 29412, 13, 17080, 2455, 507, 1330, 7854, 42524, 26447, 18683, 363, 198, 6738, 11192, 273, 11125, 62, 1676, 65, 1799, 13, 29412, 13, 17080, 2455, 507, 1330, 14435, 198, 198, 6738, 11192, 273, 11125, 62, 1676, 65, 1799, 13, 29412, 13, 32538, 1330, 6082, 62, 22602, 198, 6738, 11192, 273, 11125, 13, 29412, 13, 30604, 1330, 1332, 62, 22602, 628, 198, 198, 20887, 796, 1949, 62, 11748, 7203, 1416, 541, 88, 13, 20887, 4943, 628, 628, 198, 4299, 4808, 6759, 8609, 62, 10989, 363, 7, 67, 2599, 198, 220, 37227, 33, 963, 2196, 286, 45941, 13, 10989, 363, 526, 15931, 198, 220, 1796, 62, 43358, 796, 288, 13, 43358, 198, 220, 288, 796, 45941, 13, 3447, 1758, 7, 67, 11, 357, 600, 7, 37659, 13, 1676, 67, 7, 67, 13, 43358, 58, 21912, 16, 12962, 828, 288, 13, 43358, 58, 12, 16, 60, 4008, 198, 220, 2566, 363, 62, 4868, 796, 17635, 198, 220, 329, 1312, 287, 2837, 7, 67, 13, 43358, 58, 15, 60, 2599, 198, 220, 220, 220, 2566, 363, 62, 4868, 13, 33295, 7, 37659, 13, 10989, 363, 7, 67, 58, 72, 11, 2644, 60, 4008, 198, 220, 1441, 45941, 13, 3447, 1758, 7, 10989, 363, 62, 4868, 11, 1796, 62, 43358, 1343, 357, 67, 13, 43358, 58, 12, 16, 4357, 4008, 628, 628, 628, 628, 628, 628, 628, 628, 628, 628, 198, 198, 31, 9288, 62, 22602, 13, 5143, 62, 439, 62, 259, 62, 34960, 62, 392, 62, 68, 3536, 62, 76, 4147, 628, 628, 628, 628, 628, 628, 198, 2, 16926, 46, 7, 73, 20306, 23027, 2599, 39407, 428, 1332, 736, 656, 25, 198, 2, 11192, 273, 11125, 14, 29412, 14, 33885, 62, 41989, 14, 4215, 9541, 62, 404, 62, 9288, 13, 9078, 198, 2, 1752, 24958, 4755, 318, 12598, 649, 39628, 13, 628, 198, 31, 9288, 62, 22602, 13, 5143, 62, 439, 62, 259, 62, 34960, 62, 392, 62, 68, 3536, 62, 76, 4147, 628, 198, 361, 11593, 3672, 834, 6624, 366, 834, 12417, 834, 1298, 198, 220, 48700, 13, 9288, 13, 12417, 3419, 198 ]
3.222397
634
from django.conf.urls import url from django.contrib.staticfiles import views as static_views from django.conf.urls.static import static from django.conf import settings import jobs.views as views from django.views.generic import ListView,DetailView from jobs.models import Job from rest_framework.urlpatterns import format_suffix_patterns # urlpatterns = [ # url(r'^$', views.indexJobs, name='indexJobs'), app_name ='jobs' # ] urlpatterns = [ url(r'^$', views.jobsIndex, name='jobsIndex'), url(r'^jobslist/$', views.JobList.as_view()), url(r'^(?P<pk>\d+)$',views.job_detail,name='job_detail'), url(r'^create/$',views.create_job,name='jobsCreate'), url(r'^(?P<category_slug>[-\w]+)/$', views.jobsIndex, name='jobs_by_category') ] urlpatterns = format_suffix_patterns(urlpatterns)
[ 6738, 42625, 14208, 13, 10414, 13, 6371, 82, 1330, 19016, 198, 6738, 42625, 14208, 13, 3642, 822, 13, 12708, 16624, 1330, 5009, 355, 9037, 62, 33571, 198, 6738, 42625, 14208, 13, 10414, 13, 6371, 82, 13, 12708, 1330, 9037, 198, 6738, 42625, 14208, 13, 10414, 1330, 6460, 198, 11748, 3946, 13, 33571, 355, 5009, 198, 6738, 42625, 14208, 13, 33571, 13, 41357, 1330, 7343, 7680, 11, 11242, 603, 7680, 198, 6738, 3946, 13, 27530, 1330, 15768, 198, 6738, 1334, 62, 30604, 13, 6371, 33279, 82, 1330, 5794, 62, 37333, 844, 62, 33279, 82, 198, 198, 2, 19016, 33279, 82, 796, 685, 198, 2, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 19016, 7, 81, 6, 61, 3, 3256, 5009, 13, 9630, 41, 8158, 11, 1438, 11639, 9630, 41, 8158, 33809, 198, 1324, 62, 3672, 796, 6, 43863, 6, 198, 2, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2361, 198, 6371, 33279, 82, 796, 685, 198, 197, 6371, 7, 81, 6, 61, 3, 3256, 5009, 13, 43863, 15732, 11, 1438, 11639, 43863, 15732, 33809, 198, 197, 6371, 7, 81, 6, 61, 43863, 4868, 32624, 3256, 5009, 13, 33308, 8053, 13, 292, 62, 1177, 3419, 828, 198, 197, 6371, 7, 81, 6, 61, 7, 30, 47, 27, 79, 74, 29, 59, 67, 28988, 3, 3256, 33571, 13, 21858, 62, 49170, 11, 3672, 11639, 21858, 62, 49170, 33809, 198, 197, 6371, 7, 81, 6, 61, 17953, 32624, 3256, 33571, 13, 17953, 62, 21858, 11, 3672, 11639, 43863, 16447, 33809, 198, 197, 6371, 7, 81, 6, 61, 7, 30, 47, 27, 22872, 62, 6649, 1018, 36937, 12, 59, 86, 48688, 20679, 3, 3256, 5009, 13, 43863, 15732, 11, 1438, 11639, 43863, 62, 1525, 62, 22872, 11537, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2361, 198, 6371, 33279, 82, 796, 5794, 62, 37333, 844, 62, 33279, 82, 7, 6371, 33279, 82, 8 ]
2.474926
339
# Sorts y coordinate first, then x. if __name__ == "__main__": main()
[ 198, 198, 2, 311, 2096, 331, 20435, 717, 11, 788, 2124, 13, 628, 628, 198, 361, 11593, 3672, 834, 6624, 366, 834, 12417, 834, 1298, 198, 220, 220, 220, 1388, 3419, 198 ]
2.5
32
import argparse import json import pprint import pygerduty import time import yaml parser = argparse.ArgumentParser(description="Simple argument parser") parser.add_argument("-config", type=str, required=False, help="The location of a file containing a JSON payload.") parser.add_argument("-payload", type=str, required=False, help="The location of a file containing a JSON payload.") parser.add_argument("-d", type=str, required=False, help="Directory") parser.add_argument("-e", type=str, required=False, help="Environment") parser.add_argument("-id", type=str, required=False, help="Task id") args = parser.parse_args() config = {} if args.config is not None: config = yaml.load(open(args.config).read()) pdapi = config['pagerduty_api_key'] pdsvc = config['pagerduty_service_key'] pdsub = config['pagerduty_subdomain'] payload = {} if args.payload is not None: payload = json.loads(open(args.payload).read()) # Alert payloads are expected to look like the following: # { # "alert_direction": "asc", # "alert_id": "54c548fc7fae9a32210f5782", # "alert_trigger": 1, # "alert_type": "fixed", # "created_at": "2015-01-25T19:52:39Z", # "queue_size": 1, # "source_queue": "example_queue_name" # } queue_name = payload['source_queue'] queue_size = payload['queue_size'] desc = 'Queue [%s] is at size [%s]' % (queue_name, queue_size) pagerduty = pygerduty.PagerDuty(pdsub, api_token=pdapi) pagerduty.trigger_incident( pdsvc, desc, incident_key=queue_name, details=payload)
[ 11748, 1822, 29572, 198, 11748, 33918, 198, 11748, 279, 4798, 198, 11748, 12972, 1362, 26278, 198, 11748, 640, 198, 11748, 331, 43695, 198, 198, 48610, 796, 1822, 29572, 13, 28100, 1713, 46677, 7, 11213, 2625, 26437, 4578, 30751, 4943, 198, 48610, 13, 2860, 62, 49140, 7203, 12, 11250, 1600, 2099, 28, 2536, 11, 2672, 28, 25101, 11, 198, 220, 220, 220, 220, 220, 220, 220, 1037, 2625, 464, 4067, 286, 257, 2393, 7268, 257, 19449, 21437, 19570, 198, 48610, 13, 2860, 62, 49140, 7203, 12, 15577, 2220, 1600, 2099, 28, 2536, 11, 2672, 28, 25101, 11, 198, 220, 220, 220, 220, 220, 220, 220, 1037, 2625, 464, 4067, 286, 257, 2393, 7268, 257, 19449, 21437, 19570, 198, 48610, 13, 2860, 62, 49140, 7203, 12, 67, 1600, 2099, 28, 2536, 11, 2672, 28, 25101, 11, 198, 220, 220, 220, 220, 220, 220, 220, 1037, 2625, 43055, 4943, 198, 48610, 13, 2860, 62, 49140, 7203, 12, 68, 1600, 2099, 28, 2536, 11, 2672, 28, 25101, 11, 198, 220, 220, 220, 220, 220, 220, 220, 1037, 2625, 31441, 4943, 198, 48610, 13, 2860, 62, 49140, 7203, 12, 312, 1600, 2099, 28, 2536, 11, 2672, 28, 25101, 11, 198, 220, 220, 220, 220, 220, 220, 220, 1037, 2625, 25714, 4686, 4943, 198, 22046, 796, 30751, 13, 29572, 62, 22046, 3419, 198, 198, 11250, 796, 23884, 198, 361, 26498, 13, 11250, 318, 407, 6045, 25, 198, 220, 220, 220, 4566, 796, 331, 43695, 13, 2220, 7, 9654, 7, 22046, 13, 11250, 737, 961, 28955, 198, 30094, 15042, 796, 4566, 17816, 79, 3536, 26278, 62, 15042, 62, 2539, 20520, 198, 79, 9310, 28435, 796, 4566, 17816, 79, 3536, 26278, 62, 15271, 62, 2539, 20520, 198, 30094, 7266, 796, 4566, 17816, 79, 3536, 26278, 62, 7266, 27830, 20520, 198, 198, 15577, 2220, 796, 23884, 198, 361, 26498, 13, 15577, 2220, 318, 407, 6045, 25, 198, 220, 220, 220, 21437, 796, 33918, 13, 46030, 7, 9654, 7, 22046, 13, 15577, 2220, 737, 961, 28955, 198, 198, 2, 23276, 21437, 82, 389, 2938, 284, 804, 588, 262, 1708, 25, 198, 2, 1391, 198, 2, 220, 220, 220, 220, 366, 44598, 62, 37295, 1298, 366, 3372, 1600, 198, 2, 220, 220, 220, 220, 366, 44598, 62, 312, 1298, 366, 4051, 66, 49934, 16072, 22, 69, 3609, 24, 64, 37283, 940, 69, 3553, 6469, 1600, 198, 2, 220, 220, 220, 220, 366, 44598, 62, 46284, 1298, 352, 11, 198, 2, 220, 220, 220, 220, 366, 44598, 62, 4906, 1298, 366, 34021, 1600, 198, 2, 220, 220, 220, 220, 366, 25598, 62, 265, 1298, 366, 4626, 12, 486, 12, 1495, 51, 1129, 25, 4309, 25, 2670, 57, 1600, 198, 2, 220, 220, 220, 220, 366, 36560, 62, 7857, 1298, 352, 11, 198, 2, 220, 220, 220, 220, 366, 10459, 62, 36560, 1298, 366, 20688, 62, 36560, 62, 3672, 1, 198, 2, 1782, 198, 36560, 62, 3672, 796, 21437, 17816, 10459, 62, 36560, 20520, 198, 36560, 62, 7857, 796, 21437, 17816, 36560, 62, 7857, 20520, 198, 198, 20147, 796, 705, 34991, 685, 4, 82, 60, 318, 379, 2546, 685, 4, 82, 49946, 4064, 357, 36560, 62, 3672, 11, 16834, 62, 7857, 8, 198, 79, 3536, 26278, 796, 12972, 1362, 26278, 13, 47, 3536, 35, 3935, 7, 30094, 7266, 11, 40391, 62, 30001, 28, 30094, 15042, 8, 198, 79, 3536, 26278, 13, 46284, 62, 1939, 738, 7, 198, 220, 220, 220, 279, 9310, 28435, 11, 198, 220, 220, 220, 1715, 11, 198, 220, 220, 220, 4519, 62, 2539, 28, 36560, 62, 3672, 11, 198, 220, 220, 220, 3307, 28, 15577, 2220, 8, 198 ]
2.655348
589
INPUTPATH = "input.txt" #INPUTPATH = "input-test.txt" with open(INPUTPATH) as ifile: raw = ifile.read() commands = tuple(map(parse_command, raw.strip().split("\n"))) h = d = 0 for word, n in commands: match word: case "forward": h += n case "down": d += n case "up": d -= n case _: raise AssertionError print(h * d) h = d = aim = 0 for word, n in commands: match word: case "forward": h += n d += n * aim case "down": aim += n case "up": aim -= n case _: raise AssertionError print(h * d)
[ 1268, 30076, 34219, 796, 366, 15414, 13, 14116, 1, 198, 2, 1268, 30076, 34219, 796, 366, 15414, 12, 9288, 13, 14116, 1, 198, 4480, 1280, 7, 1268, 30076, 34219, 8, 355, 611, 576, 25, 198, 220, 220, 220, 8246, 796, 611, 576, 13, 961, 3419, 198, 9503, 1746, 796, 46545, 7, 8899, 7, 29572, 62, 21812, 11, 8246, 13, 36311, 22446, 35312, 7203, 59, 77, 1, 22305, 198, 198, 71, 796, 288, 796, 657, 198, 1640, 1573, 11, 299, 287, 9729, 25, 198, 220, 220, 220, 2872, 1573, 25, 198, 220, 220, 220, 220, 220, 220, 220, 1339, 366, 11813, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 289, 15853, 299, 198, 220, 220, 220, 220, 220, 220, 220, 1339, 366, 2902, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 288, 15853, 299, 198, 220, 220, 220, 220, 220, 220, 220, 1339, 366, 929, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 288, 48185, 299, 198, 220, 220, 220, 220, 220, 220, 220, 1339, 4808, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5298, 2195, 861, 295, 12331, 198, 4798, 7, 71, 1635, 288, 8, 198, 198, 71, 796, 288, 796, 4031, 796, 657, 198, 1640, 1573, 11, 299, 287, 9729, 25, 198, 220, 220, 220, 2872, 1573, 25, 198, 220, 220, 220, 220, 220, 220, 220, 1339, 366, 11813, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 289, 15853, 299, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 288, 15853, 299, 1635, 4031, 198, 220, 220, 220, 220, 220, 220, 220, 1339, 366, 2902, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4031, 15853, 299, 198, 220, 220, 220, 220, 220, 220, 220, 1339, 366, 929, 1298, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4031, 48185, 299, 198, 220, 220, 220, 220, 220, 220, 220, 1339, 4808, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 5298, 2195, 861, 295, 12331, 198, 4798, 7, 71, 1635, 288, 8, 198 ]
1.859504
363
#!/usr/bin/env python3
[ 2, 48443, 14629, 14, 8800, 14, 24330, 21015, 18, 198 ]
2.3
10
import pytest from detect_secrets.core.usage import ParserBuilder @pytest.fixture
[ 11748, 12972, 9288, 198, 198, 6738, 4886, 62, 2363, 8004, 13, 7295, 13, 26060, 1330, 23042, 263, 32875, 628, 198, 31, 9078, 9288, 13, 69, 9602, 628, 198 ]
3.107143
28
# !/usr/bin/python3 # David Arboledas Brihuega # November 2021 # # ------------------------------------------------------ # This script is called by extractForensicJPEG to get # all the forensic data embebed in the jpeg files # -------------------------------------------------------- # import sys import binascii import re import hashlib import verifyIMEI from Crypto.Hash import MD5 from Crypto.PublicKey import RSA from Crypto.Signature import PKCS1_v1_5 TRAILER_EOF = "ffd9" BIN_TRAILER_NUMBER = binascii.unhexlify(TRAILER_EOF) IMEI_LENGTH = 15 HASH_LENGTH = 32 #FORENSIC_DATA_LENGTH = IMEI_LENGTH + HASH_LENGTH + RSA_hex_length() primaryPics = [] # Reading forensic info from file
[ 2, 5145, 14, 14629, 14, 8800, 14, 29412, 18, 198, 2, 3271, 943, 28984, 276, 292, 25866, 71, 518, 4908, 198, 2, 3389, 33448, 198, 2, 198, 2, 20368, 19351, 438, 198, 2, 770, 4226, 318, 1444, 416, 7925, 16351, 19364, 12889, 7156, 284, 651, 198, 2, 477, 262, 23953, 1366, 795, 1350, 3077, 287, 262, 474, 22071, 3696, 198, 2, 20368, 22369, 198, 198, 2, 1330, 25064, 198, 11748, 9874, 292, 979, 72, 198, 11748, 302, 198, 11748, 12234, 8019, 198, 11748, 11767, 12789, 40, 198, 6738, 36579, 13, 26257, 1330, 10670, 20, 198, 6738, 36579, 13, 15202, 9218, 1330, 42319, 198, 6738, 36579, 13, 11712, 1300, 1330, 29673, 7902, 16, 62, 85, 16, 62, 20, 198, 198, 51, 3861, 4146, 1137, 62, 4720, 37, 796, 366, 487, 67, 24, 1, 198, 33, 1268, 62, 51, 3861, 4146, 1137, 62, 41359, 13246, 796, 9874, 292, 979, 72, 13, 403, 33095, 75, 1958, 7, 51, 3861, 4146, 1137, 62, 4720, 37, 8, 198, 12789, 40, 62, 43, 49494, 796, 1315, 198, 39, 11211, 62, 43, 49494, 796, 3933, 198, 2, 13775, 16938, 2149, 62, 26947, 62, 43, 49494, 796, 8959, 36, 40, 62, 43, 49494, 1343, 367, 11211, 62, 43, 49494, 1343, 42319, 62, 33095, 62, 13664, 3419, 198, 198, 39754, 47, 873, 796, 17635, 628, 220, 220, 220, 220, 220, 220, 220, 220, 628, 198, 2, 11725, 23953, 7508, 422, 2393, 628, 628 ]
3.008547
234
# Generated by Django 3.0.7 on 2021-04-08 09:51 from django.db import migrations, models
[ 2, 2980, 515, 416, 37770, 513, 13, 15, 13, 22, 319, 33448, 12, 3023, 12, 2919, 7769, 25, 4349, 198, 198, 6738, 42625, 14208, 13, 9945, 1330, 15720, 602, 11, 4981, 628 ]
2.84375
32
import subprocess from functools import reduce
[ 11748, 850, 14681, 198, 6738, 1257, 310, 10141, 1330, 4646, 628, 198 ]
4.083333
12
#!/usr/bin/env python # -*- coding: utf-8 -*- # Copyright 2014, Deutsche Telekom AG - Laboratories (T-Labs) # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. # You may obtain a copy of the License at # # http://www.apache.org/licenses/LICENSE-2.0 # # Unless required by applicable law or agreed to in writing, software # distributed under the License is distributed on an "AS IS" BASIS, # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. import logging import importlib import datetime from django.conf import settings from django.db import models from django.db import transaction from django.db.models.signals import post_save from django.core.exceptions import ValidationError from django.contrib.contenttypes.models import ContentType from django.contrib.contenttypes.fields import GenericForeignKey from django.template.defaultfilters import slugify from model_utils import Choices from model_utils.fields import StatusField from model_utils.models import TimeStampedModel from model_utils.managers import InheritanceManager, QueryManager from litedesk.lib.active_directory.session import Session from litedesk.lib.active_directory.classes.base import Company, User as ActiveDirectoryUser from audit.models import Trackable, UntrackableChangeError from audit.signals import pre_trackable_model_delete from syncremote.models import Synchronizable import tasks log = logging.getLogger(__name__) if not hasattr(settings, 'PROVISIONABLE_SERVICES'): settings.PROVISIONABLE_SERVICES = [] # Signals post_save.connect(TenantService.on_user_creation, dispatch_uid='user_add', sender=User) pre_trackable_model_delete.connect(User.on_removal, dispatch_uid='user_delete', sender=User)
[ 2, 48443, 14629, 14, 8800, 14, 24330, 21015, 198, 2, 532, 9, 12, 19617, 25, 3384, 69, 12, 23, 532, 9, 12, 198, 198, 2, 15069, 1946, 11, 36763, 14318, 74, 296, 13077, 532, 46779, 357, 51, 12, 43, 8937, 8, 198, 2, 198, 2, 49962, 739, 262, 24843, 13789, 11, 10628, 362, 13, 15, 357, 1169, 366, 34156, 15341, 198, 2, 345, 743, 407, 779, 428, 2393, 2845, 287, 11846, 351, 262, 13789, 13, 198, 2, 921, 743, 7330, 257, 4866, 286, 262, 13789, 379, 198, 2, 198, 2, 220, 220, 220, 220, 2638, 1378, 2503, 13, 43073, 13, 2398, 14, 677, 4541, 14, 43, 2149, 24290, 12, 17, 13, 15, 198, 2, 198, 2, 17486, 2672, 416, 9723, 1099, 393, 4987, 284, 287, 3597, 11, 3788, 198, 2, 9387, 739, 262, 13789, 318, 9387, 319, 281, 366, 1921, 3180, 1, 29809, 1797, 11, 198, 2, 42881, 34764, 11015, 6375, 7102, 49828, 11053, 3963, 15529, 509, 12115, 11, 2035, 4911, 393, 17142, 13, 198, 2, 4091, 262, 13789, 329, 262, 2176, 3303, 15030, 21627, 290, 198, 2, 11247, 739, 262, 13789, 13, 198, 198, 11748, 18931, 198, 11748, 1330, 8019, 198, 11748, 4818, 8079, 198, 198, 6738, 42625, 14208, 13, 10414, 1330, 6460, 198, 6738, 42625, 14208, 13, 9945, 1330, 4981, 198, 6738, 42625, 14208, 13, 9945, 1330, 8611, 198, 6738, 42625, 14208, 13, 9945, 13, 27530, 13, 12683, 874, 1330, 1281, 62, 21928, 198, 6738, 42625, 14208, 13, 7295, 13, 1069, 11755, 1330, 3254, 24765, 12331, 198, 6738, 42625, 14208, 13, 3642, 822, 13, 11299, 19199, 13, 27530, 1330, 14041, 6030, 198, 6738, 42625, 14208, 13, 3642, 822, 13, 11299, 19199, 13, 25747, 1330, 42044, 33616, 9218, 198, 6738, 42625, 14208, 13, 28243, 13, 12286, 10379, 1010, 1330, 31065, 1958, 198, 6738, 2746, 62, 26791, 1330, 10031, 1063, 198, 6738, 2746, 62, 26791, 13, 25747, 1330, 12678, 15878, 198, 6738, 2746, 62, 26791, 13, 27530, 1330, 3862, 1273, 13322, 17633, 198, 6738, 2746, 62, 26791, 13, 805, 10321, 1330, 47025, 42942, 13511, 11, 43301, 13511, 198, 198, 6738, 300, 863, 274, 74, 13, 8019, 13, 5275, 62, 34945, 13, 29891, 1330, 23575, 198, 6738, 300, 863, 274, 74, 13, 8019, 13, 5275, 62, 34945, 13, 37724, 13, 8692, 1330, 5834, 11, 11787, 355, 14199, 43055, 12982, 198, 6738, 14984, 13, 27530, 1330, 17762, 540, 11, 26970, 39638, 540, 19400, 12331, 198, 6738, 14984, 13, 12683, 874, 1330, 662, 62, 11659, 540, 62, 19849, 62, 33678, 198, 6738, 17510, 47960, 13, 27530, 1330, 16065, 11413, 13821, 198, 198, 11748, 8861, 198, 198, 6404, 796, 18931, 13, 1136, 11187, 1362, 7, 834, 3672, 834, 8, 628, 198, 361, 407, 468, 35226, 7, 33692, 11, 705, 41283, 42446, 17534, 62, 35009, 53, 34444, 6, 2599, 198, 220, 220, 220, 6460, 13, 41283, 42446, 17534, 62, 35009, 53, 34444, 796, 17635, 628, 628, 628, 628, 198, 198, 2, 5865, 874, 198, 7353, 62, 21928, 13, 8443, 7, 24893, 415, 16177, 13, 261, 62, 7220, 62, 38793, 11, 27965, 62, 27112, 11639, 7220, 62, 2860, 3256, 29788, 28, 12982, 8, 198, 3866, 62, 11659, 540, 62, 19849, 62, 33678, 13, 8443, 7, 12982, 13, 261, 62, 2787, 8325, 11, 27965, 62, 27112, 11639, 7220, 62, 33678, 3256, 29788, 28, 12982, 8, 198 ]
3.552876
539
""" RabbitMQ container definition. """ from seaworthy.definitions import ContainerDefinition from seaworthy.utils import output_lines class RabbitMQContainer(ContainerDefinition): """ RabbitMQ container definition. .. todo:: Write more docs. """ # There seems to be a weird interaction between the erlang runtime and # something in docker which results in annoyingly long startup times in # some environments. The best we can do to deal with that is to give it a # bit more time to get going. :-( WAIT_TIMEOUT = 30.0 DEFAULT_NAME = 'rabbitmq' DEFAULT_IMAGE = 'rabbitmq:alpine' DEFAULT_WAIT_PATTERNS = (r'Server startup complete',) DEFAULT_VHOST = '/vhost' DEFAULT_USER = 'user' DEFAULT_PASSWORD = 'password' def __init__(self, name=DEFAULT_NAME, image=DEFAULT_IMAGE, wait_patterns=DEFAULT_WAIT_PATTERNS, vhost=DEFAULT_VHOST, user=DEFAULT_USER, password=DEFAULT_PASSWORD, **kwargs): """ :param vhost: the name of a vhost to create at startup :param user: the name of a user to create at startup :param password: the password for the user """ super().__init__(name, image, wait_patterns, **kwargs) self.vhost = vhost self.user = user self.password = password def wait_for_start(self): """ Wait for the RabbitMQ process to be come up. """ er = self.exec_rabbitmqctl( 'wait', ['--pid', '1', '--timeout', str(int(self.wait_timeout))]) output_lines(er, error_exc=TimeoutError) def base_kwargs(self): """ Add a ``tmpfs`` entry for ``/var/lib/rabbitmq`` to avoid unnecessary disk I/O and ``environment`` entries for the configured vhost and user creds. """ return { 'environment': { 'RABBITMQ_DEFAULT_VHOST': self.vhost, 'RABBITMQ_DEFAULT_USER': self.user, 'RABBITMQ_DEFAULT_PASS': self.password, }, 'tmpfs': {'/var/lib/rabbitmq': 'uid=100,gid=101'}, } def clean(self): """ Remove all data by using ``rabbitmqctl`` to eval ``rabbit_mnesia:reset()``. """ reset_erl = 'rabbit:stop(), rabbit_mnesia:reset(), rabbit:start().' self.exec_rabbitmqctl('eval', [reset_erl]) def exec_rabbitmqctl(self, command, args=[], rabbitmqctl_opts=['-q']): """ Execute a ``rabbitmqctl`` command inside a running container. :param command: the command to run :param args: a list of args for the command :param rabbitmqctl_opts: a list of extra options to pass to ``rabbitmqctl`` :returns: a tuple of the command exit code and output """ cmd = ['rabbitmqctl'] + rabbitmqctl_opts + [command] + args return self.inner().exec_run(cmd) def exec_rabbitmqctl_list(self, resources, args=[], rabbitmq_opts=['-q', '--no-table-headers']): """ Execute a ``rabbitmqctl`` command to list the given resources. :param resources: the resources to list, e.g. ``'vhosts'`` :param args: a list of args for the command :param rabbitmqctl_opts: a list of extra options to pass to ``rabbitmqctl`` :returns: a tuple of the command exit code and output """ command = 'list_{}'.format(resources) return self.exec_rabbitmqctl(command, args, rabbitmq_opts) def list_vhosts(self): """ Run the ``list_vhosts`` command and return a list of vhost names. """ return output_lines(self.exec_rabbitmqctl_list('vhosts')) def list_queues(self): """ Run the ``list_queues`` command (for the default vhost) and return a list of tuples describing the queues. :return: A list of 2-element tuples. The first element is the queue name, the second is the current queue size. """ lines = output_lines( self.exec_rabbitmqctl_list('queues', ['-p', self.vhost])) return [tuple(line.split(None, 1)) for line in lines] def list_users(self): """ Run the ``list_users`` command and return a list of tuples describing the users. :return: A list of 2-element tuples. The first element is the username, the second a list of tags for the user. """ lines = output_lines(self.exec_rabbitmqctl_list('users')) return [_parse_rabbitmq_user(line) for line in lines] def broker_url(self): """ Returns a "broker URL" for use with Celery. """ return 'amqp://{}:{}@{}/{}'.format( self.user, self.password, self.name, self.vhost)
[ 37811, 198, 49, 14229, 49215, 9290, 6770, 13, 198, 37811, 198, 198, 6738, 32085, 18906, 13, 4299, 50101, 1330, 43101, 36621, 198, 6738, 32085, 18906, 13, 26791, 1330, 5072, 62, 6615, 628, 198, 198, 4871, 25498, 49215, 29869, 7, 29869, 36621, 2599, 198, 220, 220, 220, 37227, 198, 220, 220, 220, 25498, 49215, 9290, 6770, 13, 628, 220, 220, 220, 11485, 284, 4598, 3712, 198, 220, 220, 220, 220, 220, 220, 19430, 517, 34165, 13, 198, 220, 220, 220, 37227, 628, 220, 220, 220, 1303, 1318, 2331, 284, 307, 257, 7650, 10375, 1022, 262, 1931, 17204, 19124, 290, 198, 220, 220, 220, 1303, 1223, 287, 36253, 543, 2482, 287, 10072, 4420, 890, 13693, 1661, 287, 198, 220, 220, 220, 1303, 617, 12493, 13, 383, 1266, 356, 460, 466, 284, 1730, 351, 326, 318, 284, 1577, 340, 257, 198, 220, 220, 220, 1303, 1643, 517, 640, 284, 651, 1016, 13, 1058, 30420, 198, 220, 220, 220, 16400, 2043, 62, 34694, 12425, 796, 1542, 13, 15, 628, 220, 220, 220, 5550, 38865, 62, 20608, 796, 705, 81, 14229, 76, 80, 6, 198, 220, 220, 220, 5550, 38865, 62, 3955, 11879, 796, 705, 81, 14229, 76, 80, 25, 282, 23908, 6, 198, 220, 220, 220, 5550, 38865, 62, 15543, 2043, 62, 47, 1404, 5781, 8035, 796, 357, 81, 6, 10697, 13693, 1844, 3256, 8, 628, 220, 220, 220, 5550, 38865, 62, 53, 39, 10892, 796, 31051, 85, 4774, 6, 198, 220, 220, 220, 5550, 38865, 62, 29904, 796, 705, 7220, 6, 198, 220, 220, 220, 5550, 38865, 62, 47924, 54, 12532, 796, 705, 28712, 6, 628, 220, 220, 220, 825, 11593, 15003, 834, 7, 944, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1438, 28, 7206, 38865, 62, 20608, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2939, 28, 7206, 38865, 62, 3955, 11879, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 4043, 62, 33279, 82, 28, 7206, 38865, 62, 15543, 2043, 62, 47, 1404, 5781, 8035, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 410, 4774, 28, 7206, 38865, 62, 53, 39, 10892, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2836, 28, 7206, 38865, 62, 29904, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 9206, 28, 7206, 38865, 62, 47924, 54, 12532, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 12429, 46265, 22046, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 410, 4774, 25, 262, 1438, 286, 257, 410, 4774, 284, 2251, 379, 13693, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 2836, 25, 262, 1438, 286, 257, 2836, 284, 2251, 379, 13693, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 9206, 25, 262, 9206, 329, 262, 2836, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 2208, 22446, 834, 15003, 834, 7, 3672, 11, 2939, 11, 4043, 62, 33279, 82, 11, 12429, 46265, 22046, 8, 628, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 85, 4774, 796, 410, 4774, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 7220, 796, 2836, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 28712, 796, 9206, 628, 220, 220, 220, 825, 4043, 62, 1640, 62, 9688, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 16314, 329, 262, 25498, 49215, 1429, 284, 307, 1282, 510, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1931, 796, 2116, 13, 18558, 62, 81, 14229, 76, 80, 34168, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 17077, 3256, 37250, 438, 35317, 3256, 705, 16, 3256, 705, 438, 48678, 3256, 965, 7, 600, 7, 944, 13, 17077, 62, 48678, 4008, 12962, 198, 220, 220, 220, 220, 220, 220, 220, 5072, 62, 6615, 7, 263, 11, 4049, 62, 41194, 28, 48031, 12331, 8, 628, 220, 220, 220, 825, 2779, 62, 46265, 22046, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 3060, 257, 7559, 22065, 9501, 15506, 5726, 329, 7559, 14, 7785, 14, 8019, 14, 81, 14229, 76, 80, 15506, 284, 3368, 13114, 198, 220, 220, 220, 220, 220, 220, 220, 11898, 314, 14, 46, 290, 7559, 38986, 15506, 12784, 329, 262, 17839, 410, 4774, 290, 2836, 198, 220, 220, 220, 220, 220, 220, 220, 2600, 82, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 38986, 10354, 1391, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 3861, 15199, 2043, 49215, 62, 7206, 38865, 62, 53, 39, 10892, 10354, 2116, 13, 85, 4774, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 3861, 15199, 2043, 49215, 62, 7206, 38865, 62, 29904, 10354, 2116, 13, 7220, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 3861, 15199, 2043, 49215, 62, 7206, 38865, 62, 47924, 10354, 2116, 13, 28712, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 8964, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 705, 22065, 9501, 10354, 1391, 26488, 7785, 14, 8019, 14, 81, 14229, 76, 80, 10354, 705, 27112, 28, 3064, 11, 70, 312, 28, 8784, 6, 5512, 198, 220, 220, 220, 220, 220, 220, 220, 1782, 628, 220, 220, 220, 825, 3424, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 17220, 477, 1366, 416, 1262, 7559, 81, 14229, 76, 80, 34168, 15506, 284, 5418, 198, 220, 220, 220, 220, 220, 220, 220, 7559, 81, 14229, 62, 76, 31401, 25, 42503, 3419, 15506, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 13259, 62, 263, 75, 796, 705, 81, 14229, 25, 11338, 22784, 22746, 62, 76, 31401, 25, 42503, 22784, 22746, 25, 9688, 22446, 6, 198, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 18558, 62, 81, 14229, 76, 80, 34168, 10786, 18206, 3256, 685, 42503, 62, 263, 75, 12962, 628, 220, 220, 220, 825, 2452, 62, 81, 14229, 76, 80, 34168, 7, 944, 11, 3141, 11, 26498, 41888, 4357, 22746, 76, 80, 34168, 62, 404, 912, 28, 17816, 12, 80, 20520, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 8393, 1133, 257, 7559, 81, 14229, 76, 80, 34168, 15506, 3141, 2641, 257, 2491, 9290, 13, 628, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 3141, 25, 262, 3141, 284, 1057, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 26498, 25, 257, 1351, 286, 26498, 329, 262, 3141, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 22746, 76, 80, 34168, 62, 404, 912, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 257, 1351, 286, 3131, 3689, 284, 1208, 284, 7559, 81, 14229, 76, 80, 34168, 15506, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 7783, 82, 25, 257, 46545, 286, 262, 3141, 8420, 2438, 290, 5072, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 23991, 796, 37250, 81, 14229, 76, 80, 34168, 20520, 1343, 22746, 76, 80, 34168, 62, 404, 912, 1343, 685, 21812, 60, 1343, 26498, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 2116, 13, 5083, 22446, 18558, 62, 5143, 7, 28758, 8, 628, 220, 220, 220, 825, 2452, 62, 81, 14229, 76, 80, 34168, 62, 4868, 7, 944, 11, 4133, 11, 26498, 41888, 4357, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 22746, 76, 80, 62, 404, 912, 28, 17816, 12, 80, 3256, 705, 438, 3919, 12, 11487, 12, 50145, 20520, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 8393, 1133, 257, 7559, 81, 14229, 76, 80, 34168, 15506, 3141, 284, 1351, 262, 1813, 4133, 13, 628, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 4133, 25, 262, 4133, 284, 1351, 11, 304, 13, 70, 13, 7559, 6, 85, 4774, 82, 6, 15506, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 26498, 25, 257, 1351, 286, 26498, 329, 262, 3141, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 22746, 76, 80, 34168, 62, 404, 912, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 257, 1351, 286, 3131, 3689, 284, 1208, 284, 7559, 81, 14229, 76, 80, 34168, 15506, 198, 220, 220, 220, 220, 220, 220, 220, 1058, 7783, 82, 25, 257, 46545, 286, 262, 3141, 8420, 2438, 290, 5072, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 3141, 796, 705, 4868, 23330, 92, 4458, 18982, 7, 37540, 8, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 2116, 13, 18558, 62, 81, 14229, 76, 80, 34168, 7, 21812, 11, 26498, 11, 22746, 76, 80, 62, 404, 912, 8, 628, 220, 220, 220, 825, 1351, 62, 85, 4774, 82, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 5660, 262, 7559, 4868, 62, 85, 4774, 82, 15506, 3141, 290, 1441, 257, 1351, 286, 410, 4774, 3891, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 5072, 62, 6615, 7, 944, 13, 18558, 62, 81, 14229, 76, 80, 34168, 62, 4868, 10786, 85, 4774, 82, 6, 4008, 628, 220, 220, 220, 825, 1351, 62, 4188, 947, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 5660, 262, 7559, 4868, 62, 4188, 947, 15506, 3141, 357, 1640, 262, 4277, 410, 4774, 8, 290, 1441, 257, 198, 220, 220, 220, 220, 220, 220, 220, 1351, 286, 12777, 2374, 12059, 262, 43359, 13, 628, 220, 220, 220, 220, 220, 220, 220, 1058, 7783, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 317, 1351, 286, 362, 12, 30854, 12777, 2374, 13, 383, 717, 5002, 318, 262, 16834, 1438, 11, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 262, 1218, 318, 262, 1459, 16834, 2546, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 3951, 796, 5072, 62, 6615, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 18558, 62, 81, 14229, 76, 80, 34168, 62, 4868, 10786, 4188, 947, 3256, 685, 29001, 79, 3256, 2116, 13, 85, 4774, 60, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 685, 83, 29291, 7, 1370, 13, 35312, 7, 14202, 11, 352, 4008, 329, 1627, 287, 3951, 60, 628, 220, 220, 220, 825, 1351, 62, 18417, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 5660, 262, 7559, 4868, 62, 18417, 15506, 3141, 290, 1441, 257, 1351, 286, 12777, 2374, 12059, 198, 220, 220, 220, 220, 220, 220, 220, 262, 2985, 13, 628, 220, 220, 220, 220, 220, 220, 220, 1058, 7783, 25, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 317, 1351, 286, 362, 12, 30854, 12777, 2374, 13, 383, 717, 5002, 318, 262, 20579, 11, 262, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 1218, 257, 1351, 286, 15940, 329, 262, 2836, 13, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 3951, 796, 5072, 62, 6615, 7, 944, 13, 18558, 62, 81, 14229, 76, 80, 34168, 62, 4868, 10786, 18417, 6, 4008, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 685, 62, 29572, 62, 81, 14229, 76, 80, 62, 7220, 7, 1370, 8, 329, 1627, 287, 3951, 60, 628, 220, 220, 220, 825, 20426, 62, 6371, 7, 944, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 37227, 16409, 257, 366, 7957, 6122, 10289, 1, 329, 779, 351, 15248, 1924, 13, 37227, 198, 220, 220, 220, 220, 220, 220, 220, 1441, 705, 321, 80, 79, 1378, 90, 92, 29164, 92, 31, 90, 92, 14, 90, 92, 4458, 18982, 7, 198, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 220, 2116, 13, 7220, 11, 2116, 13, 28712, 11, 2116, 13, 3672, 11, 2116, 13, 85, 4774, 8, 198 ]
2.23468
2,203
# -*- coding: utf-8 -*- ''' gds.burp.api ~~~~~~~~~~~~ This module implements the Jython Burp Plugin API. Plugins written in Jython can implement the interfaces in this package in order to register for various methods exposed by Burp Extender. ''' from .core import Interface __all__ = [ 'INewScanIssueHandler', 'IExtenderRequestHandler', 'IExtenderResponseHandler', 'IIntruderRequestHandler', 'IIntruderResponseHandler', 'IProxyRequestHandler', 'IProxyResponseHandler', 'IRepeaterRequestHandler', 'IRepeaterResponseHandler', 'IScannerRequestHandler', 'IScannerResponseHandler', 'ISequencerRequestHandler', 'ISequencerResponseHandler', 'ISpiderRequestHandler', 'ISpiderResponseHandler', 'ITargetRequestHandler', 'ITargetResponseHandler', ] class INewScanIssueHandler(Interface): ''' Extension point interface for components to perform actions whenever Burp Scanner discovers a new, unique issue. Classes that implement this interface must implement the :meth:`newScanIssue` method. ''' def newScanIssue(issue): ''' This method is invoked whenever Burp Scanner discovers a new, unique issue, and can be used to perform customised reporting or logging of issues. :param issue: An :class:`burp.IScanIssue <IScanIssue>` object. ''' class IExtenderRequestHandler(Interface): ''' Extension point interface for components to perform actions on a request before Burp Extender sends it on the wire. Classes that implement this interface must implement the :meth:`processRequest` method. ''' def processRequest(request): ''' This method is invoked before Burp Extender sends a request on the wire. :param request: An :class:`HttpRequest <HttpRequest>` object. ''' class IExtenderResponseHandler(Interface): ''' Extension point interface for components to perform actions on a response after Burp Extender receives it off the wire. Classes that implement this interface must implement the :meth:`processResponse` method. ''' def processResponse(request): ''' This method is invoked after Burp Extender receives a response off the wire. :param request: An :class:`HttpRequest <HttpRequest>` object. ''' class IIntruderRequestHandler(Interface): ''' Extension point interface for components to perform actions on a request before Burp Intruder sends it on the wire. Classes that implement this interface must implement the :meth:`processRequest` method. ''' def processRequest(request): ''' This method is invoked before Burp Intruder sends a request on the wire. :param request: An :class:`HttpRequest <HttpRequest>` object. ''' class IIntruderResponseHandler(Interface): ''' Extension point interface for components to perform actions on a response after Burp Intruder receives it off the wire. Classes that implement this interface must implement the :meth:`processResponse` method. ''' def processResponse(request): ''' This method is invoked after Burp Intruder receives a response off the wire. :param request: An :class:`HttpRequest <HttpRequest>` object. ''' class IProxyRequestHandler(Interface): ''' Extension point interface for components to perform actions on a request before Burp Proxy sends it on the wire. Classes that implement this interface must implement the :meth:`processRequest` method. ''' def processRequest(request): ''' This method is invoked before Burp Proxy sends a request on the wire. :param request: An :class:`HttpRequest <HttpRequest>` object. ''' class IProxyResponseHandler(Interface): ''' Extension point interface for components to perform actions on a response after Burp Proxy receives it off the wire. Classes that implement this interface must implement the :meth:`processResponse` method. ''' def processResponse(request): ''' This method is invoked after Burp proxy receives a response off the wire. :param request: An :class:`HttpRequest <HttpRequest>` object. ''' class IRepeaterRequestHandler(Interface): ''' Extension point interface for components to perform actions on a request before Burp Repeater sends it on the wire. Classes that implement this interface must implement the :meth:`processRequest` method. ''' def processRequest(request): ''' This method is invoked before Burp Repeater sends a request on the wire. :param request: An :class:`HttpRequest <HttpRequest>` object. ''' class IRepeaterResponseHandler(Interface): ''' Extension point interface for components to perform actions on a response after Burp Repeater receives it off the wire. Classes that implement this interface must implement the :meth:`processResponse` method. ''' def processResponse(request): ''' This method is invoked after Burp Repeater receives a response off the wire. :param request: An :class:`HttpRequest <HttpRequest>` object. ''' class IScannerRequestHandler(Interface): ''' Extension point interface for components to perform actions on a request before Burp Scanner sends it on the wire. Classes that implement this interface must implement the :meth:`processRequest` method. ''' def processRequest(request): ''' This method is invoked before Burp Scanner sends a request on the wire. :param request: An :class:`HttpRequest <HttpRequest>` object. ''' class IScannerResponseHandler(Interface): ''' Extension point interface for components to perform actions on a response after Burp Scanner receives it off the wire. Classes that implement this interface must implement the :meth:`processResponse` method. ''' def processResponse(request): ''' This method is invoked after Burp Scanner receives a response off the wire. :param request: An :class:`HttpRequest <HttpRequest>` object. ''' class ISequencerRequestHandler(Interface): ''' Extension point interface for components to perform actions on a request before Burp Sequencer sends it on the wire. Classes that implement this interface must implement the :meth:`processRequest` method. ''' def processRequest(request): ''' This method is invoked before Burp Sequencer sends a request on the wire. :param request: An :class:`HttpRequest <HttpRequest>` object. ''' class ISequencerResponseHandler(Interface): ''' Extension point interface for components to perform actions on a response after Burp Sequencer receives it off the wire. Classes that implement this interface must implement the :meth:`processResponse` method. ''' def processResponse(request): ''' This method is invoked after Burp Sequencer receives a response off the wire. :param request: An :class:`HttpRequest <HttpRequest>` object. ''' class ISpiderRequestHandler(Interface): ''' Extension point interface for components to perform actions on a request before Burp Spider sends it on the wire. Classes that implement this interface must implement the :meth:`processRequest` method. ''' def processRequest(request): ''' This method is invoked before Burp Spider sends a request on the wire. :param request: An :class:`HttpRequest <HttpRequest>` object. ''' class ISpiderResponseHandler(Interface): ''' Extension point interface for components to perform actions on a response after Burp Spider receives it off the wire. Classes that implement this interface must implement the :meth:`processResponse` method. ''' def processResponse(request): ''' This method is invoked after Burp Spider receives a response off the wire. :param request: An :class:`HttpRequest <HttpRequest>` object. ''' class ITargetRequestHandler(Interface): ''' Extension point interface for components to perform actions on a request before Burp Target sends it on the wire. Classes that implement this interface must implement the :meth:`processRequest` method. ''' def processRequest(request): ''' This method is invoked before Burp Target sends a request on the wire. :param request: An :class:`HttpRequest <HttpRequest>` object. ''' class ITargetResponseHandler(Interface): ''' Extension point interface for components to perform actions on a response after Burp Target receives it off the wire. Classes that implement this interface must implement the :meth:`processResponse` method. ''' def processResponse(request): ''' This method is invoked after Burp Target receives a response off the wire. :param request: An :class:`HttpRequest <HttpRequest>` object. '''
[ 2, 532, 9, 12, 19617, 25, 3384, 69, 12, 23, 532, 9, 12, 198, 7061, 6, 198, 70, 9310, 13, 6236, 79, 13, 15042, 198, 15116, 8728, 198, 198, 1212, 8265, 23986, 262, 449, 7535, 5481, 79, 42636, 7824, 13, 198, 198, 23257, 1040, 3194, 287, 449, 7535, 460, 3494, 262, 20314, 287, 428, 198, 26495, 287, 1502, 284, 7881, 329, 2972, 5050, 7362, 416, 198, 22991, 79, 5683, 2194, 13, 198, 7061, 6, 198, 6738, 764, 7295, 1330, 26491, 628, 198, 834, 439, 834, 796, 685, 198, 220, 220, 220, 705, 1268, 413, 33351, 45147, 25060, 3256, 198, 220, 220, 220, 705, 10008, 742, 2194, 18453, 25060, 3256, 198, 220, 220, 220, 705, 10008, 742, 2194, 31077, 25060, 3256, 198, 220, 220, 220, 705, 3978, 429, 81, 26651, 18453, 25060, 3256, 198, 220, 220, 220, 705, 3978, 429, 81, 26651, 31077, 25060, 3256, 198, 220, 220, 220, 705, 40, 44148, 18453, 25060, 3256, 198, 220, 220, 220, 705, 40, 44148, 31077, 25060, 3256, 198, 220, 220, 220, 705, 40, 47541, 729, 18453, 25060, 3256, 198, 220, 220, 220, 705, 40, 47541, 729, 31077, 25060, 3256, 198, 220, 220, 220, 705, 1797, 5171, 1008, 18453, 25060, 3256, 198, 220, 220, 220, 705, 1797, 5171, 1008, 31077, 25060, 3256, 198, 220, 220, 220, 705, 1797, 4853, 12137, 18453, 25060, 3256, 198, 220, 220, 220, 705, 1797, 4853, 12137, 31077, 25060, 3256, 198, 220, 220, 220, 705, 1797, 79, 1304, 18453, 25060, 3256, 198, 220, 220, 220, 705, 1797, 79, 1304, 31077, 25060, 3256, 198, 220, 220, 220, 705, 2043, 7641, 18453, 25060, 3256, 198, 220, 220, 220, 705, 2043, 7641, 31077, 25060, 3256, 198, 60, 628, 198, 4871, 3268, 413, 33351, 45147, 25060, 7, 39317, 2599, 198, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 27995, 966, 7071, 329, 6805, 284, 1620, 4028, 198, 220, 220, 220, 8797, 5481, 79, 20937, 1008, 27472, 257, 649, 11, 3748, 2071, 13, 628, 220, 220, 220, 38884, 326, 3494, 428, 7071, 1276, 3494, 262, 198, 220, 220, 220, 1058, 76, 2788, 25, 63, 3605, 33351, 45147, 63, 2446, 13, 198, 220, 220, 220, 705, 7061, 628, 220, 220, 220, 825, 649, 33351, 45147, 7, 21949, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 220, 220, 220, 220, 770, 2446, 318, 24399, 8797, 5481, 79, 20937, 1008, 27472, 257, 649, 11, 198, 220, 220, 220, 220, 220, 220, 220, 3748, 2071, 11, 290, 460, 307, 973, 284, 1620, 2183, 1417, 6447, 198, 220, 220, 220, 220, 220, 220, 220, 393, 18931, 286, 2428, 13, 628, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 2071, 25, 1052, 1058, 4871, 25, 63, 6236, 79, 13, 1797, 5171, 45147, 1279, 1797, 5171, 45147, 29, 63, 2134, 13, 198, 220, 220, 220, 220, 220, 220, 220, 705, 7061, 628, 198, 4871, 314, 11627, 2194, 18453, 25060, 7, 39317, 2599, 198, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 27995, 966, 7071, 329, 6805, 284, 1620, 4028, 319, 198, 220, 220, 220, 257, 2581, 878, 5481, 79, 5683, 2194, 12800, 340, 319, 262, 6503, 13, 628, 220, 220, 220, 38884, 326, 3494, 428, 7071, 1276, 3494, 262, 198, 220, 220, 220, 1058, 76, 2788, 25, 63, 14681, 18453, 63, 2446, 13, 198, 220, 220, 220, 705, 7061, 628, 220, 220, 220, 825, 1429, 18453, 7, 25927, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 220, 220, 220, 220, 770, 2446, 318, 24399, 878, 5481, 79, 5683, 2194, 12800, 257, 2581, 198, 220, 220, 220, 220, 220, 220, 220, 319, 262, 6503, 13, 628, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 2581, 25, 1052, 1058, 4871, 25, 63, 43481, 18453, 1279, 43481, 18453, 29, 63, 2134, 13, 198, 220, 220, 220, 220, 220, 220, 220, 705, 7061, 628, 198, 4871, 314, 11627, 2194, 31077, 25060, 7, 39317, 2599, 198, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 27995, 966, 7071, 329, 6805, 284, 1620, 4028, 319, 198, 220, 220, 220, 257, 2882, 706, 5481, 79, 5683, 2194, 11583, 340, 572, 262, 6503, 13, 628, 220, 220, 220, 38884, 326, 3494, 428, 7071, 1276, 3494, 262, 198, 220, 220, 220, 1058, 76, 2788, 25, 63, 14681, 31077, 63, 2446, 13, 198, 220, 220, 220, 705, 7061, 628, 220, 220, 220, 825, 1429, 31077, 7, 25927, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 220, 220, 220, 220, 770, 2446, 318, 24399, 706, 5481, 79, 5683, 2194, 11583, 257, 2882, 198, 220, 220, 220, 220, 220, 220, 220, 572, 262, 6503, 13, 628, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 2581, 25, 1052, 1058, 4871, 25, 63, 43481, 18453, 1279, 43481, 18453, 29, 63, 2134, 13, 198, 220, 220, 220, 220, 220, 220, 220, 705, 7061, 628, 198, 4871, 2873, 429, 81, 26651, 18453, 25060, 7, 39317, 2599, 198, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 27995, 966, 7071, 329, 6805, 284, 1620, 4028, 319, 198, 220, 220, 220, 257, 2581, 878, 5481, 79, 2558, 81, 26651, 12800, 340, 319, 262, 6503, 13, 628, 220, 220, 220, 38884, 326, 3494, 428, 7071, 1276, 3494, 262, 198, 220, 220, 220, 1058, 76, 2788, 25, 63, 14681, 18453, 63, 2446, 13, 198, 220, 220, 220, 705, 7061, 628, 220, 220, 220, 825, 1429, 18453, 7, 25927, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 220, 220, 220, 220, 770, 2446, 318, 24399, 878, 5481, 79, 2558, 81, 26651, 12800, 257, 2581, 198, 220, 220, 220, 220, 220, 220, 220, 319, 262, 6503, 13, 628, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 2581, 25, 1052, 1058, 4871, 25, 63, 43481, 18453, 1279, 43481, 18453, 29, 63, 2134, 13, 198, 220, 220, 220, 220, 220, 220, 220, 705, 7061, 628, 198, 4871, 2873, 429, 81, 26651, 31077, 25060, 7, 39317, 2599, 198, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 27995, 966, 7071, 329, 6805, 284, 1620, 4028, 319, 198, 220, 220, 220, 257, 2882, 706, 5481, 79, 2558, 81, 26651, 11583, 340, 572, 262, 6503, 13, 628, 220, 220, 220, 38884, 326, 3494, 428, 7071, 1276, 3494, 262, 198, 220, 220, 220, 1058, 76, 2788, 25, 63, 14681, 31077, 63, 2446, 13, 198, 220, 220, 220, 705, 7061, 628, 220, 220, 220, 825, 1429, 31077, 7, 25927, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 220, 220, 220, 220, 770, 2446, 318, 24399, 706, 5481, 79, 2558, 81, 26651, 11583, 257, 2882, 198, 220, 220, 220, 220, 220, 220, 220, 572, 262, 6503, 13, 628, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 2581, 25, 1052, 1058, 4871, 25, 63, 43481, 18453, 1279, 43481, 18453, 29, 63, 2134, 13, 198, 220, 220, 220, 220, 220, 220, 220, 705, 7061, 628, 198, 4871, 314, 44148, 18453, 25060, 7, 39317, 2599, 198, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 27995, 966, 7071, 329, 6805, 284, 1620, 4028, 319, 198, 220, 220, 220, 257, 2581, 878, 5481, 79, 38027, 12800, 340, 319, 262, 6503, 13, 628, 220, 220, 220, 38884, 326, 3494, 428, 7071, 1276, 3494, 262, 198, 220, 220, 220, 1058, 76, 2788, 25, 63, 14681, 18453, 63, 2446, 13, 198, 220, 220, 220, 705, 7061, 628, 220, 220, 220, 825, 1429, 18453, 7, 25927, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 220, 220, 220, 220, 770, 2446, 318, 24399, 878, 5481, 79, 38027, 12800, 257, 2581, 198, 220, 220, 220, 220, 220, 220, 220, 319, 262, 6503, 13, 628, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 2581, 25, 1052, 1058, 4871, 25, 63, 43481, 18453, 1279, 43481, 18453, 29, 63, 2134, 13, 198, 220, 220, 220, 220, 220, 220, 220, 705, 7061, 628, 198, 4871, 314, 44148, 31077, 25060, 7, 39317, 2599, 198, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 27995, 966, 7071, 329, 6805, 284, 1620, 4028, 319, 198, 220, 220, 220, 257, 2882, 706, 5481, 79, 38027, 11583, 340, 572, 262, 6503, 13, 628, 220, 220, 220, 38884, 326, 3494, 428, 7071, 1276, 3494, 262, 198, 220, 220, 220, 1058, 76, 2788, 25, 63, 14681, 31077, 63, 2446, 13, 198, 220, 220, 220, 705, 7061, 628, 220, 220, 220, 825, 1429, 31077, 7, 25927, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 220, 220, 220, 220, 770, 2446, 318, 24399, 706, 5481, 79, 15741, 11583, 257, 2882, 198, 220, 220, 220, 220, 220, 220, 220, 572, 262, 6503, 13, 628, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 2581, 25, 1052, 1058, 4871, 25, 63, 43481, 18453, 1279, 43481, 18453, 29, 63, 2134, 13, 198, 220, 220, 220, 220, 220, 220, 220, 705, 7061, 628, 198, 4871, 314, 47541, 729, 18453, 25060, 7, 39317, 2599, 198, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 27995, 966, 7071, 329, 6805, 284, 1620, 4028, 319, 198, 220, 220, 220, 257, 2581, 878, 5481, 79, 30558, 729, 12800, 340, 319, 262, 6503, 13, 628, 220, 220, 220, 38884, 326, 3494, 428, 7071, 1276, 3494, 262, 198, 220, 220, 220, 1058, 76, 2788, 25, 63, 14681, 18453, 63, 2446, 13, 198, 220, 220, 220, 705, 7061, 628, 220, 220, 220, 825, 1429, 18453, 7, 25927, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 220, 220, 220, 220, 770, 2446, 318, 24399, 878, 5481, 79, 30558, 729, 12800, 257, 2581, 198, 220, 220, 220, 220, 220, 220, 220, 319, 262, 6503, 13, 628, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 2581, 25, 1052, 1058, 4871, 25, 63, 43481, 18453, 1279, 43481, 18453, 29, 63, 2134, 13, 198, 220, 220, 220, 220, 220, 220, 220, 705, 7061, 628, 198, 4871, 314, 47541, 729, 31077, 25060, 7, 39317, 2599, 198, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 27995, 966, 7071, 329, 6805, 284, 1620, 4028, 319, 198, 220, 220, 220, 257, 2882, 706, 5481, 79, 30558, 729, 11583, 340, 572, 262, 6503, 13, 628, 220, 220, 220, 38884, 326, 3494, 428, 7071, 1276, 3494, 262, 198, 220, 220, 220, 1058, 76, 2788, 25, 63, 14681, 31077, 63, 2446, 13, 198, 220, 220, 220, 705, 7061, 628, 220, 220, 220, 825, 1429, 31077, 7, 25927, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 220, 220, 220, 220, 770, 2446, 318, 24399, 706, 5481, 79, 30558, 729, 11583, 257, 2882, 198, 220, 220, 220, 220, 220, 220, 220, 572, 262, 6503, 13, 628, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 2581, 25, 1052, 1058, 4871, 25, 63, 43481, 18453, 1279, 43481, 18453, 29, 63, 2134, 13, 198, 220, 220, 220, 220, 220, 220, 220, 705, 7061, 628, 198, 4871, 3180, 5171, 1008, 18453, 25060, 7, 39317, 2599, 198, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 27995, 966, 7071, 329, 6805, 284, 1620, 4028, 319, 198, 220, 220, 220, 257, 2581, 878, 5481, 79, 20937, 1008, 12800, 340, 319, 262, 6503, 13, 628, 220, 220, 220, 38884, 326, 3494, 428, 7071, 1276, 3494, 262, 198, 220, 220, 220, 1058, 76, 2788, 25, 63, 14681, 18453, 63, 2446, 13, 198, 220, 220, 220, 705, 7061, 628, 220, 220, 220, 825, 1429, 18453, 7, 25927, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 220, 220, 220, 220, 770, 2446, 318, 24399, 878, 5481, 79, 20937, 1008, 12800, 257, 2581, 198, 220, 220, 220, 220, 220, 220, 220, 319, 262, 6503, 13, 628, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 2581, 25, 1052, 1058, 4871, 25, 63, 43481, 18453, 1279, 43481, 18453, 29, 63, 2134, 13, 198, 220, 220, 220, 220, 220, 220, 220, 705, 7061, 628, 198, 4871, 3180, 5171, 1008, 31077, 25060, 7, 39317, 2599, 198, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 27995, 966, 7071, 329, 6805, 284, 1620, 4028, 319, 198, 220, 220, 220, 257, 2882, 706, 5481, 79, 20937, 1008, 11583, 340, 572, 262, 6503, 13, 628, 220, 220, 220, 38884, 326, 3494, 428, 7071, 1276, 3494, 262, 198, 220, 220, 220, 1058, 76, 2788, 25, 63, 14681, 31077, 63, 2446, 13, 198, 220, 220, 220, 705, 7061, 628, 220, 220, 220, 825, 1429, 31077, 7, 25927, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 220, 220, 220, 220, 770, 2446, 318, 24399, 706, 5481, 79, 20937, 1008, 11583, 257, 2882, 198, 220, 220, 220, 220, 220, 220, 220, 572, 262, 6503, 13, 628, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 2581, 25, 1052, 1058, 4871, 25, 63, 43481, 18453, 1279, 43481, 18453, 29, 63, 2134, 13, 198, 220, 220, 220, 220, 220, 220, 220, 705, 7061, 628, 198, 4871, 3180, 4853, 12137, 18453, 25060, 7, 39317, 2599, 198, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 27995, 966, 7071, 329, 6805, 284, 1620, 4028, 319, 198, 220, 220, 220, 257, 2581, 878, 5481, 79, 24604, 12137, 12800, 340, 319, 262, 6503, 13, 628, 220, 220, 220, 38884, 326, 3494, 428, 7071, 1276, 3494, 262, 198, 220, 220, 220, 1058, 76, 2788, 25, 63, 14681, 18453, 63, 2446, 13, 198, 220, 220, 220, 705, 7061, 628, 220, 220, 220, 825, 1429, 18453, 7, 25927, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 220, 220, 220, 220, 770, 2446, 318, 24399, 878, 5481, 79, 24604, 12137, 12800, 257, 2581, 198, 220, 220, 220, 220, 220, 220, 220, 319, 262, 6503, 13, 628, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 2581, 25, 1052, 1058, 4871, 25, 63, 43481, 18453, 1279, 43481, 18453, 29, 63, 2134, 13, 198, 220, 220, 220, 220, 220, 220, 220, 705, 7061, 628, 198, 4871, 3180, 4853, 12137, 31077, 25060, 7, 39317, 2599, 198, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 27995, 966, 7071, 329, 6805, 284, 1620, 4028, 319, 198, 220, 220, 220, 257, 2882, 706, 5481, 79, 24604, 12137, 11583, 340, 572, 262, 6503, 13, 628, 220, 220, 220, 38884, 326, 3494, 428, 7071, 1276, 3494, 262, 198, 220, 220, 220, 1058, 76, 2788, 25, 63, 14681, 31077, 63, 2446, 13, 198, 220, 220, 220, 705, 7061, 628, 220, 220, 220, 825, 1429, 31077, 7, 25927, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 220, 220, 220, 220, 770, 2446, 318, 24399, 706, 5481, 79, 24604, 12137, 11583, 257, 2882, 198, 220, 220, 220, 220, 220, 220, 220, 572, 262, 6503, 13, 628, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 2581, 25, 1052, 1058, 4871, 25, 63, 43481, 18453, 1279, 43481, 18453, 29, 63, 2134, 13, 198, 220, 220, 220, 220, 220, 220, 220, 705, 7061, 628, 198, 4871, 3180, 79, 1304, 18453, 25060, 7, 39317, 2599, 198, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 27995, 966, 7071, 329, 6805, 284, 1620, 4028, 319, 198, 220, 220, 220, 257, 2581, 878, 5481, 79, 12648, 12800, 340, 319, 262, 6503, 13, 628, 220, 220, 220, 38884, 326, 3494, 428, 7071, 1276, 3494, 262, 198, 220, 220, 220, 1058, 76, 2788, 25, 63, 14681, 18453, 63, 2446, 13, 198, 220, 220, 220, 705, 7061, 628, 220, 220, 220, 825, 1429, 18453, 7, 25927, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 220, 220, 220, 220, 770, 2446, 318, 24399, 878, 5481, 79, 12648, 12800, 257, 2581, 198, 220, 220, 220, 220, 220, 220, 220, 319, 262, 6503, 13, 628, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 2581, 25, 1052, 1058, 4871, 25, 63, 43481, 18453, 1279, 43481, 18453, 29, 63, 2134, 13, 198, 220, 220, 220, 220, 220, 220, 220, 705, 7061, 628, 198, 4871, 3180, 79, 1304, 31077, 25060, 7, 39317, 2599, 198, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 27995, 966, 7071, 329, 6805, 284, 1620, 4028, 319, 198, 220, 220, 220, 257, 2882, 706, 5481, 79, 12648, 11583, 340, 572, 262, 6503, 13, 628, 220, 220, 220, 38884, 326, 3494, 428, 7071, 1276, 3494, 262, 198, 220, 220, 220, 1058, 76, 2788, 25, 63, 14681, 31077, 63, 2446, 13, 198, 220, 220, 220, 705, 7061, 628, 220, 220, 220, 825, 1429, 31077, 7, 25927, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 220, 220, 220, 220, 770, 2446, 318, 24399, 706, 5481, 79, 12648, 11583, 257, 2882, 198, 220, 220, 220, 220, 220, 220, 220, 572, 262, 6503, 13, 628, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 2581, 25, 1052, 1058, 4871, 25, 63, 43481, 18453, 1279, 43481, 18453, 29, 63, 2134, 13, 198, 220, 220, 220, 220, 220, 220, 220, 705, 7061, 628, 198, 4871, 7283, 7641, 18453, 25060, 7, 39317, 2599, 198, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 27995, 966, 7071, 329, 6805, 284, 1620, 4028, 319, 198, 220, 220, 220, 257, 2581, 878, 5481, 79, 12744, 12800, 340, 319, 262, 6503, 13, 628, 220, 220, 220, 38884, 326, 3494, 428, 7071, 1276, 3494, 262, 198, 220, 220, 220, 1058, 76, 2788, 25, 63, 14681, 18453, 63, 2446, 13, 198, 220, 220, 220, 705, 7061, 628, 220, 220, 220, 825, 1429, 18453, 7, 25927, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 220, 220, 220, 220, 770, 2446, 318, 24399, 878, 5481, 79, 12744, 12800, 257, 2581, 198, 220, 220, 220, 220, 220, 220, 220, 319, 262, 6503, 13, 628, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 2581, 25, 1052, 1058, 4871, 25, 63, 43481, 18453, 1279, 43481, 18453, 29, 63, 2134, 13, 198, 220, 220, 220, 220, 220, 220, 220, 705, 7061, 628, 198, 4871, 7283, 7641, 31077, 25060, 7, 39317, 2599, 198, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 27995, 966, 7071, 329, 6805, 284, 1620, 4028, 319, 198, 220, 220, 220, 257, 2882, 706, 5481, 79, 12744, 11583, 340, 572, 262, 6503, 13, 628, 220, 220, 220, 38884, 326, 3494, 428, 7071, 1276, 3494, 262, 198, 220, 220, 220, 1058, 76, 2788, 25, 63, 14681, 31077, 63, 2446, 13, 198, 220, 220, 220, 705, 7061, 628, 220, 220, 220, 825, 1429, 31077, 7, 25927, 2599, 198, 220, 220, 220, 220, 220, 220, 220, 705, 7061, 198, 220, 220, 220, 220, 220, 220, 220, 770, 2446, 318, 24399, 706, 5481, 79, 12744, 11583, 257, 2882, 198, 220, 220, 220, 220, 220, 220, 220, 572, 262, 6503, 13, 628, 220, 220, 220, 220, 220, 220, 220, 1058, 17143, 2581, 25, 1052, 1058, 4871, 25, 63, 43481, 18453, 1279, 43481, 18453, 29, 63, 2134, 13, 198, 220, 220, 220, 220, 220, 220, 220, 705, 7061, 198 ]
3.00543
3,131
from SinGAN.training import train from SinGAN.util import read_image, adjust_scales_to_image
[ 6738, 10884, 45028, 13, 34409, 1330, 4512, 201, 198, 6738, 10884, 45028, 13, 22602, 1330, 1100, 62, 9060, 11, 4532, 62, 1416, 2040, 62, 1462, 62, 9060, 201, 198, 201, 198 ]
3.129032
31